diff --git a/Prediction Models/Research topic Prediction/README.md b/Prediction Models/Research topic Prediction/README.md new file mode 100644 index 00000000..eaf0e79e --- /dev/null +++ b/Prediction Models/Research topic Prediction/README.md @@ -0,0 +1,47 @@ +# Research-topic-Prediction + +### Problem Statement +Researchers have access to large online archives of scientific articles. As a consequence, finding relevant articles has become more difficult. Tagging or topic modelling provides a way to give token of identification to research articles which facilitates recommendation and search process. + +Given the abstract and title for a set of research articles, predict the topics for each article included in the test set. + +Note that a research article can possibly have more than 1 topic. The research article abstracts and titles are sourced from the following 6 topics: + +1. Computer Science + +2. Physics + +3. Mathematics + +4. Statistics + +5. Quantitative Biology + +6. Quantitative Finance + +## Approach + +### Data Preprocessing: + +We clean the text data by removing punctuations, converting text to lowercase, and removing unnecessary characters. This helps standardize the text input for better performance during the model training. +Feature Extraction: + +We extract features from the research abstracts and titles using text vectorization techniques. The two main methods used are CountVectorizer (which counts word occurrences) and TF-IDF (Term Frequency-Inverse Document Frequency), which assigns importance to words based on their frequency across documents. +### Model Selection: + +We use a Linear Support Vector Machine (LinearSVC) with a multi-output classification approach. This allows the model to predict multiple topics for each article simultaneously. +Evaluation: + +The model is evaluated using common classification metrics such as precision, recall, F1-score, and accuracy. These metrics give insight into how well the model performs across different research topics. +### Prediction: + +After training, the model predicts the topics for unseen research articles, and the results are formatted for submission. Each prediction shows whether a particular article belongs to one or more of the six topics. +## Project Highlights +Multi-label Classification: Each article can be tagged with more than one topic, so the model needs to handle multiple outputs simultaneously. +Text Processing: Effective text preprocessing and vectorization are key to extracting meaningful features from the research articles’ titles and abstracts. +### Model Performance: + The model demonstrates good performance in most categories, but there is room for improvement, particularly in addressing class imbalances for topics with fewer articles. +## Future Work +Future improvements could include addressing the data imbalance, exploring advanced machine learning models such as deep learning techniques, and refining the feature extraction process for better prediction accuracy. + +This project provides a foundation for automating topic prediction in research articles, potentially enhancing search engines and recommendation systems in academic databases. \ No newline at end of file diff --git a/Prediction Models/Research topic Prediction/Research-topic-Prediction.ipynb b/Prediction Models/Research topic Prediction/Research-topic-Prediction.ipynb new file mode 100644 index 00000000..7ffa5618 --- /dev/null +++ b/Prediction Models/Research topic Prediction/Research-topic-Prediction.ipynb @@ -0,0 +1,722 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": 17, + "metadata": { + "colab": {}, + "colab_type": "code", + "id": "OdBntg3UTJg3" + }, + "outputs": [], + "source": [ + "import numpy as np\n", + "import pandas as pd\n", + "import matplotlib.pyplot as plt\n", + "%matplotlib inline\n", + "import warnings\n", + "warnings.filterwarnings('ignore')\n", + "from sklearn.preprocessing import LabelEncoder\n", + "\n", + "train = pd.read_csv('/content/drive/My Drive/ml/train.csv')\n", + "test = pd.read_csv('/content/drive/My Drive/ml/test.csv')\n", + "subission_pd = pd.read_csv('/content/drive/My Drive/ml/sample_submission_UVKGLZE.csv')" + ] + }, + { + "cell_type": "code", + "execution_count": 18, + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/", + "height": 68 + }, + "colab_type": "code", + "id": "c8wedvYeT4nm", + "outputId": "1a91f831-6556-49e3-dcba-e87c7567241e" + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Train shape: (20972, 9)\n", + "Test shape: (8989, 3)\n", + "Sample shape: (8989, 7)\n" + ] + } + ], + "source": [ + "print('Train shape:',train.shape)\n", + "print('Test shape:',test.shape)\n", + "print('Sample shape:',subission_pd.shape)\n", + "\n", + "l = ['Computer Science', 'Physics', 'Mathematics', 'Statistics', 'Quantitative Biology', 'Quantitative Finance']" + ] + }, + { + "cell_type": "code", + "execution_count": 19, + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/", + "height": 51 + }, + "colab_type": "code", + "id": "_8-A4zRtT8Ss", + "outputId": "91bb890b-601a-42ef-cb0c-1e2aaafcba28" + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "(18874, 2) (2098, 2)\n", + "(18874, 6) (2098, 6)\n" + ] + } + ], + "source": [ + "test = test.drop(['ID'],axis=1)\n", + "\n", + "X = train.loc[:,['TITLE','ABSTRACT']]\n", + "y = train.loc[:,l]\n", + "\n", + "from sklearn.model_selection import train_test_split\n", + "\n", + "X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.1, random_state=42, shuffle=True)\n", + "\n", + "print(X_train.shape, X_test.shape)\n", + "print(y_train.shape, y_test.shape)\n", + "\n", + "y_test.reset_index(drop=True,inplace=True)\n", + "X_test.reset_index(drop=True,inplace=True)\n", + "\n", + "y1 = np.array(y_train)\n", + "y2 = np.array(y_test)" + ] + }, + { + "cell_type": "code", + "execution_count": 20, + "metadata": { + "colab": {}, + "colab_type": "code", + "id": "ENRy0yNfUaCK" + }, + "outputs": [], + "source": [ + "#Removing Punctuations\n", + "\n", + "X_train.replace('[^a-zA-Z]',' ', regex=True, inplace=True)\n", + "X_test.replace('[^a-zA-Z]',' ', regex=True, inplace=True)\n", + "\n", + "test.replace('[^a-zA-Z]',' ', regex=True, inplace=True)\n", + "\n", + "#Converting to lower case characters\n", + "\n", + "for index in X_train.columns:\n", + " X_train[index] = X_train[index].str.lower()\n", + "\n", + "for index in X_test.columns:\n", + " X_test[index] = X_test[index].str.lower()\n", + "\n", + "for index in test.columns:\n", + " test[index] = test[index].str.lower()\n", + "\n", + "#Removing one letter words\n", + "\n", + "X_train['ABSTRACT'] = X_train['ABSTRACT'].str.replace(r'\\b\\w\\b', '').str.replace(r'\\s+', ' ')\n", + "X_test['ABSTRACT'] = X_test['ABSTRACT'].str.replace(r'\\b\\w\\b', '').str.replace(r'\\s+', ' ')\n", + "\n", + "test['ABSTRACT'] = test['ABSTRACT'].str.replace(r'\\b\\w\\b', '').str.replace(r'\\s+', ' ')\n", + "\n", + "#Removing multiple blank spaces\n", + "\n", + "X_train = X_train.replace('\\s+', ' ', regex=True)\n", + "X_test = X_test.replace('\\s+', ' ', regex=True)\n", + "\n", + "test = test.replace('\\s+', ' ', regex=True)" + ] + }, + { + "cell_type": "code", + "execution_count": 21, + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/", + "height": 374 + }, + "colab_type": "code", + "id": "VJD5hEUkUfNY", + "outputId": "1b4eff7d-4a42-44a3-8e4e-ae4f2ef4a533" + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[nltk_data] Downloading package punkt to /root/nltk_data...\n", + "[nltk_data] Package punkt is already up-to-date!\n", + "[nltk_data] Downloading package wordnet to /root/nltk_data...\n", + "[nltk_data] Package wordnet is already up-to-date!\n", + "[nltk_data] Downloading package stopwords to /root/nltk_data...\n", + "[nltk_data] Package stopwords is already up-to-date!\n", + "[nltk_data] Downloading package averaged_perceptron_tagger to\n", + "[nltk_data] /root/nltk_data...\n", + "[nltk_data] Package averaged_perceptron_tagger is already up-to-\n", + "[nltk_data] date!\n" + ] + }, + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
combined
13275clustering in hilbert space of a quantum optim...
19273graph heat mixture model learning graph infer...
6427fast and unsupervised methods for multilingual...
19168natasha faster non convex stochastic optimizat...
14148kustaanheimo stiefel transformation with an ar...
\n", + "
" + ], + "text/plain": [ + " combined\n", + "13275 clustering in hilbert space of a quantum optim...\n", + "19273 graph heat mixture model learning graph infer...\n", + "6427 fast and unsupervised methods for multilingual...\n", + "19168 natasha faster non convex stochastic optimizat...\n", + "14148 kustaanheimo stiefel transformation with an ar..." + ] + }, + "execution_count": 21, + "metadata": { + "tags": [] + }, + "output_type": "execute_result" + } + ], + "source": [ + "import nltk\n", + "nltk.download('punkt')\n", + "nltk.download('wordnet')\n", + "nltk.download('stopwords')\n", + "nltk.download('averaged_perceptron_tagger')\n", + "from nltk import sent_tokenize, word_tokenize\n", + "from nltk.stem.snowball import SnowballStemmer\n", + "from nltk.stem.wordnet import WordNetLemmatizer\n", + "from nltk.corpus import stopwords\n", + "\n", + "\n", + "stop_words = set(stopwords.words('english')) \n", + "# len(stop_words)\n", + "# X_train['ABSTRACT'] = X_train['ABSTRACT'].apply(lambda x: ' '.join(term for term in x.split() if term not in stop_words))\n", + "# X_test['ABSTRACT'] = X_test['ABSTRACT'].apply(lambda x: ' '.join(term for term in x.split() if term not in stop_words))\n", + "\n", + "# test['ABSTRACT'] = test['ABSTRACT'].apply(lambda x: ' '.join(term for term in x.split() if term not in stop_words))\n", + "\n", + "X_train['combined'] = X_train['TITLE']+' '+X_train['ABSTRACT']\n", + "X_test['combined'] = X_test['TITLE']+' '+X_test['ABSTRACT']\n", + "\n", + "test['combined'] = test['TITLE']+' '+test['ABSTRACT']\n", + "\n", + "X_train = X_train.drop(['TITLE','ABSTRACT'],axis=1)\n", + "X_test = X_test.drop(['TITLE','ABSTRACT'],axis=1)\n", + "\n", + "test = test.drop(['TITLE','ABSTRACT'],axis=1)\n", + "\n", + "X_train.head()" + ] + }, + { + "cell_type": "code", + "execution_count": 22, + "metadata": { + "colab": {}, + "colab_type": "code", + "id": "ZZpJCI5cYCap" + }, + "outputs": [], + "source": [ + "\n", + "X_lines = []\n", + "for row in range(0,X.shape[0]):\n", + " X_lines.append(' '.join(str(x) for x in X.iloc[row,:]))" + ] + }, + { + "cell_type": "code", + "execution_count": 23, + "metadata": { + "colab": {}, + "colab_type": "code", + "id": "aKsTUdeRUrMd" + }, + "outputs": [], + "source": [ + "train_lines = []\n", + "for row in range(0,X_train.shape[0]):\n", + " train_lines.append(' '.join(str(x) for x in X_train.iloc[row,:]))\n", + "\n", + "test_lines = []\n", + "for row in range(0,X_test.shape[0]):\n", + " test_lines.append(' '.join(str(x) for x in X_test.iloc[row,:]))\n", + "\n", + "predtest_lines = []\n", + "for row in range(0,test.shape[0]):\n", + " predtest_lines.append(' '.join(str(x) for x in test.iloc[row,:]))" + ] + }, + { + "cell_type": "code", + "execution_count": 24, + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + }, + "colab_type": "code", + "id": "jGDABzRWZlOi", + "outputId": "a9321f83-b977-43e7-9d7b-243bfeeaa754" + }, + "outputs": [ + { + "data": { + "text/plain": [ + "18874" + ] + }, + "execution_count": 24, + "metadata": { + "tags": [] + }, + "output_type": "execute_result" + } + ], + "source": [ + "len(train_lines)" + ] + }, + { + "cell_type": "code", + "execution_count": 25, + "metadata": { + "colab": {}, + "colab_type": "code", + "id": "O05zD3CTUu_x" + }, + "outputs": [], + "source": [ + "from sklearn.feature_extraction.text import CountVectorizer\n", + "\n", + "countvector = CountVectorizer(ngram_range=(1,2))\n", + "X_train_cv = countvector.fit_transform(train_lines)\n", + "X_test_cv = countvector.transform(test_lines)\n", + "\n", + "test_cv = countvector.transform(predtest_lines)\n", + "\n", + "#Using TfidfVectorizer\n", + "\n", + "from sklearn.feature_extraction.text import TfidfVectorizer, TfidfTransformer\n", + "\n", + "tfidfvector = TfidfTransformer()\n", + "X_train_tf = tfidfvector.fit_transform(X_train_cv)\n", + "X_test_tf = tfidfvector.fit_transform(X_test_cv)\n", + "\n", + "test_tf = tfidfvector.fit_transform(test_cv)\n", + "\n", + "X_cv = countvector.transform(X_lines)\n", + "\n", + "X_tf = tfidfvector.fit_transform(X_cv) #x_tf,y" + ] + }, + { + "cell_type": "code", + "execution_count": 26, + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/", + "height": 153 + }, + "colab_type": "code", + "id": "CcnLYLSQV3wk", + "outputId": "eec93633-b54c-4efb-9403-19467293f4c0" + }, + "outputs": [ + { + "data": { + "text/plain": [ + "MultiOutputClassifier(estimator=LinearSVC(C=0.5, class_weight='balanced',\n", + " dual=True, fit_intercept=True,\n", + " intercept_scaling=1,\n", + " loss='squared_hinge', max_iter=1000,\n", + " multi_class='ovr', penalty='l2',\n", + " random_state=42, tol=0.0001,\n", + " verbose=0),\n", + " n_jobs=None)" + ] + }, + "execution_count": 26, + "metadata": { + "tags": [] + }, + "output_type": "execute_result" + } + ], + "source": [ + "from sklearn.svm import LinearSVC\n", + "from sklearn.multioutput import MultiOutputClassifier\n", + "\n", + "model = LinearSVC(C=0.5, class_weight='balanced', random_state=42)\n", + "models = MultiOutputClassifier(model)\n", + "\n", + "models.fit(X_train_tf, y1)" + ] + }, + { + "cell_type": "code", + "execution_count": 27, + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/", + "height": 136 + }, + "colab_type": "code", + "id": "MITfjxaeWGNf", + "outputId": "b5b6e7e6-ac08-43ba-ced2-d19bd292fe39" + }, + "outputs": [ + { + "data": { + "text/plain": [ + "array([[1, 0, 0, 1, 0, 0],\n", + " [0, 0, 0, 0, 0, 0],\n", + " [1, 0, 0, 0, 0, 0],\n", + " ...,\n", + " [0, 1, 0, 0, 1, 0],\n", + " [1, 0, 0, 1, 0, 0],\n", + " [0, 1, 0, 0, 0, 0]])" + ] + }, + "execution_count": 27, + "metadata": { + "tags": [] + }, + "output_type": "execute_result" + } + ], + "source": [ + "preds = models.predict(X_test_tf)\n", + "preds\n" + ] + }, + { + "cell_type": "code", + "execution_count": 28, + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/", + "height": 272 + }, + "colab_type": "code", + "id": "f09g5ZevWI6e", + "outputId": "a1410f03-caed-44f3-dd73-b19e1592f054" + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + " precision recall f1-score support\n", + "\n", + " 0 0.81 0.91 0.85 853\n", + " 1 0.88 0.89 0.88 623\n", + " 2 0.84 0.84 0.84 580\n", + " 3 0.72 0.86 0.78 516\n", + " 4 0.53 0.40 0.46 58\n", + " 5 0.86 0.69 0.77 26\n", + "\n", + " micro avg 0.81 0.86 0.83 2656\n", + " macro avg 0.77 0.76 0.76 2656\n", + "weighted avg 0.81 0.86 0.83 2656\n", + " samples avg 0.84 0.89 0.84 2656\n", + "\n", + "0.6611058150619638\n" + ] + } + ], + "source": [ + "from sklearn.metrics import accuracy_score, confusion_matrix, classification_report\n", + "\n", + "#print(confusion_matrix(y2,preds))\n", + "print(classification_report(y2,preds))\n", + "print(accuracy_score(y2,preds))" + ] + }, + { + "cell_type": "code", + "execution_count": 29, + "metadata": { + "colab": {}, + "colab_type": "code", + "id": "hlszaq_ujFje" + }, + "outputs": [], + "source": [ + "# for i in range(100):\n", + "# print(str(y2[i])+str(preds[i]))" + ] + }, + { + "cell_type": "code", + "execution_count": 29, + "metadata": { + "colab": {}, + "colab_type": "code", + "id": "LgQTqGrhjI7w" + }, + "outputs": [], + "source": [] + }, + { + "cell_type": "code", + "execution_count": 30, + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/", + "height": 136 + }, + "colab_type": "code", + "id": "mi9nVKeqWK-p", + "outputId": "c27fb35b-0f4a-410e-ecdf-1b1b0aae4dae" + }, + "outputs": [ + { + "data": { + "text/plain": [ + "array([[0, 0, 0, 1, 0, 0],\n", + " [0, 1, 0, 0, 0, 0],\n", + " [1, 0, 0, 0, 0, 0],\n", + " ...,\n", + " [0, 0, 0, 0, 1, 0],\n", + " [0, 0, 0, 1, 0, 0],\n", + " [1, 0, 0, 0, 0, 0]])" + ] + }, + "execution_count": 30, + "metadata": { + "tags": [] + }, + "output_type": "execute_result" + } + ], + "source": [ + "predssv = models.predict(test_tf)\n", + "predssv" + ] + }, + { + "cell_type": "code", + "execution_count": 31, + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/", + "height": 204 + }, + "colab_type": "code", + "id": "EBUnVCwlWPOZ", + "outputId": "e99d8905-3d96-4471-8c2e-a43e2d4eef76" + }, + "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", + "
IDComputer SciencePhysicsMathematicsStatisticsQuantitative BiologyQuantitative Finance
020973000100
120974010000
220975100000
320976010000
420977100000
\n", + "
" + ], + "text/plain": [ + " ID Computer Science ... Quantitative Biology Quantitative Finance\n", + "0 20973 0 ... 0 0\n", + "1 20974 0 ... 0 0\n", + "2 20975 1 ... 0 0\n", + "3 20976 0 ... 0 0\n", + "4 20977 1 ... 0 0\n", + "\n", + "[5 rows x 7 columns]" + ] + }, + "execution_count": 31, + "metadata": { + "tags": [] + }, + "output_type": "execute_result" + } + ], + "source": [ + "test = pd.read_csv('/content/drive/My Drive/ml/test.csv')\n", + "\n", + "submit = pd.DataFrame({'ID': test.ID, 'Computer Science': predssv[:,0],'Physics':predssv[:,1],\n", + " 'Mathematics':predssv[:,2],'Statistics':predssv[:,3],'Quantitative Biology':predssv[:,4],\n", + " 'Quantitative Finance':predssv[:,5]})\n", + "submit.head()" + ] + }, + { + "cell_type": "code", + "execution_count": 32, + "metadata": { + "colab": {}, + "colab_type": "code", + "id": "ybS28j2AWbio" + }, + "outputs": [], + "source": [ + "submit.to_csv('submission2.csv', index=False)" + ] + } + ], + "metadata": { + "colab": { + "authorship_tag": "ABX9TyMhmjaEvacjvO1SJCWFndxi", + "collapsed_sections": [], + "mount_file_id": "1-RAfjiGOy2brJkcnEiA6loSQDSn5oPQ1", + "name": "independenceday_challange", + "provenance": [] + }, + "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.7.6" + } + }, + "nbformat": 4, + "nbformat_minor": 1 +} diff --git a/Prediction Models/Research topic Prediction/submission6.csv b/Prediction Models/Research topic Prediction/submission6.csv new file mode 100644 index 00000000..e3d7db90 --- /dev/null +++ b/Prediction Models/Research topic Prediction/submission6.csv @@ -0,0 +1,8990 @@ +ID,Computer Science,Physics,Mathematics,Statistics,Quantitative Biology,Quantitative Finance +20973,0,0,0,1,0,0 +20974,0,1,0,0,0,0 +20975,1,0,0,0,0,0 +20976,0,1,0,0,0,0 +20977,1,0,1,0,0,0 +20978,0,0,1,1,0,0 +20979,0,0,1,1,0,0 +20980,1,1,0,1,0,0 +20981,1,0,0,0,0,0 +20982,0,1,0,0,0,0 +20983,0,1,0,0,0,0 +20984,1,0,0,0,0,0 +20985,0,1,1,0,0,0 +20986,1,0,0,0,0,0 +20987,1,0,0,1,0,0 +20988,1,0,0,0,0,0 +20989,0,1,0,0,0,0 +20990,1,0,0,0,0,0 +20991,1,0,0,0,1,0 +20992,1,0,0,0,0,0 +20993,0,0,0,0,0,0 +20994,0,1,0,0,0,0 +20995,1,0,0,1,0,0 +20996,1,0,1,0,0,0 +20997,0,1,0,0,0,0 +20998,1,1,0,0,0,0 +20999,1,0,0,1,1,0 +21000,0,1,0,0,0,0 +21001,0,1,0,0,0,0 +21002,1,0,0,0,0,0 +21003,1,0,0,0,0,0 +21004,1,0,0,1,0,0 +21005,0,1,0,0,0,0 +21006,1,0,0,0,0,0 +21007,1,0,0,0,0,0 +21008,1,0,0,1,0,0 +21009,0,0,1,0,0,0 +21010,0,1,0,0,0,0 +21011,0,0,1,0,0,0 +21012,0,0,1,0,0,0 +21013,1,0,0,1,0,0 +21014,0,0,1,0,0,0 +21015,1,0,0,0,0,0 +21016,0,1,1,0,0,0 +21017,1,0,0,1,0,0 +21018,0,1,0,0,0,0 +21019,1,0,1,0,0,0 +21020,1,0,0,0,0,0 +21021,1,0,0,0,0,0 +21022,0,1,0,0,0,1 +21023,0,1,0,0,0,0 +21024,0,0,1,0,0,0 +21025,0,1,0,0,0,0 +21026,1,1,0,0,0,0 +21027,1,0,0,1,0,0 +21028,0,0,1,1,0,0 +21029,1,0,0,0,0,0 +21030,0,0,1,0,0,0 +21031,0,0,0,1,1,0 +21032,1,0,0,1,0,0 +21033,0,0,1,0,0,0 +21034,0,0,1,1,0,0 +21035,1,0,0,0,0,0 +21036,1,0,0,1,0,0 +21037,1,0,1,0,0,0 +21038,1,0,0,0,0,0 +21039,1,0,0,0,0,0 +21040,1,0,0,1,0,0 +21041,1,0,0,0,0,0 +21042,0,1,0,0,0,0 +21043,1,1,0,0,0,0 +21044,0,0,0,1,0,1 +21045,0,1,0,0,0,0 +21046,1,0,0,1,0,0 +21047,0,0,0,0,0,0 +21048,1,0,0,0,0,0 +21049,0,0,1,0,0,0 +21050,0,1,0,0,1,0 +21051,1,0,1,0,0,0 +21052,0,0,1,0,0,0 +21053,0,0,1,0,0,0 +21054,0,1,1,0,0,0 +21055,1,0,0,0,0,0 +21056,1,0,0,1,0,0 +21057,1,1,0,0,0,0 +21058,1,0,1,0,0,0 +21059,1,0,0,1,0,0 +21060,0,1,0,0,0,0 +21061,1,0,0,0,0,0 +21062,1,0,1,1,0,0 +21063,0,1,0,0,0,0 +21064,0,1,0,0,0,0 +21065,1,0,0,1,0,0 +21066,0,1,0,0,0,0 +21067,0,0,1,0,0,1 +21068,0,0,1,1,0,0 +21069,0,1,0,0,0,0 +21070,0,0,1,1,0,0 +21071,0,1,0,0,0,0 +21072,1,0,0,0,0,0 +21073,1,0,0,0,0,0 +21074,1,0,0,0,0,0 +21075,0,0,0,1,0,0 +21076,0,1,0,0,0,0 +21077,0,1,0,0,0,0 +21078,0,0,1,1,0,0 +21079,1,0,0,1,0,0 +21080,0,1,0,0,0,0 +21081,1,0,0,0,0,0 +21082,1,0,0,0,0,0 +21083,0,0,0,1,0,1 +21084,0,1,0,0,0,0 +21085,1,0,1,0,0,0 +21086,0,1,1,0,0,0 +21087,1,0,0,0,0,0 +21088,0,0,0,1,0,0 +21089,1,0,0,1,0,0 +21090,0,0,0,1,0,0 +21091,0,1,1,0,0,0 +21092,1,1,0,0,0,0 +21093,0,0,1,0,0,0 +21094,0,1,0,0,0,0 +21095,0,0,1,0,0,0 +21096,1,0,0,0,0,0 +21097,0,1,0,0,0,0 +21098,0,0,1,0,0,0 +21099,0,0,1,0,0,0 +21100,1,0,0,0,0,0 +21101,1,0,0,0,0,0 +21102,0,1,0,0,0,0 +21103,0,0,1,0,0,0 +21104,0,1,0,0,0,0 +21105,1,0,0,0,0,0 +21106,0,1,0,0,0,0 +21107,0,0,1,1,0,0 +21108,1,0,0,0,0,0 +21109,0,0,0,0,0,0 +21110,0,0,0,0,0,1 +21111,0,0,1,0,0,0 +21112,0,1,0,0,0,0 +21113,0,0,1,0,0,0 +21114,1,0,0,1,0,0 +21115,1,0,1,1,0,0 +21116,1,0,0,1,0,0 +21117,0,0,1,0,0,0 +21118,0,1,0,0,0,0 +21119,1,0,0,0,0,0 +21120,1,0,0,1,0,0 +21121,0,1,0,0,0,0 +21122,1,0,0,1,0,0 +21123,0,1,1,0,0,0 +21124,0,0,0,0,0,0 +21125,1,0,0,0,0,0 +21126,0,0,0,1,0,0 +21127,0,0,1,0,0,0 +21128,0,1,0,1,0,0 +21129,1,0,0,0,0,0 +21130,0,1,0,0,0,0 +21131,1,0,0,1,0,0 +21132,0,0,0,1,0,0 +21133,0,0,0,1,0,0 +21134,0,1,0,0,0,0 +21135,1,0,0,0,0,0 +21136,0,1,0,0,0,0 +21137,0,1,0,0,0,0 +21138,0,0,0,1,0,0 +21139,0,0,1,0,0,0 +21140,0,0,0,1,0,0 +21141,1,0,0,1,0,0 +21142,0,0,0,1,0,0 +21143,1,0,0,1,0,0 +21144,1,0,0,0,0,0 +21145,1,0,0,1,0,0 +21146,1,0,0,0,0,0 +21147,1,0,0,0,0,0 +21148,1,0,0,1,0,0 +21149,0,0,0,1,0,0 +21150,0,0,1,0,1,0 +21151,0,0,0,1,0,0 +21152,1,0,0,0,0,0 +21153,1,0,0,1,0,0 +21154,0,0,1,0,0,0 +21155,0,1,0,0,0,0 +21156,1,0,0,1,0,0 +21157,0,1,0,0,0,0 +21158,0,0,1,1,0,0 +21159,1,0,0,1,0,0 +21160,1,0,0,0,0,0 +21161,0,1,0,0,0,0 +21162,0,1,0,0,0,0 +21163,0,1,0,0,0,0 +21164,1,0,0,0,0,0 +21165,0,0,1,0,0,0 +21166,0,0,1,0,0,0 +21167,0,0,1,1,0,0 +21168,1,0,0,1,0,0 +21169,1,0,0,0,0,0 +21170,0,0,1,0,0,0 +21171,0,1,1,0,0,0 +21172,0,0,0,1,0,0 +21173,0,0,0,1,0,0 +21174,0,1,0,0,0,0 +21175,0,1,0,0,0,0 +21176,0,0,0,1,0,0 +21177,0,1,0,0,0,0 +21178,1,0,0,1,0,0 +21179,0,1,0,0,0,0 +21180,0,0,1,0,0,0 +21181,1,0,1,0,0,0 +21182,0,0,0,0,0,1 +21183,0,0,1,0,0,0 +21184,1,0,0,1,0,0 +21185,0,0,1,0,0,0 +21186,0,1,0,0,0,0 +21187,1,0,0,0,0,0 +21188,0,1,0,0,0,0 +21189,1,0,0,1,0,0 +21190,0,0,1,0,0,0 +21191,1,0,0,0,0,0 +21192,0,0,1,0,0,0 +21193,1,0,0,0,0,0 +21194,1,0,1,0,0,0 +21195,1,0,0,0,0,0 +21196,0,1,0,0,0,0 +21197,0,1,0,0,0,0 +21198,0,0,0,0,0,0 +21199,0,0,1,0,0,0 +21200,0,0,0,0,0,0 +21201,0,1,0,0,0,0 +21202,0,1,0,0,0,0 +21203,0,0,1,1,0,0 +21204,1,0,0,1,0,0 +21205,0,0,1,1,0,0 +21206,0,0,1,1,0,0 +21207,0,1,0,0,0,0 +21208,0,1,0,0,0,0 +21209,0,1,0,0,0,0 +21210,0,0,0,0,1,0 +21211,1,0,1,0,0,0 +21212,0,1,0,0,0,0 +21213,0,0,1,0,0,0 +21214,0,0,1,0,0,0 +21215,0,1,0,0,0,0 +21216,1,0,0,1,0,0 +21217,1,0,0,0,0,0 +21218,1,0,1,1,0,0 +21219,1,1,0,0,0,0 +21220,0,0,1,1,0,0 +21221,0,0,1,0,0,0 +21222,0,1,0,0,0,0 +21223,0,0,0,1,0,0 +21224,1,0,0,0,0,0 +21225,0,0,1,0,0,0 +21226,0,0,1,0,0,0 +21227,0,1,0,0,0,0 +21228,1,0,0,1,0,0 +21229,0,0,1,0,0,0 +21230,0,0,1,0,0,0 +21231,1,0,0,0,0,0 +21232,1,0,0,0,0,0 +21233,0,1,0,0,0,0 +21234,0,1,0,0,1,0 +21235,1,0,1,0,0,0 +21236,0,0,1,0,0,0 +21237,1,0,0,1,0,0 +21238,1,0,0,0,0,0 +21239,1,0,1,0,0,0 +21240,0,1,1,0,0,0 +21241,0,1,1,0,0,0 +21242,0,0,1,0,0,0 +21243,1,0,0,0,0,0 +21244,0,1,0,0,0,0 +21245,0,1,0,0,0,0 +21246,1,0,1,0,0,0 +21247,1,0,0,0,0,0 +21248,1,0,0,0,0,0 +21249,1,0,0,0,0,0 +21250,1,0,0,1,0,0 +21251,1,0,0,0,0,0 +21252,1,0,0,0,0,0 +21253,1,0,0,0,0,0 +21254,1,0,0,1,0,0 +21255,0,1,0,0,0,0 +21256,1,0,0,1,0,0 +21257,1,0,1,0,0,0 +21258,0,1,0,0,0,0 +21259,1,0,1,0,0,0 +21260,0,0,1,0,0,0 +21261,0,1,0,0,0,0 +21262,0,1,0,0,0,0 +21263,1,0,0,0,0,0 +21264,0,1,0,0,0,0 +21265,0,1,0,0,0,0 +21266,0,0,0,0,1,0 +21267,1,0,0,0,0,0 +21268,0,0,1,0,0,0 +21269,0,0,1,0,0,0 +21270,0,0,0,1,0,0 +21271,1,0,0,0,0,0 +21272,1,0,1,1,0,0 +21273,1,0,0,1,0,0 +21274,0,0,1,0,0,0 +21275,0,1,0,0,0,0 +21276,1,0,0,0,0,0 +21277,0,0,1,0,0,0 +21278,1,1,0,0,0,0 +21279,1,0,0,0,0,0 +21280,0,0,1,1,0,0 +21281,1,0,0,1,0,0 +21282,1,0,0,0,0,0 +21283,0,0,1,1,0,0 +21284,0,0,1,0,0,0 +21285,0,1,0,0,0,0 +21286,0,0,0,0,0,0 +21287,0,1,0,0,0,0 +21288,0,1,0,0,0,0 +21289,1,0,0,1,0,0 +21290,0,1,0,0,0,0 +21291,0,0,1,0,0,0 +21292,0,0,1,0,0,0 +21293,1,0,0,1,0,0 +21294,0,1,0,0,0,0 +21295,1,0,1,0,0,0 +21296,0,1,0,0,0,0 +21297,0,0,1,0,0,0 +21298,0,1,0,0,0,0 +21299,0,1,0,0,0,0 +21300,0,1,0,0,0,0 +21301,1,0,0,1,0,0 +21302,0,0,1,1,0,0 +21303,0,1,0,0,0,0 +21304,1,0,0,0,0,0 +21305,0,0,1,0,0,0 +21306,0,0,1,0,0,0 +21307,0,0,0,0,1,0 +21308,1,0,0,0,0,0 +21309,1,0,0,1,0,0 +21310,0,0,1,0,0,0 +21311,0,1,1,0,0,0 +21312,0,1,0,0,0,0 +21313,1,0,0,1,0,0 +21314,0,1,0,0,0,0 +21315,0,0,0,1,0,0 +21316,0,0,1,1,0,0 +21317,1,0,1,0,0,0 +21318,1,1,0,0,0,0 +21319,1,0,0,1,0,0 +21320,1,0,0,1,0,0 +21321,1,0,0,1,0,0 +21322,1,0,0,1,0,0 +21323,1,0,0,0,0,0 +21324,0,0,0,0,0,0 +21325,1,0,0,1,0,0 +21326,0,1,0,0,0,0 +21327,1,0,1,0,0,0 +21328,0,1,0,0,0,0 +21329,0,0,1,0,0,0 +21330,1,0,0,1,0,0 +21331,0,1,0,0,0,0 +21332,0,1,0,0,0,0 +21333,1,0,0,0,0,0 +21334,1,0,1,0,0,0 +21335,1,0,0,0,0,0 +21336,1,0,0,1,0,0 +21337,1,0,0,0,0,0 +21338,1,0,1,0,0,0 +21339,1,0,0,0,0,0 +21340,0,1,1,0,0,0 +21341,0,0,1,0,0,0 +21342,0,0,1,0,0,0 +21343,0,1,0,0,0,0 +21344,0,0,1,0,0,0 +21345,1,0,0,0,0,0 +21346,1,0,0,1,0,0 +21347,1,0,0,1,0,0 +21348,0,0,0,1,0,0 +21349,1,0,0,0,1,0 +21350,1,0,0,1,0,0 +21351,0,0,1,0,0,0 +21352,0,1,0,0,0,0 +21353,1,0,0,0,0,0 +21354,0,0,1,0,0,0 +21355,1,0,0,1,0,0 +21356,0,0,1,0,0,0 +21357,1,0,0,1,0,0 +21358,1,0,1,0,0,0 +21359,1,0,0,0,0,0 +21360,1,0,0,0,0,0 +21361,0,0,1,0,0,0 +21362,0,0,1,0,0,0 +21363,0,0,1,0,0,0 +21364,1,0,0,1,0,0 +21365,0,0,1,0,0,0 +21366,0,1,0,0,0,0 +21367,1,0,0,1,0,0 +21368,0,1,0,0,0,0 +21369,1,0,0,0,0,0 +21370,1,0,0,1,0,0 +21371,1,0,0,1,0,0 +21372,1,0,0,0,0,0 +21373,0,1,0,0,0,0 +21374,0,1,0,0,0,0 +21375,1,0,0,0,0,0 +21376,0,0,1,0,0,0 +21377,0,1,0,0,0,0 +21378,1,0,0,1,0,0 +21379,0,0,1,1,0,0 +21380,1,0,0,0,0,0 +21381,1,0,0,1,0,0 +21382,0,0,1,0,0,0 +21383,1,0,0,0,0,0 +21384,1,0,0,1,0,0 +21385,0,1,0,0,0,0 +21386,0,1,0,0,1,0 +21387,0,1,0,0,0,0 +21388,0,0,1,0,0,0 +21389,0,0,1,0,0,0 +21390,0,0,1,0,0,0 +21391,0,1,0,0,0,0 +21392,0,1,0,0,0,0 +21393,1,0,0,0,0,0 +21394,1,0,0,1,0,0 +21395,0,0,1,0,0,0 +21396,0,1,0,0,0,0 +21397,1,0,0,1,0,0 +21398,0,0,0,1,0,0 +21399,0,0,1,0,0,0 +21400,0,1,0,0,0,0 +21401,1,0,1,0,0,0 +21402,0,0,0,1,0,0 +21403,0,1,0,0,0,0 +21404,0,0,1,1,0,0 +21405,1,0,1,0,0,0 +21406,1,0,0,0,0,0 +21407,0,0,1,0,0,0 +21408,1,0,0,1,0,0 +21409,0,0,1,0,0,0 +21410,0,0,1,0,0,0 +21411,0,0,1,0,0,0 +21412,0,1,0,0,0,0 +21413,0,0,1,0,0,1 +21414,0,1,0,0,0,0 +21415,0,1,0,0,0,0 +21416,1,0,0,0,0,0 +21417,1,0,0,1,0,0 +21418,1,0,0,0,0,0 +21419,0,0,1,0,0,0 +21420,1,0,0,0,0,0 +21421,1,0,0,0,0,0 +21422,0,1,0,0,0,0 +21423,1,0,0,0,0,0 +21424,0,0,0,1,0,0 +21425,0,1,0,0,0,0 +21426,0,1,0,0,0,0 +21427,1,0,0,0,0,0 +21428,0,0,0,1,0,0 +21429,0,1,0,0,0,0 +21430,1,0,0,0,0,0 +21431,0,0,0,1,0,0 +21432,0,1,0,0,0,0 +21433,0,1,0,0,0,0 +21434,0,1,0,0,0,0 +21435,1,0,0,0,0,0 +21436,0,1,0,0,0,0 +21437,1,0,0,1,0,0 +21438,0,1,0,0,0,0 +21439,1,0,0,1,0,0 +21440,0,0,1,0,0,0 +21441,0,1,0,0,0,0 +21442,0,0,0,0,1,0 +21443,1,0,0,0,0,0 +21444,1,0,0,0,0,0 +21445,0,1,0,0,0,0 +21446,0,1,0,0,0,0 +21447,0,0,1,0,0,0 +21448,0,1,0,0,0,0 +21449,0,0,0,0,0,0 +21450,0,0,1,0,0,0 +21451,1,0,1,0,0,0 +21452,1,0,1,0,0,0 +21453,0,0,1,1,0,0 +21454,1,0,0,1,0,0 +21455,0,0,1,0,0,0 +21456,0,1,0,0,0,0 +21457,1,1,0,0,0,0 +21458,0,0,0,1,0,0 +21459,0,0,1,0,0,0 +21460,1,0,0,0,0,0 +21461,0,0,1,0,0,0 +21462,0,1,0,0,0,0 +21463,1,0,0,1,0,0 +21464,1,0,0,0,0,0 +21465,0,1,0,0,0,0 +21466,1,0,0,1,0,0 +21467,1,0,0,1,0,0 +21468,0,0,1,0,0,0 +21469,0,0,1,0,0,0 +21470,0,0,1,0,0,0 +21471,0,1,0,0,0,0 +21472,0,1,0,0,0,0 +21473,0,1,1,0,0,0 +21474,0,1,0,0,0,0 +21475,1,0,0,0,0,0 +21476,0,0,0,0,0,1 +21477,1,0,0,0,0,0 +21478,0,0,1,0,0,0 +21479,1,0,0,0,0,0 +21480,1,0,0,1,0,0 +21481,1,1,0,0,0,0 +21482,1,0,0,0,0,0 +21483,1,0,0,1,0,0 +21484,1,0,0,0,0,0 +21485,0,1,0,0,0,0 +21486,1,0,0,0,0,0 +21487,0,1,0,0,0,0 +21488,1,0,0,1,0,0 +21489,1,0,0,1,0,0 +21490,0,0,1,1,0,1 +21491,0,0,1,1,0,0 +21492,0,1,0,0,0,0 +21493,0,1,0,0,0,0 +21494,0,1,0,0,0,0 +21495,0,1,0,0,0,0 +21496,0,0,1,0,0,0 +21497,0,0,0,0,0,0 +21498,1,0,0,1,0,0 +21499,1,0,0,0,0,0 +21500,1,0,0,1,0,0 +21501,1,0,0,1,1,0 +21502,0,0,1,0,0,0 +21503,0,0,1,0,0,0 +21504,0,0,1,0,0,0 +21505,0,1,0,0,0,0 +21506,0,1,0,0,0,0 +21507,1,0,0,1,0,0 +21508,1,0,0,1,0,0 +21509,1,0,0,1,0,0 +21510,0,1,0,0,0,0 +21511,1,0,0,0,0,0 +21512,0,1,0,0,0,0 +21513,0,0,1,1,0,0 +21514,1,0,0,1,0,0 +21515,0,1,0,0,0,0 +21516,0,0,1,1,0,0 +21517,1,0,0,1,0,0 +21518,0,0,1,0,0,0 +21519,1,0,0,1,0,0 +21520,0,1,0,0,0,0 +21521,0,1,0,0,0,0 +21522,0,1,0,0,0,0 +21523,1,0,0,1,0,0 +21524,0,1,1,0,0,0 +21525,0,1,0,0,0,0 +21526,0,1,0,0,0,0 +21527,1,0,0,0,0,0 +21528,0,1,0,0,0,0 +21529,0,1,0,0,0,0 +21530,1,0,0,1,0,0 +21531,1,0,0,1,0,0 +21532,1,0,0,0,0,0 +21533,1,0,0,0,0,0 +21534,1,0,0,1,0,0 +21535,1,0,0,0,0,0 +21536,0,0,0,0,0,0 +21537,1,0,1,0,0,0 +21538,0,0,1,0,0,0 +21539,1,0,0,0,0,0 +21540,1,0,0,0,0,0 +21541,0,0,1,1,0,1 +21542,0,1,0,0,0,0 +21543,0,0,0,0,0,0 +21544,0,0,1,0,0,0 +21545,1,0,0,1,0,0 +21546,0,1,0,0,0,0 +21547,0,1,0,0,0,0 +21548,1,0,0,1,0,0 +21549,1,0,0,1,0,0 +21550,1,0,0,0,0,0 +21551,0,0,1,1,0,0 +21552,0,1,1,0,0,0 +21553,1,0,0,0,0,0 +21554,0,0,1,0,0,0 +21555,0,0,1,0,0,0 +21556,1,0,0,1,0,0 +21557,0,1,0,0,0,0 +21558,0,1,0,0,0,0 +21559,0,0,0,1,0,0 +21560,1,0,0,1,0,0 +21561,0,0,1,1,0,0 +21562,1,0,0,0,0,0 +21563,0,0,0,1,0,0 +21564,0,0,0,0,0,0 +21565,1,0,0,0,0,0 +21566,1,1,0,0,0,0 +21567,1,0,0,0,0,0 +21568,0,1,1,0,0,0 +21569,1,0,0,1,0,0 +21570,0,0,1,0,0,0 +21571,0,1,0,1,0,0 +21572,1,0,0,0,0,0 +21573,0,0,1,0,0,0 +21574,1,0,0,1,0,0 +21575,0,1,0,0,0,0 +21576,1,0,0,1,0,0 +21577,0,0,1,0,0,0 +21578,0,1,0,0,0,0 +21579,0,1,0,0,0,0 +21580,0,0,1,0,0,0 +21581,0,1,0,0,0,0 +21582,1,0,0,0,0,0 +21583,0,1,0,0,0,0 +21584,1,1,0,0,0,0 +21585,1,0,0,0,0,0 +21586,1,0,0,1,0,0 +21587,0,0,0,1,0,0 +21588,1,0,0,0,0,0 +21589,1,0,0,0,0,0 +21590,0,1,0,0,0,0 +21591,1,0,0,0,0,0 +21592,1,0,0,1,0,0 +21593,1,0,0,1,0,0 +21594,1,0,0,0,0,0 +21595,1,0,0,0,1,0 +21596,1,0,0,1,0,0 +21597,0,0,0,1,0,0 +21598,0,1,0,0,0,0 +21599,1,0,1,0,0,0 +21600,0,0,1,0,0,0 +21601,1,0,0,0,0,0 +21602,1,0,1,0,0,0 +21603,1,0,1,1,0,0 +21604,0,1,0,0,0,0 +21605,0,1,0,0,0,0 +21606,0,1,0,0,0,0 +21607,1,0,0,1,0,0 +21608,1,0,0,1,0,0 +21609,0,0,1,0,0,0 +21610,0,1,0,0,0,0 +21611,0,1,0,0,0,0 +21612,0,1,0,0,0,0 +21613,1,0,0,1,0,0 +21614,0,0,0,1,0,0 +21615,1,0,0,1,0,0 +21616,0,0,1,1,0,0 +21617,0,0,1,0,0,0 +21618,0,1,1,0,0,0 +21619,0,1,0,0,0,0 +21620,1,0,0,1,0,0 +21621,1,0,0,0,0,0 +21622,1,0,0,1,0,0 +21623,0,0,0,1,0,0 +21624,1,0,0,1,0,0 +21625,1,0,0,0,0,0 +21626,0,1,0,0,0,0 +21627,1,0,0,0,0,0 +21628,0,0,1,0,0,0 +21629,0,0,1,0,0,0 +21630,1,0,0,1,0,0 +21631,0,0,1,0,0,0 +21632,0,0,1,1,0,0 +21633,1,0,0,0,0,0 +21634,0,0,1,0,0,0 +21635,0,0,1,1,0,0 +21636,0,0,1,0,0,0 +21637,1,0,0,0,0,0 +21638,1,0,0,1,0,0 +21639,0,0,0,0,1,0 +21640,1,0,0,1,1,0 +21641,1,0,1,0,0,0 +21642,0,1,0,0,0,0 +21643,1,0,0,0,0,0 +21644,1,0,0,1,0,0 +21645,1,0,0,1,0,0 +21646,1,0,0,0,0,0 +21647,0,1,0,0,0,0 +21648,1,0,0,1,0,0 +21649,1,0,0,1,0,0 +21650,0,1,0,0,0,0 +21651,1,0,0,1,0,0 +21652,1,0,0,0,0,0 +21653,0,1,0,0,0,0 +21654,0,0,1,1,0,0 +21655,0,1,0,0,0,0 +21656,1,0,0,0,0,0 +21657,0,0,1,0,0,0 +21658,0,0,1,0,0,0 +21659,1,0,0,1,0,0 +21660,0,1,0,0,0,0 +21661,0,0,0,0,0,1 +21662,0,0,1,0,0,0 +21663,0,1,0,0,0,0 +21664,1,0,0,1,0,0 +21665,1,0,1,0,0,0 +21666,0,1,0,0,0,0 +21667,1,0,0,0,0,0 +21668,1,0,0,0,0,0 +21669,1,0,0,1,1,0 +21670,0,0,1,0,0,0 +21671,1,0,0,0,0,0 +21672,1,0,0,0,0,0 +21673,0,1,0,0,0,0 +21674,1,0,0,0,0,0 +21675,1,0,0,0,0,0 +21676,0,0,0,0,0,0 +21677,0,0,0,1,1,0 +21678,0,1,0,0,0,0 +21679,0,0,1,0,0,0 +21680,1,0,1,0,0,0 +21681,0,1,0,0,0,0 +21682,0,0,1,0,0,0 +21683,0,0,1,0,0,0 +21684,1,0,0,1,0,0 +21685,1,0,0,1,0,0 +21686,1,0,0,0,0,0 +21687,0,0,1,0,0,0 +21688,0,0,1,0,0,0 +21689,1,0,0,0,0,0 +21690,0,1,0,0,0,0 +21691,1,0,1,0,0,0 +21692,0,0,1,0,0,0 +21693,0,0,0,1,0,0 +21694,0,0,1,0,0,0 +21695,0,0,1,0,0,0 +21696,0,1,0,0,0,0 +21697,0,0,1,1,0,0 +21698,0,1,0,0,0,0 +21699,1,0,0,1,0,0 +21700,0,0,1,0,0,0 +21701,0,0,0,1,0,0 +21702,1,0,0,1,0,0 +21703,0,0,0,1,0,1 +21704,0,1,1,0,0,0 +21705,1,0,0,0,0,0 +21706,1,0,0,0,0,0 +21707,1,0,1,0,0,0 +21708,1,0,0,0,0,0 +21709,0,0,1,0,0,0 +21710,1,0,0,1,0,0 +21711,1,0,0,1,0,0 +21712,1,0,0,1,0,0 +21713,0,0,1,0,0,0 +21714,0,0,0,1,0,0 +21715,1,0,0,1,0,0 +21716,0,1,0,0,0,0 +21717,1,0,0,0,0,0 +21718,0,0,1,0,0,0 +21719,0,0,1,0,0,0 +21720,1,0,0,1,0,0 +21721,1,0,0,1,0,0 +21722,0,1,0,0,0,0 +21723,0,1,0,0,0,0 +21724,0,1,0,0,0,0 +21725,1,0,0,0,0,0 +21726,0,1,0,0,0,0 +21727,0,1,0,0,0,0 +21728,0,0,1,1,0,0 +21729,0,1,0,0,0,0 +21730,0,0,1,0,0,0 +21731,0,1,0,0,0,0 +21732,1,0,1,0,0,0 +21733,0,1,0,0,0,0 +21734,1,0,1,0,0,0 +21735,0,0,1,0,0,0 +21736,1,0,0,0,0,0 +21737,1,0,0,1,0,0 +21738,0,1,0,0,0,0 +21739,1,0,1,0,0,0 +21740,0,0,1,0,0,0 +21741,1,0,0,1,0,1 +21742,0,1,0,0,0,0 +21743,1,0,0,0,0,0 +21744,1,0,0,0,0,0 +21745,1,0,0,0,0,0 +21746,1,0,1,0,0,0 +21747,0,0,1,0,0,0 +21748,0,0,1,0,0,0 +21749,0,1,1,0,0,0 +21750,0,0,1,1,0,0 +21751,1,0,0,0,0,0 +21752,0,0,0,1,0,0 +21753,0,1,0,0,0,0 +21754,1,0,0,1,0,0 +21755,0,1,0,0,0,0 +21756,0,1,0,0,0,0 +21757,0,0,1,0,0,0 +21758,0,1,0,0,0,0 +21759,1,0,0,1,0,0 +21760,0,0,1,0,0,0 +21761,0,0,1,0,0,0 +21762,0,0,1,0,0,0 +21763,0,0,0,1,0,0 +21764,0,1,0,0,0,0 +21765,0,1,0,0,0,0 +21766,0,1,0,0,0,0 +21767,0,0,1,0,0,0 +21768,0,0,1,0,0,0 +21769,1,0,0,1,0,0 +21770,0,0,1,1,0,0 +21771,1,0,0,1,0,0 +21772,0,0,0,1,0,0 +21773,0,1,0,0,0,0 +21774,0,0,1,0,0,0 +21775,1,0,0,1,0,0 +21776,0,0,1,0,0,0 +21777,1,0,0,0,0,0 +21778,1,1,0,0,0,0 +21779,1,0,0,1,0,0 +21780,1,0,0,0,0,0 +21781,0,1,0,0,0,0 +21782,0,1,0,0,0,0 +21783,0,1,0,0,0,0 +21784,1,0,1,0,0,0 +21785,0,1,0,0,0,0 +21786,1,0,1,0,0,0 +21787,1,0,0,0,0,0 +21788,0,0,1,0,0,0 +21789,0,1,0,0,0,0 +21790,0,1,0,0,0,0 +21791,1,0,0,1,0,0 +21792,1,0,0,0,0,0 +21793,0,0,1,0,0,0 +21794,0,0,0,0,1,0 +21795,0,1,0,0,0,0 +21796,1,1,0,0,0,0 +21797,0,0,1,1,0,0 +21798,1,0,0,1,0,0 +21799,0,0,0,0,0,0 +21800,1,0,0,0,0,0 +21801,0,1,0,0,0,0 +21802,1,0,0,1,0,0 +21803,1,0,0,0,0,0 +21804,0,0,0,0,0,1 +21805,0,1,0,0,0,0 +21806,0,0,1,0,0,0 +21807,1,0,0,0,0,0 +21808,1,0,0,1,0,0 +21809,1,0,0,0,0,0 +21810,0,0,1,0,0,0 +21811,0,1,0,0,0,0 +21812,1,0,1,0,0,0 +21813,0,0,1,0,0,0 +21814,1,0,0,0,0,0 +21815,0,0,1,0,0,0 +21816,1,0,0,0,0,0 +21817,1,1,0,0,0,0 +21818,0,0,1,0,0,0 +21819,1,0,0,1,0,0 +21820,0,1,0,0,0,0 +21821,0,1,0,0,0,0 +21822,1,0,0,1,0,0 +21823,0,0,1,0,0,0 +21824,1,0,0,0,0,0 +21825,1,0,0,1,0,0 +21826,0,0,0,1,0,0 +21827,0,1,0,0,0,0 +21828,1,0,0,0,0,0 +21829,0,0,1,0,0,0 +21830,0,0,1,1,0,0 +21831,0,1,0,0,0,0 +21832,1,0,0,1,0,0 +21833,0,0,1,0,0,0 +21834,1,0,0,0,0,0 +21835,0,1,0,0,0,0 +21836,1,0,0,0,0,0 +21837,0,1,0,0,0,0 +21838,0,0,1,0,0,0 +21839,1,0,0,0,0,0 +21840,0,0,0,0,0,0 +21841,0,0,1,0,0,0 +21842,0,1,0,0,0,0 +21843,0,1,0,0,0,0 +21844,0,0,0,0,0,0 +21845,0,1,0,0,0,0 +21846,1,0,1,0,0,0 +21847,1,0,0,0,0,0 +21848,0,1,0,0,0,0 +21849,1,0,0,0,0,0 +21850,0,0,1,0,0,0 +21851,0,0,1,0,0,0 +21852,0,0,0,0,0,0 +21853,1,0,1,1,0,0 +21854,0,1,0,0,0,0 +21855,1,0,0,1,0,0 +21856,1,0,0,0,0,0 +21857,0,1,0,0,0,0 +21858,1,0,0,1,0,0 +21859,0,0,1,0,0,0 +21860,1,0,1,0,0,0 +21861,1,0,0,0,0,0 +21862,1,0,0,1,0,0 +21863,0,0,1,0,0,0 +21864,0,1,0,0,0,0 +21865,0,1,0,0,0,0 +21866,0,1,0,0,0,0 +21867,0,0,1,0,0,0 +21868,1,0,0,0,0,0 +21869,1,0,0,0,0,0 +21870,1,1,0,0,0,0 +21871,1,0,1,1,0,0 +21872,0,0,1,1,0,0 +21873,0,0,1,0,0,0 +21874,1,0,0,0,0,0 +21875,0,0,1,1,0,0 +21876,1,0,0,1,0,0 +21877,1,1,0,0,0,0 +21878,1,0,0,0,0,0 +21879,1,0,0,0,0,0 +21880,1,0,0,0,0,0 +21881,0,1,0,0,0,0 +21882,1,0,0,0,0,0 +21883,1,0,0,0,0,0 +21884,1,1,0,0,0,0 +21885,0,0,1,0,0,0 +21886,1,0,0,0,0,0 +21887,0,1,0,0,0,0 +21888,1,0,0,0,0,0 +21889,0,0,0,1,0,0 +21890,1,0,0,0,0,0 +21891,1,0,0,1,0,0 +21892,0,1,0,0,0,0 +21893,0,1,0,0,0,0 +21894,1,0,0,1,0,0 +21895,1,0,1,0,0,0 +21896,0,0,0,1,0,0 +21897,0,0,1,0,0,1 +21898,1,0,0,1,0,0 +21899,1,0,0,0,1,0 +21900,0,1,0,0,0,0 +21901,1,0,0,1,0,0 +21902,0,1,0,0,0,0 +21903,0,0,0,1,0,0 +21904,0,0,0,1,0,0 +21905,0,0,0,1,0,0 +21906,1,0,0,1,0,0 +21907,1,0,0,0,0,0 +21908,0,0,1,0,0,0 +21909,0,1,0,0,0,0 +21910,0,1,0,0,0,0 +21911,0,0,1,0,0,0 +21912,0,0,1,0,0,0 +21913,1,0,0,0,0,0 +21914,0,0,0,1,0,0 +21915,0,1,0,0,0,0 +21916,0,0,1,1,0,0 +21917,1,0,0,1,0,0 +21918,0,0,1,0,0,0 +21919,1,0,0,1,0,0 +21920,1,0,1,0,0,0 +21921,1,0,0,1,0,0 +21922,1,0,0,0,0,0 +21923,1,0,0,1,0,0 +21924,0,0,1,0,0,0 +21925,0,1,0,0,0,0 +21926,0,1,0,0,0,0 +21927,1,0,0,0,0,0 +21928,1,0,1,0,0,0 +21929,1,0,1,0,0,0 +21930,0,1,0,0,0,0 +21931,1,0,0,1,0,0 +21932,1,0,0,0,0,0 +21933,0,1,0,0,0,0 +21934,1,0,0,1,0,0 +21935,1,0,0,0,0,0 +21936,1,0,0,0,0,0 +21937,0,1,0,0,0,0 +21938,0,0,1,0,0,0 +21939,0,0,0,1,1,0 +21940,1,0,0,0,0,0 +21941,1,0,0,0,0,0 +21942,0,0,1,0,0,0 +21943,0,0,0,1,0,0 +21944,1,0,0,1,0,0 +21945,0,0,0,1,0,0 +21946,0,1,0,0,0,0 +21947,1,0,1,0,0,0 +21948,1,0,0,1,0,0 +21949,0,1,1,0,0,0 +21950,0,0,1,1,0,0 +21951,1,0,0,0,0,0 +21952,0,0,1,0,0,0 +21953,1,0,0,0,0,0 +21954,0,1,0,0,0,0 +21955,0,0,1,0,0,0 +21956,1,0,0,0,0,0 +21957,0,1,0,1,0,0 +21958,0,0,0,1,0,0 +21959,0,0,1,0,0,0 +21960,1,0,0,1,0,0 +21961,1,0,0,0,0,0 +21962,1,0,0,1,0,0 +21963,0,1,0,0,0,0 +21964,0,0,1,0,0,0 +21965,1,0,0,0,0,0 +21966,1,0,0,0,0,0 +21967,0,1,0,0,0,0 +21968,0,1,0,0,0,0 +21969,0,0,1,0,0,0 +21970,1,0,0,0,0,0 +21971,0,0,1,0,0,0 +21972,0,1,0,0,0,0 +21973,1,0,0,1,0,0 +21974,0,0,0,1,0,0 +21975,1,0,0,1,0,0 +21976,0,1,0,0,0,0 +21977,1,0,0,0,0,0 +21978,0,1,0,0,0,0 +21979,0,1,0,0,0,0 +21980,1,0,0,0,0,0 +21981,1,0,0,0,0,0 +21982,1,0,0,1,0,0 +21983,0,0,1,0,0,0 +21984,1,0,0,0,0,0 +21985,0,1,0,1,0,0 +21986,1,0,0,0,0,0 +21987,0,0,1,0,0,0 +21988,1,0,0,0,0,0 +21989,0,1,0,0,0,0 +21990,0,0,1,0,0,0 +21991,1,0,0,0,0,0 +21992,0,0,0,1,0,0 +21993,0,1,0,0,0,0 +21994,0,1,0,0,0,0 +21995,0,1,0,0,0,0 +21996,0,1,0,0,0,0 +21997,1,0,0,0,0,0 +21998,1,0,1,1,0,0 +21999,0,1,0,0,0,0 +22000,0,1,0,0,0,0 +22001,1,0,0,1,0,0 +22002,1,0,0,1,0,0 +22003,1,0,0,1,0,0 +22004,0,0,1,0,0,0 +22005,1,0,0,1,0,0 +22006,0,0,1,0,0,0 +22007,0,0,1,0,0,0 +22008,0,1,0,0,0,0 +22009,1,0,0,0,0,0 +22010,0,0,1,0,0,0 +22011,1,0,0,1,0,0 +22012,0,1,1,0,0,0 +22013,1,0,0,1,0,0 +22014,0,0,1,1,0,0 +22015,0,1,0,0,0,0 +22016,0,1,0,0,0,0 +22017,1,0,0,1,0,0 +22018,0,0,1,0,0,0 +22019,1,0,0,0,0,0 +22020,1,0,0,1,0,0 +22021,0,1,0,0,0,0 +22022,0,1,0,0,0,0 +22023,0,0,1,0,0,0 +22024,1,0,0,0,0,0 +22025,1,0,0,0,0,0 +22026,0,0,1,0,1,0 +22027,0,1,0,0,0,0 +22028,0,0,1,0,0,0 +22029,1,0,0,0,0,0 +22030,1,0,0,0,0,0 +22031,1,0,0,1,0,0 +22032,1,0,0,0,0,0 +22033,1,0,0,1,0,0 +22034,0,1,0,1,0,0 +22035,1,0,0,0,0,0 +22036,0,1,0,0,0,0 +22037,1,0,0,0,0,0 +22038,0,1,0,0,0,0 +22039,1,0,0,0,0,0 +22040,1,0,1,1,0,0 +22041,1,0,1,0,0,0 +22042,0,0,0,0,0,0 +22043,0,0,1,0,0,0 +22044,1,0,0,0,0,0 +22045,1,0,0,0,0,0 +22046,0,0,0,1,0,0 +22047,1,0,0,0,0,0 +22048,0,0,1,0,0,0 +22049,1,0,0,1,0,0 +22050,0,1,0,0,0,0 +22051,1,0,0,1,0,0 +22052,1,0,0,1,0,0 +22053,0,1,0,0,0,0 +22054,0,1,0,0,0,0 +22055,1,0,0,1,0,0 +22056,1,0,0,0,0,0 +22057,1,0,0,1,0,0 +22058,1,0,0,1,0,0 +22059,1,0,0,1,0,0 +22060,0,0,0,0,0,0 +22061,0,1,0,0,0,0 +22062,0,0,0,0,0,0 +22063,0,1,0,0,0,0 +22064,0,1,0,0,0,0 +22065,0,1,0,0,0,0 +22066,0,1,0,0,0,0 +22067,0,1,0,0,0,0 +22068,0,0,1,0,0,0 +22069,1,0,0,0,0,0 +22070,1,0,1,0,0,0 +22071,0,1,0,0,0,0 +22072,0,0,1,0,0,0 +22073,1,0,0,1,0,0 +22074,0,0,1,1,0,0 +22075,0,0,0,0,1,0 +22076,0,1,0,0,0,0 +22077,1,0,0,1,0,0 +22078,0,0,1,0,0,0 +22079,0,1,0,0,0,0 +22080,0,0,1,1,0,0 +22081,1,0,0,1,0,0 +22082,0,1,0,0,0,0 +22083,1,0,0,0,0,0 +22084,0,1,0,0,0,0 +22085,1,0,1,0,0,0 +22086,0,0,1,0,0,0 +22087,1,0,0,0,0,0 +22088,1,0,0,1,0,0 +22089,1,0,0,0,0,0 +22090,0,1,0,0,0,0 +22091,0,0,0,1,1,0 +22092,1,0,0,1,0,0 +22093,1,0,0,1,0,0 +22094,1,0,0,0,0,0 +22095,1,1,0,0,0,0 +22096,0,1,0,0,0,0 +22097,1,0,0,1,0,0 +22098,1,1,0,0,0,0 +22099,1,1,0,0,0,0 +22100,0,0,1,0,0,0 +22101,1,0,0,1,0,0 +22102,1,0,0,0,0,0 +22103,1,0,1,1,0,0 +22104,1,0,0,1,0,0 +22105,0,1,0,0,0,0 +22106,1,0,0,1,0,0 +22107,0,1,0,0,0,0 +22108,0,1,0,0,0,0 +22109,0,1,0,0,0,0 +22110,1,0,0,1,0,0 +22111,1,0,0,1,0,0 +22112,1,0,0,1,0,0 +22113,0,1,0,0,0,0 +22114,0,0,0,0,1,0 +22115,0,1,0,0,0,0 +22116,1,0,0,0,0,0 +22117,1,0,0,1,0,0 +22118,1,0,0,0,0,0 +22119,0,0,1,1,0,0 +22120,0,0,1,1,0,0 +22121,1,0,0,1,0,0 +22122,1,0,0,0,0,0 +22123,0,1,0,0,0,0 +22124,1,0,0,0,0,0 +22125,1,0,0,0,0,0 +22126,1,0,0,1,0,0 +22127,0,0,0,1,0,1 +22128,0,1,0,0,0,0 +22129,0,0,0,1,0,0 +22130,1,0,0,1,0,0 +22131,0,0,1,0,0,0 +22132,0,1,0,0,0,0 +22133,1,0,1,0,0,0 +22134,1,0,0,0,0,0 +22135,1,0,0,0,0,0 +22136,1,0,0,1,0,0 +22137,1,0,0,1,0,0 +22138,0,0,1,0,0,0 +22139,0,0,0,1,0,0 +22140,1,0,0,1,0,0 +22141,0,0,0,1,0,0 +22142,0,0,1,0,0,0 +22143,0,1,0,0,0,0 +22144,1,0,1,0,0,0 +22145,0,0,0,1,0,0 +22146,1,0,0,0,0,0 +22147,0,0,0,1,0,0 +22148,1,0,0,1,0,0 +22149,0,0,1,0,0,0 +22150,1,0,1,0,0,0 +22151,0,1,0,0,0,0 +22152,0,0,0,1,0,0 +22153,1,0,0,0,0,0 +22154,0,0,1,0,0,0 +22155,1,0,0,1,0,0 +22156,1,0,0,0,0,0 +22157,1,0,0,0,0,0 +22158,0,1,0,0,0,0 +22159,1,0,0,1,0,0 +22160,0,0,1,0,0,0 +22161,0,0,1,0,0,0 +22162,0,1,0,0,1,0 +22163,1,0,0,0,0,0 +22164,0,1,0,0,0,0 +22165,0,0,1,0,0,0 +22166,1,0,0,1,0,0 +22167,1,0,0,1,0,0 +22168,1,1,0,0,0,0 +22169,1,0,0,0,0,0 +22170,1,0,0,1,0,0 +22171,0,1,0,0,0,0 +22172,0,0,1,0,0,0 +22173,1,1,0,0,0,0 +22174,0,1,0,0,0,0 +22175,1,0,0,0,0,0 +22176,0,0,1,0,0,0 +22177,0,0,1,0,0,0 +22178,0,0,1,0,0,0 +22179,1,0,0,0,0,0 +22180,1,0,0,0,0,0 +22181,0,0,1,0,0,0 +22182,0,1,0,0,0,0 +22183,1,0,0,1,0,0 +22184,0,0,1,0,0,0 +22185,0,0,1,0,0,0 +22186,1,0,0,1,0,0 +22187,0,0,0,1,0,0 +22188,1,0,0,0,0,0 +22189,1,0,0,1,0,0 +22190,1,0,0,1,0,0 +22191,1,1,0,0,0,0 +22192,0,1,0,0,0,0 +22193,0,0,1,0,0,0 +22194,0,0,1,1,0,0 +22195,1,0,0,0,0,0 +22196,0,0,1,0,0,0 +22197,1,0,0,0,0,0 +22198,1,0,0,0,0,0 +22199,0,1,0,0,0,0 +22200,0,1,0,0,0,0 +22201,0,1,0,0,0,0 +22202,0,0,0,1,0,0 +22203,0,0,0,1,1,0 +22204,1,0,0,1,0,0 +22205,1,0,0,1,0,0 +22206,1,0,0,1,0,0 +22207,0,0,1,0,0,0 +22208,0,1,0,0,0,0 +22209,0,1,0,0,0,0 +22210,0,0,1,1,0,0 +22211,1,0,0,1,0,0 +22212,0,1,0,0,0,0 +22213,1,0,0,0,0,0 +22214,0,0,1,0,0,0 +22215,1,0,1,0,0,0 +22216,0,1,0,0,0,0 +22217,0,0,1,0,0,0 +22218,0,0,1,0,0,0 +22219,0,1,0,0,0,0 +22220,0,0,1,0,0,0 +22221,1,0,0,0,0,0 +22222,1,0,0,0,0,0 +22223,1,0,1,0,0,0 +22224,1,0,0,0,0,0 +22225,1,0,0,0,0,0 +22226,0,1,0,0,0,0 +22227,0,1,0,0,0,0 +22228,0,1,0,0,0,0 +22229,1,0,1,0,0,0 +22230,1,0,0,0,0,0 +22231,0,0,1,0,0,0 +22232,1,0,0,1,0,0 +22233,0,1,0,0,0,0 +22234,0,0,1,0,0,0 +22235,0,0,1,0,0,0 +22236,0,1,0,0,0,0 +22237,1,0,0,1,0,0 +22238,1,0,0,0,0,0 +22239,0,0,1,1,0,0 +22240,0,0,1,0,0,0 +22241,0,0,0,1,0,0 +22242,0,1,1,0,0,0 +22243,1,0,0,1,0,0 +22244,1,0,1,0,0,0 +22245,1,0,0,0,0,0 +22246,0,0,0,1,0,0 +22247,0,1,0,0,0,0 +22248,0,0,1,1,0,0 +22249,0,1,0,0,0,0 +22250,0,1,1,0,0,0 +22251,0,0,1,0,0,0 +22252,0,1,0,0,0,0 +22253,0,1,0,0,0,0 +22254,0,1,0,0,0,0 +22255,1,0,0,0,0,0 +22256,0,1,0,0,0,0 +22257,0,1,0,0,0,0 +22258,0,0,1,0,0,0 +22259,1,0,0,1,0,0 +22260,1,0,0,0,0,0 +22261,0,0,0,1,0,0 +22262,1,0,0,1,0,0 +22263,0,0,1,0,0,0 +22264,0,1,0,0,0,0 +22265,1,0,0,0,0,0 +22266,0,0,1,1,0,0 +22267,1,0,0,0,0,0 +22268,1,0,0,1,0,0 +22269,1,0,0,1,0,0 +22270,1,0,0,0,0,0 +22271,1,0,0,1,0,0 +22272,0,1,0,1,0,0 +22273,0,0,1,0,0,0 +22274,1,0,0,0,0,0 +22275,0,1,0,0,0,0 +22276,0,1,0,0,0,0 +22277,1,0,0,1,0,0 +22278,1,0,0,1,0,0 +22279,0,1,0,0,0,0 +22280,0,1,0,0,0,0 +22281,1,0,0,1,1,0 +22282,1,0,0,0,0,0 +22283,1,0,0,1,0,0 +22284,1,0,0,1,0,0 +22285,0,1,0,0,0,0 +22286,1,0,0,0,0,0 +22287,1,0,0,1,0,0 +22288,1,0,0,1,0,0 +22289,0,0,1,0,0,0 +22290,1,0,0,1,0,0 +22291,0,0,1,0,0,0 +22292,0,0,1,0,0,0 +22293,1,0,0,1,0,0 +22294,0,1,0,0,0,0 +22295,1,0,0,1,0,0 +22296,1,0,0,1,0,0 +22297,0,1,0,0,0,0 +22298,0,1,0,0,0,0 +22299,1,0,0,0,0,0 +22300,1,0,0,0,0,0 +22301,1,0,0,1,0,0 +22302,0,1,0,0,0,0 +22303,1,0,1,1,0,0 +22304,1,0,0,1,0,0 +22305,1,0,0,0,0,0 +22306,1,0,0,1,0,0 +22307,1,0,0,1,0,0 +22308,0,0,1,0,0,0 +22309,0,0,1,1,0,0 +22310,0,0,0,0,0,0 +22311,0,1,0,0,0,0 +22312,1,0,0,1,0,0 +22313,0,1,0,0,0,0 +22314,0,0,1,0,0,0 +22315,1,0,0,1,0,0 +22316,0,1,1,0,0,0 +22317,1,0,0,0,0,0 +22318,0,1,0,0,0,0 +22319,1,0,0,1,0,0 +22320,0,0,1,1,0,0 +22321,1,0,0,1,0,0 +22322,0,0,0,0,0,0 +22323,0,1,1,0,0,0 +22324,0,0,0,1,0,0 +22325,1,0,0,0,0,0 +22326,1,0,0,1,0,0 +22327,0,0,1,0,0,0 +22328,1,0,0,1,0,0 +22329,0,0,1,0,0,0 +22330,0,1,0,0,0,0 +22331,0,1,0,0,0,0 +22332,1,0,1,0,0,0 +22333,0,0,1,0,0,0 +22334,1,0,1,0,0,0 +22335,1,0,1,1,0,0 +22336,0,1,0,0,0,0 +22337,0,0,1,0,0,0 +22338,0,0,1,0,0,0 +22339,1,0,0,1,0,0 +22340,0,1,0,0,0,0 +22341,1,0,1,0,0,0 +22342,0,1,0,0,1,0 +22343,1,0,0,0,0,0 +22344,0,1,0,0,0,0 +22345,1,0,0,1,0,0 +22346,1,0,0,0,0,0 +22347,0,1,0,0,0,0 +22348,0,1,0,0,0,0 +22349,0,1,0,0,0,0 +22350,0,0,1,1,0,0 +22351,1,0,0,0,0,0 +22352,1,0,0,1,0,0 +22353,0,1,0,0,0,0 +22354,1,0,0,1,0,0 +22355,0,1,0,0,0,0 +22356,1,0,0,0,0,0 +22357,0,1,0,0,0,0 +22358,1,0,0,0,0,0 +22359,1,0,0,0,0,0 +22360,1,1,0,0,0,0 +22361,1,0,1,0,0,0 +22362,1,0,0,0,0,0 +22363,1,0,0,1,0,0 +22364,1,0,0,1,0,0 +22365,0,1,0,0,0,0 +22366,0,0,1,0,0,0 +22367,1,0,0,1,0,0 +22368,0,0,1,1,0,0 +22369,1,0,0,1,0,0 +22370,0,0,1,1,0,0 +22371,0,0,0,1,0,1 +22372,0,1,0,0,0,0 +22373,1,0,0,1,0,0 +22374,0,1,0,0,0,0 +22375,0,0,1,1,0,0 +22376,0,0,1,1,0,0 +22377,0,1,0,0,0,0 +22378,1,0,1,1,0,0 +22379,0,1,0,0,0,0 +22380,1,0,0,0,0,0 +22381,1,0,0,1,0,0 +22382,0,0,1,0,0,0 +22383,0,0,1,1,0,0 +22384,1,0,0,1,0,0 +22385,0,0,1,0,0,0 +22386,0,0,1,0,0,0 +22387,1,0,0,0,0,0 +22388,0,0,1,0,0,0 +22389,0,0,0,1,0,0 +22390,0,0,0,0,1,0 +22391,1,0,0,0,0,0 +22392,0,1,0,0,0,0 +22393,0,0,1,0,0,0 +22394,0,1,0,0,0,0 +22395,1,0,0,1,0,0 +22396,0,0,1,0,0,0 +22397,1,0,0,1,0,0 +22398,1,0,0,0,0,0 +22399,1,0,0,1,0,0 +22400,0,1,0,0,0,0 +22401,1,0,0,0,0,0 +22402,0,1,0,0,0,0 +22403,0,1,0,0,0,0 +22404,0,0,1,0,0,0 +22405,1,0,0,0,0,0 +22406,0,1,0,0,0,0 +22407,1,0,0,0,0,0 +22408,1,0,0,1,0,0 +22409,0,0,0,1,0,0 +22410,0,0,1,0,0,0 +22411,0,0,1,0,0,0 +22412,1,0,0,0,0,0 +22413,0,1,0,0,0,0 +22414,0,1,0,0,0,0 +22415,1,0,0,0,0,0 +22416,0,1,0,0,0,0 +22417,1,0,0,1,0,0 +22418,0,1,0,0,0,0 +22419,1,0,0,0,0,0 +22420,1,0,0,0,0,0 +22421,0,0,1,0,0,0 +22422,0,1,0,0,0,0 +22423,0,0,1,0,0,0 +22424,0,0,1,0,0,0 +22425,1,0,0,1,0,0 +22426,1,0,0,0,0,0 +22427,1,1,0,0,0,0 +22428,0,1,0,0,0,0 +22429,0,0,1,0,0,0 +22430,1,0,0,1,0,0 +22431,0,1,0,0,0,0 +22432,1,0,0,1,0,0 +22433,1,0,0,1,0,0 +22434,0,1,0,0,0,0 +22435,1,0,0,1,0,0 +22436,1,0,0,0,0,0 +22437,0,1,0,0,0,0 +22438,0,1,0,0,0,0 +22439,0,0,1,0,0,0 +22440,0,0,1,0,0,0 +22441,1,0,0,1,0,0 +22442,0,0,1,0,0,0 +22443,0,1,0,0,0,0 +22444,0,0,0,0,0,1 +22445,0,1,0,0,0,0 +22446,1,0,0,0,0,0 +22447,1,0,0,1,0,0 +22448,0,1,0,0,0,0 +22449,0,0,1,0,0,0 +22450,1,0,0,0,0,0 +22451,1,0,0,0,0,0 +22452,1,0,0,1,0,0 +22453,1,0,0,0,0,0 +22454,1,0,0,1,0,0 +22455,0,1,0,0,0,0 +22456,0,1,0,0,0,0 +22457,1,0,0,1,0,0 +22458,0,0,1,0,0,0 +22459,0,1,0,0,0,0 +22460,0,0,1,0,0,0 +22461,1,0,0,1,0,0 +22462,1,1,0,0,0,0 +22463,1,0,0,0,0,0 +22464,1,0,0,0,0,0 +22465,0,1,0,0,0,0 +22466,1,0,0,1,0,0 +22467,1,0,1,1,0,0 +22468,1,0,0,1,0,0 +22469,0,0,1,0,0,0 +22470,0,1,0,0,0,0 +22471,0,1,0,0,0,0 +22472,1,0,0,1,0,0 +22473,1,0,0,0,0,0 +22474,1,0,0,1,0,0 +22475,0,0,1,0,0,0 +22476,1,0,0,1,0,0 +22477,1,0,0,0,0,0 +22478,1,0,0,1,0,0 +22479,1,0,0,0,0,0 +22480,1,0,0,0,0,0 +22481,1,0,0,0,0,0 +22482,1,0,0,0,0,0 +22483,1,0,0,1,0,0 +22484,1,0,0,0,0,0 +22485,0,0,1,0,0,0 +22486,1,0,0,0,0,0 +22487,0,1,0,0,0,0 +22488,1,0,0,0,0,0 +22489,1,0,0,0,0,0 +22490,1,0,0,1,0,0 +22491,0,1,0,0,0,0 +22492,1,0,0,0,0,0 +22493,0,1,0,1,0,0 +22494,0,1,0,0,0,0 +22495,0,1,0,0,0,0 +22496,1,0,1,1,0,0 +22497,0,1,0,0,0,0 +22498,0,0,0,0,0,0 +22499,0,0,1,0,0,0 +22500,0,0,1,0,0,0 +22501,0,0,1,1,0,0 +22502,1,0,0,1,0,0 +22503,1,0,0,1,0,0 +22504,1,0,0,0,0,0 +22505,0,0,1,0,0,0 +22506,1,0,0,0,0,0 +22507,1,0,0,0,0,0 +22508,1,0,0,1,0,0 +22509,1,0,0,0,0,0 +22510,1,0,0,0,0,0 +22511,0,0,1,0,0,0 +22512,0,0,1,0,0,0 +22513,0,0,1,0,0,0 +22514,0,0,1,0,0,0 +22515,1,0,0,0,0,0 +22516,1,0,0,0,0,0 +22517,0,0,1,0,0,0 +22518,1,0,0,0,0,0 +22519,0,0,0,0,1,0 +22520,1,0,0,0,0,0 +22521,0,0,1,0,0,0 +22522,1,0,0,1,0,0 +22523,1,0,0,1,0,0 +22524,1,0,0,0,0,0 +22525,1,0,0,1,0,0 +22526,0,1,0,0,0,0 +22527,1,0,0,0,0,0 +22528,0,1,0,0,0,0 +22529,1,0,0,1,0,0 +22530,1,0,1,0,0,0 +22531,0,0,1,1,0,0 +22532,1,0,0,1,0,0 +22533,0,0,1,0,0,0 +22534,1,0,0,0,0,0 +22535,1,0,1,0,0,0 +22536,1,0,0,1,0,1 +22537,1,0,0,1,0,0 +22538,1,0,0,1,0,0 +22539,1,0,0,0,0,0 +22540,1,0,0,0,0,0 +22541,0,1,0,0,0,0 +22542,0,0,0,1,0,0 +22543,1,0,0,1,0,0 +22544,0,1,0,0,0,0 +22545,0,0,1,0,0,0 +22546,1,0,1,0,0,0 +22547,0,1,0,0,0,0 +22548,0,1,0,0,0,0 +22549,0,1,1,0,0,0 +22550,0,1,0,0,0,0 +22551,1,0,0,1,0,0 +22552,0,1,0,0,0,0 +22553,0,1,0,0,0,0 +22554,0,0,1,0,0,0 +22555,1,0,0,0,0,0 +22556,1,0,0,0,1,0 +22557,1,0,0,1,0,0 +22558,0,0,0,0,0,0 +22559,1,0,0,0,0,0 +22560,1,0,1,0,0,0 +22561,0,0,0,0,0,1 +22562,0,0,1,0,0,0 +22563,1,0,0,0,0,0 +22564,1,0,0,0,0,0 +22565,1,0,0,0,0,0 +22566,0,1,0,0,0,0 +22567,1,0,0,1,0,0 +22568,0,1,0,0,0,0 +22569,0,1,1,0,0,0 +22570,0,0,1,0,0,0 +22571,1,0,0,1,0,0 +22572,1,0,1,1,0,0 +22573,1,0,0,0,0,0 +22574,1,0,0,1,0,0 +22575,0,0,1,0,0,0 +22576,1,0,0,0,0,0 +22577,0,0,1,1,0,0 +22578,0,1,0,0,0,0 +22579,0,0,0,1,0,0 +22580,0,0,1,0,0,0 +22581,0,0,1,0,0,0 +22582,0,1,0,0,0,0 +22583,1,0,0,1,0,0 +22584,0,1,0,0,0,0 +22585,1,0,0,1,0,0 +22586,0,0,0,1,0,0 +22587,1,0,1,1,0,0 +22588,1,0,1,1,0,0 +22589,1,0,0,0,0,0 +22590,0,0,1,0,0,0 +22591,0,1,0,0,0,0 +22592,1,0,0,0,0,0 +22593,0,1,0,0,0,0 +22594,0,1,0,0,0,0 +22595,0,0,1,0,0,0 +22596,0,0,0,1,0,0 +22597,1,0,0,1,0,0 +22598,1,0,0,0,0,0 +22599,0,0,0,1,0,1 +22600,0,1,0,0,0,0 +22601,0,0,1,0,0,0 +22602,1,0,0,1,0,0 +22603,0,1,1,0,0,0 +22604,0,1,0,0,0,0 +22605,0,0,1,0,0,0 +22606,1,0,0,0,0,0 +22607,1,0,0,1,0,0 +22608,1,0,0,0,0,0 +22609,1,0,0,1,0,0 +22610,0,1,0,0,0,0 +22611,0,1,0,0,0,0 +22612,1,0,0,0,0,0 +22613,0,1,0,0,0,0 +22614,1,0,0,0,0,0 +22615,1,0,0,1,0,0 +22616,0,1,0,0,0,0 +22617,1,1,0,0,0,0 +22618,1,0,0,1,0,0 +22619,1,0,0,0,0,0 +22620,0,0,1,0,0,0 +22621,1,0,0,0,0,0 +22622,0,1,0,0,0,0 +22623,1,0,0,1,0,0 +22624,0,0,0,1,0,0 +22625,1,0,0,1,0,0 +22626,1,0,0,0,0,0 +22627,0,0,0,1,1,0 +22628,0,1,0,0,0,0 +22629,1,0,0,0,0,0 +22630,0,0,1,0,0,0 +22631,1,0,1,0,0,0 +22632,0,0,1,1,0,0 +22633,0,0,1,1,0,0 +22634,0,0,0,1,1,0 +22635,0,1,0,0,0,0 +22636,0,1,0,0,0,0 +22637,1,0,0,0,0,0 +22638,1,0,0,0,0,0 +22639,0,0,0,0,1,0 +22640,0,0,1,0,0,0 +22641,0,0,0,1,0,0 +22642,0,0,1,1,0,0 +22643,0,0,1,0,0,0 +22644,0,0,1,0,0,0 +22645,0,0,0,1,0,0 +22646,1,0,0,1,0,0 +22647,0,0,1,0,0,0 +22648,0,0,1,0,0,0 +22649,0,1,0,0,0,0 +22650,1,0,0,0,0,0 +22651,1,0,0,1,0,0 +22652,0,1,0,0,0,0 +22653,0,1,0,0,0,0 +22654,1,0,1,1,0,0 +22655,0,0,1,0,0,0 +22656,0,1,0,0,0,0 +22657,0,1,0,0,0,0 +22658,1,0,0,1,0,0 +22659,1,0,1,1,0,0 +22660,1,0,0,1,1,0 +22661,0,0,0,0,0,1 +22662,0,1,0,0,0,0 +22663,1,0,0,0,0,0 +22664,0,1,0,0,0,0 +22665,1,0,0,1,0,0 +22666,0,0,1,0,0,0 +22667,1,0,0,1,0,0 +22668,1,0,0,1,0,0 +22669,0,0,1,0,0,0 +22670,1,0,0,0,0,0 +22671,1,0,0,0,0,0 +22672,0,0,1,0,0,0 +22673,0,0,1,0,0,0 +22674,0,1,0,0,0,0 +22675,1,0,0,1,0,0 +22676,0,0,1,0,0,0 +22677,0,0,1,0,0,0 +22678,0,0,1,0,0,0 +22679,0,1,1,0,0,0 +22680,1,0,0,1,0,0 +22681,1,0,0,1,0,0 +22682,0,0,1,0,0,0 +22683,0,1,0,0,0,0 +22684,1,0,0,1,0,0 +22685,0,0,1,0,0,0 +22686,0,1,0,0,0,0 +22687,1,0,0,1,0,0 +22688,0,0,1,0,0,0 +22689,1,0,0,1,0,0 +22690,0,1,0,1,0,0 +22691,0,1,0,0,0,0 +22692,0,1,0,0,0,0 +22693,1,0,0,1,0,0 +22694,0,0,1,0,0,0 +22695,0,0,0,0,1,0 +22696,0,1,0,0,0,0 +22697,0,0,1,0,0,0 +22698,0,0,1,0,0,0 +22699,1,0,0,1,0,0 +22700,0,0,1,1,0,0 +22701,0,1,0,0,0,0 +22702,0,0,1,0,0,0 +22703,0,1,1,0,0,0 +22704,0,1,0,0,0,0 +22705,1,0,0,0,0,0 +22706,0,1,0,1,0,0 +22707,1,0,0,1,0,0 +22708,0,0,1,0,0,1 +22709,0,0,1,0,0,0 +22710,0,0,1,0,0,0 +22711,0,1,0,0,0,0 +22712,1,0,0,0,0,0 +22713,1,0,0,0,0,0 +22714,1,0,0,1,0,0 +22715,1,0,0,1,0,0 +22716,1,0,0,0,0,0 +22717,0,1,0,0,0,0 +22718,1,0,0,0,0,0 +22719,1,0,0,1,0,0 +22720,0,0,1,0,0,0 +22721,1,0,1,0,0,0 +22722,0,0,1,0,0,0 +22723,1,0,0,1,0,0 +22724,0,0,1,0,0,0 +22725,0,0,1,0,0,0 +22726,0,0,1,0,0,0 +22727,1,0,0,0,0,0 +22728,1,0,0,1,0,0 +22729,1,0,0,1,0,0 +22730,1,0,0,0,0,0 +22731,1,1,0,0,0,0 +22732,1,0,0,1,0,0 +22733,1,0,0,1,0,0 +22734,0,0,1,0,0,0 +22735,1,0,0,1,0,0 +22736,0,1,1,0,0,0 +22737,1,1,0,0,0,0 +22738,1,0,0,1,0,0 +22739,0,1,0,0,0,0 +22740,1,0,0,0,0,0 +22741,0,0,1,0,0,0 +22742,1,0,0,0,0,0 +22743,0,0,1,0,0,0 +22744,1,0,0,1,0,0 +22745,1,0,0,1,0,0 +22746,1,0,0,0,0,0 +22747,0,1,0,0,0,0 +22748,0,1,0,0,0,0 +22749,0,1,1,0,0,0 +22750,1,0,0,0,0,0 +22751,0,0,1,0,0,0 +22752,1,1,0,0,0,0 +22753,0,0,1,0,0,0 +22754,0,1,0,0,0,0 +22755,1,0,0,0,0,0 +22756,0,1,0,0,0,0 +22757,0,0,1,0,0,0 +22758,1,0,1,0,0,0 +22759,1,0,0,1,0,0 +22760,0,1,0,0,0,0 +22761,0,1,0,1,0,0 +22762,1,0,0,0,0,0 +22763,1,0,0,1,0,0 +22764,1,0,0,0,0,0 +22765,0,1,0,0,0,0 +22766,1,0,0,1,0,0 +22767,1,0,0,0,0,0 +22768,0,0,0,1,0,0 +22769,1,0,1,0,0,0 +22770,0,1,0,0,1,0 +22771,1,0,1,0,0,0 +22772,1,0,0,0,0,0 +22773,1,0,0,0,0,0 +22774,0,1,0,0,0,0 +22775,0,0,0,1,0,0 +22776,0,0,1,1,0,0 +22777,1,0,1,0,0,0 +22778,0,0,1,0,0,0 +22779,1,0,0,1,0,0 +22780,0,0,1,0,0,0 +22781,1,1,0,1,0,0 +22782,1,0,0,1,0,0 +22783,0,0,0,1,0,1 +22784,0,0,0,1,0,0 +22785,0,0,1,0,0,1 +22786,1,0,1,0,0,0 +22787,1,0,0,0,0,0 +22788,1,0,1,1,0,0 +22789,1,0,0,1,0,0 +22790,0,0,1,0,0,0 +22791,0,0,1,1,0,0 +22792,0,1,0,0,0,0 +22793,1,0,1,0,0,0 +22794,0,1,0,0,0,0 +22795,0,1,0,0,0,0 +22796,0,1,0,0,0,0 +22797,0,0,1,0,0,0 +22798,0,1,0,0,0,0 +22799,0,1,0,0,0,0 +22800,0,1,0,0,0,0 +22801,1,0,0,1,0,0 +22802,0,0,1,1,0,0 +22803,1,0,1,0,0,0 +22804,0,0,1,0,0,0 +22805,0,0,1,0,0,0 +22806,1,1,0,0,0,0 +22807,0,0,1,0,0,0 +22808,0,1,0,0,0,0 +22809,0,1,0,0,0,0 +22810,0,0,1,0,0,0 +22811,0,0,0,1,0,0 +22812,0,1,0,0,0,0 +22813,1,0,0,0,0,0 +22814,1,0,0,0,0,0 +22815,0,1,0,0,0,0 +22816,0,0,1,1,0,0 +22817,1,0,0,1,0,0 +22818,0,1,0,0,0,0 +22819,1,0,0,1,0,0 +22820,1,0,1,0,0,0 +22821,0,1,0,0,0,0 +22822,0,0,1,0,0,0 +22823,0,1,0,0,0,0 +22824,1,0,0,0,0,0 +22825,1,0,0,0,0,0 +22826,1,0,0,1,0,0 +22827,0,1,0,0,0,0 +22828,1,0,0,1,0,0 +22829,0,0,1,0,0,0 +22830,1,0,0,0,0,0 +22831,1,0,1,1,0,0 +22832,0,0,0,1,0,0 +22833,0,0,1,0,0,0 +22834,1,0,0,0,0,0 +22835,1,0,0,1,0,0 +22836,0,1,1,0,0,0 +22837,0,0,1,0,0,0 +22838,0,1,1,0,0,0 +22839,1,0,0,0,0,0 +22840,1,0,0,1,0,1 +22841,1,0,0,0,0,0 +22842,1,0,0,0,0,0 +22843,1,0,0,0,0,0 +22844,1,0,0,0,0,0 +22845,0,1,0,0,0,0 +22846,0,1,0,0,0,0 +22847,1,0,0,1,0,0 +22848,0,0,1,1,0,0 +22849,0,1,0,0,0,0 +22850,1,0,0,0,0,0 +22851,0,1,0,1,0,0 +22852,1,0,0,0,0,0 +22853,1,0,0,1,0,0 +22854,0,1,0,0,0,0 +22855,1,0,0,0,0,0 +22856,1,0,0,0,0,0 +22857,0,1,0,0,0,0 +22858,0,0,1,0,0,0 +22859,0,0,0,1,0,0 +22860,0,1,0,0,0,0 +22861,0,0,1,0,0,0 +22862,1,0,0,0,0,0 +22863,0,0,1,1,0,0 +22864,1,0,0,1,0,0 +22865,1,0,0,0,0,0 +22866,0,0,0,1,0,0 +22867,0,1,0,0,0,0 +22868,0,1,0,0,0,0 +22869,0,0,1,1,0,0 +22870,1,0,1,0,0,0 +22871,1,0,1,0,0,0 +22872,1,0,0,1,0,0 +22873,1,0,0,0,0,0 +22874,0,0,0,0,0,1 +22875,1,1,0,1,0,0 +22876,1,0,0,1,0,0 +22877,1,0,0,0,0,0 +22878,0,1,0,0,0,0 +22879,0,0,0,1,0,0 +22880,0,1,0,0,0,0 +22881,0,0,1,0,0,0 +22882,1,0,0,0,0,0 +22883,0,1,0,0,0,0 +22884,0,1,0,0,0,0 +22885,0,1,0,0,0,0 +22886,0,1,0,0,0,0 +22887,1,0,0,1,0,0 +22888,1,0,0,1,0,0 +22889,1,0,0,1,0,0 +22890,1,0,0,1,0,0 +22891,0,1,0,0,0,0 +22892,0,1,0,0,0,0 +22893,0,1,0,0,0,0 +22894,0,0,1,0,0,0 +22895,1,0,0,0,0,0 +22896,1,0,0,1,0,0 +22897,0,1,0,0,0,0 +22898,0,1,0,0,0,0 +22899,0,0,1,0,0,0 +22900,0,0,1,0,0,0 +22901,0,1,1,0,0,0 +22902,0,0,1,0,0,0 +22903,0,0,1,0,0,0 +22904,1,0,0,1,0,0 +22905,0,0,1,0,0,0 +22906,1,0,0,0,0,0 +22907,0,1,0,0,0,0 +22908,0,1,0,0,0,0 +22909,0,0,0,0,1,0 +22910,1,0,0,1,0,0 +22911,1,1,0,0,0,0 +22912,0,0,1,0,0,0 +22913,0,1,0,0,0,0 +22914,1,0,0,0,0,0 +22915,0,1,0,0,0,0 +22916,1,0,0,1,0,0 +22917,1,0,0,0,0,0 +22918,0,0,1,0,0,0 +22919,0,0,1,0,0,0 +22920,0,0,0,0,0,1 +22921,0,1,0,0,0,0 +22922,0,0,1,0,0,0 +22923,1,0,0,0,0,0 +22924,0,0,1,0,0,0 +22925,1,0,0,0,0,0 +22926,1,0,1,1,0,0 +22927,0,0,1,0,0,0 +22928,1,0,0,0,0,0 +22929,0,1,0,0,0,0 +22930,1,0,0,1,0,0 +22931,1,0,0,1,0,0 +22932,1,0,0,1,0,0 +22933,1,0,0,0,0,0 +22934,1,0,0,1,0,0 +22935,0,0,0,1,0,0 +22936,1,0,0,1,0,0 +22937,0,0,1,0,0,0 +22938,0,1,0,0,0,0 +22939,1,0,1,0,0,0 +22940,0,1,0,0,0,0 +22941,1,0,0,0,0,0 +22942,1,0,0,0,0,0 +22943,0,0,1,0,0,0 +22944,0,0,1,0,0,0 +22945,0,1,0,0,0,0 +22946,0,1,0,0,0,0 +22947,1,0,0,1,0,0 +22948,0,1,0,0,0,0 +22949,1,0,1,1,0,0 +22950,1,0,0,0,0,0 +22951,0,0,1,0,0,0 +22952,0,1,0,0,0,0 +22953,1,0,0,1,0,0 +22954,1,0,0,0,0,0 +22955,1,0,1,0,0,0 +22956,0,0,0,0,1,0 +22957,0,1,0,0,0,0 +22958,0,0,1,1,0,0 +22959,0,0,0,1,0,0 +22960,1,0,1,1,0,0 +22961,0,1,0,0,0,0 +22962,0,0,1,0,0,0 +22963,0,0,0,1,0,0 +22964,1,0,1,0,0,1 +22965,0,1,0,0,0,0 +22966,1,0,0,0,0,0 +22967,0,1,0,0,0,0 +22968,1,0,0,1,0,0 +22969,0,1,0,0,0,0 +22970,0,1,0,1,0,0 +22971,0,1,0,1,0,0 +22972,1,0,0,0,0,0 +22973,0,0,1,1,0,0 +22974,1,0,0,0,0,0 +22975,0,0,1,1,0,0 +22976,0,0,1,0,0,0 +22977,1,0,0,1,0,0 +22978,1,0,0,1,0,0 +22979,0,0,1,0,0,0 +22980,1,0,0,0,0,0 +22981,1,0,0,1,0,0 +22982,1,0,0,1,0,0 +22983,1,0,0,0,0,0 +22984,1,0,0,1,0,0 +22985,1,1,0,0,0,0 +22986,0,0,0,0,0,0 +22987,1,0,0,1,0,0 +22988,0,0,1,0,0,0 +22989,1,0,0,0,0,0 +22990,0,0,0,0,1,0 +22991,1,0,0,0,0,0 +22992,0,1,1,0,0,0 +22993,0,0,1,0,0,0 +22994,0,0,0,1,0,0 +22995,0,1,0,0,0,0 +22996,0,0,0,0,1,0 +22997,0,1,0,0,0,0 +22998,1,0,1,0,0,0 +22999,1,0,0,0,0,0 +23000,0,0,0,1,0,0 +23001,0,0,1,0,0,0 +23002,0,1,0,0,0,0 +23003,1,0,0,0,0,0 +23004,0,1,0,0,0,0 +23005,0,0,1,0,0,0 +23006,0,0,0,1,0,0 +23007,0,0,0,1,0,0 +23008,1,0,0,1,0,0 +23009,0,1,0,0,0,0 +23010,0,0,1,0,0,0 +23011,1,0,0,1,0,0 +23012,1,0,0,1,0,0 +23013,0,1,0,0,0,0 +23014,1,0,0,1,0,0 +23015,1,0,0,0,0,0 +23016,0,0,0,1,0,1 +23017,1,0,0,1,0,0 +23018,1,0,0,1,0,0 +23019,0,0,0,0,1,0 +23020,0,0,1,0,0,0 +23021,0,0,1,0,0,0 +23022,0,0,0,1,0,0 +23023,1,0,0,0,0,0 +23024,1,0,0,0,0,0 +23025,0,0,1,1,0,0 +23026,0,0,0,0,1,0 +23027,1,0,1,0,0,0 +23028,1,0,0,1,0,0 +23029,1,0,0,1,0,0 +23030,0,0,1,0,0,0 +23031,0,0,0,1,0,0 +23032,1,0,0,0,0,0 +23033,0,1,0,0,0,0 +23034,1,0,0,1,0,0 +23035,0,1,0,0,0,0 +23036,0,0,1,0,0,0 +23037,1,0,0,1,0,0 +23038,0,0,1,1,0,0 +23039,1,0,0,0,0,0 +23040,1,0,0,0,0,0 +23041,0,1,0,0,0,0 +23042,0,1,0,0,0,0 +23043,1,0,0,0,0,0 +23044,1,0,1,1,0,0 +23045,1,0,1,1,0,0 +23046,1,0,0,0,0,0 +23047,1,0,0,0,0,0 +23048,1,0,0,0,0,0 +23049,1,0,0,1,0,0 +23050,0,1,0,0,0,0 +23051,1,0,0,1,0,0 +23052,0,0,0,1,0,0 +23053,0,1,0,0,0,0 +23054,1,0,0,0,0,0 +23055,1,0,0,0,0,0 +23056,0,0,0,1,0,0 +23057,0,1,0,0,0,0 +23058,0,1,0,0,0,0 +23059,0,1,0,0,0,0 +23060,0,1,0,0,0,0 +23061,0,1,0,0,1,0 +23062,0,1,0,0,0,0 +23063,0,1,0,0,1,0 +23064,0,1,0,0,0,0 +23065,0,1,0,0,0,0 +23066,0,0,1,0,0,0 +23067,0,0,0,0,0,0 +23068,0,0,1,0,0,0 +23069,0,1,0,0,0,0 +23070,1,0,0,0,0,0 +23071,1,0,0,1,0,0 +23072,0,1,1,0,0,0 +23073,0,1,0,0,0,0 +23074,0,0,1,0,0,0 +23075,0,1,0,0,0,0 +23076,1,0,1,0,0,0 +23077,0,1,0,0,0,0 +23078,0,1,0,0,0,0 +23079,1,0,0,1,0,0 +23080,1,0,0,1,0,0 +23081,0,1,0,0,0,0 +23082,0,0,1,0,0,0 +23083,0,1,0,0,0,0 +23084,1,0,0,1,0,0 +23085,0,1,1,0,0,0 +23086,0,1,0,0,0,0 +23087,1,0,0,1,0,0 +23088,1,1,0,0,0,0 +23089,0,1,0,0,0,0 +23090,0,0,1,1,0,0 +23091,0,0,0,0,1,0 +23092,1,0,0,0,0,0 +23093,1,0,0,1,0,0 +23094,1,0,0,0,0,0 +23095,0,0,1,0,0,0 +23096,1,0,0,1,0,0 +23097,0,1,0,0,0,0 +23098,1,0,0,0,0,0 +23099,0,0,0,1,0,0 +23100,0,1,0,0,0,0 +23101,0,1,0,0,0,0 +23102,0,1,1,0,0,0 +23103,1,0,1,0,0,0 +23104,0,0,1,1,0,0 +23105,0,1,0,0,0,0 +23106,0,1,0,0,0,0 +23107,0,1,0,0,0,0 +23108,1,0,0,0,1,0 +23109,1,0,0,1,0,0 +23110,1,0,0,0,0,0 +23111,0,1,0,0,0,0 +23112,1,0,0,1,0,0 +23113,1,0,0,1,1,0 +23114,1,0,0,0,0,0 +23115,0,1,0,0,0,0 +23116,1,0,0,0,0,0 +23117,0,0,1,0,0,0 +23118,1,0,0,0,0,0 +23119,0,0,0,1,0,0 +23120,0,1,0,0,0,0 +23121,0,1,0,0,0,0 +23122,1,1,0,0,0,0 +23123,0,1,0,0,0,0 +23124,1,0,0,1,0,0 +23125,1,0,0,0,0,0 +23126,0,0,1,0,0,0 +23127,1,0,0,0,0,0 +23128,0,0,1,0,0,0 +23129,0,0,0,1,0,0 +23130,1,0,0,1,0,0 +23131,0,1,0,0,0,0 +23132,0,0,1,0,0,0 +23133,1,0,0,0,0,0 +23134,1,0,0,1,0,0 +23135,0,0,1,0,0,0 +23136,1,0,0,1,0,0 +23137,0,1,0,0,0,0 +23138,0,0,1,0,0,0 +23139,1,0,0,0,0,0 +23140,1,0,0,1,0,0 +23141,0,1,0,0,0,0 +23142,0,0,1,0,0,0 +23143,1,0,0,0,0,0 +23144,1,0,0,1,0,0 +23145,0,1,0,0,0,0 +23146,1,0,0,1,0,0 +23147,0,0,1,0,0,0 +23148,1,0,0,1,0,0 +23149,0,1,0,0,0,0 +23150,1,0,0,0,0,0 +23151,0,0,1,0,0,0 +23152,1,0,0,0,0,0 +23153,1,0,0,1,0,0 +23154,0,1,0,0,0,0 +23155,1,0,0,0,0,0 +23156,0,0,1,0,0,0 +23157,1,0,0,1,0,0 +23158,0,1,0,0,0,0 +23159,1,0,0,1,0,0 +23160,0,1,0,0,0,0 +23161,0,0,1,0,0,0 +23162,1,0,0,1,0,0 +23163,0,1,0,0,0,0 +23164,0,1,0,0,0,0 +23165,1,0,0,0,0,0 +23166,0,1,0,0,0,0 +23167,0,1,0,0,0,0 +23168,1,0,0,1,0,0 +23169,1,0,0,0,0,0 +23170,1,0,0,1,0,0 +23171,0,1,0,0,0,0 +23172,1,0,0,1,0,0 +23173,1,0,0,1,0,0 +23174,1,0,0,0,0,0 +23175,0,0,1,0,0,0 +23176,1,0,0,1,0,0 +23177,1,0,0,1,0,0 +23178,1,0,0,0,0,0 +23179,0,0,1,0,0,0 +23180,1,0,0,1,0,0 +23181,0,0,1,0,0,0 +23182,0,1,0,0,0,0 +23183,1,0,0,1,0,0 +23184,0,0,1,0,0,0 +23185,1,0,0,1,0,0 +23186,1,0,0,1,0,0 +23187,1,0,0,1,0,0 +23188,1,0,0,0,0,0 +23189,0,0,0,1,0,0 +23190,0,1,0,0,0,0 +23191,1,0,0,0,0,0 +23192,0,0,1,0,0,0 +23193,1,0,0,1,0,0 +23194,1,0,0,1,0,0 +23195,1,0,1,0,0,0 +23196,1,0,0,0,0,0 +23197,0,0,1,0,0,0 +23198,0,0,0,0,1,0 +23199,0,0,1,0,0,0 +23200,0,0,1,0,0,0 +23201,0,1,0,0,0,0 +23202,1,0,0,1,0,0 +23203,0,0,1,0,0,0 +23204,0,0,1,1,0,0 +23205,0,0,1,0,0,0 +23206,0,0,1,0,0,0 +23207,1,1,0,0,0,0 +23208,0,0,1,0,0,0 +23209,0,0,1,0,0,0 +23210,0,0,1,0,0,0 +23211,1,0,0,0,0,0 +23212,0,0,1,0,0,0 +23213,1,0,0,0,0,0 +23214,1,0,0,1,0,0 +23215,0,1,0,0,0,0 +23216,0,1,0,0,0,0 +23217,1,0,0,0,0,0 +23218,0,1,1,0,0,0 +23219,0,0,1,0,0,0 +23220,1,0,0,0,0,0 +23221,1,0,0,1,0,0 +23222,1,0,0,1,0,0 +23223,0,1,0,0,0,0 +23224,1,0,0,1,0,0 +23225,1,0,0,0,0,0 +23226,0,0,1,0,0,0 +23227,1,0,0,0,0,0 +23228,1,0,1,1,0,0 +23229,1,0,0,0,0,0 +23230,1,0,1,1,0,0 +23231,0,1,0,0,0,0 +23232,1,0,0,0,0,0 +23233,0,1,0,0,0,0 +23234,1,0,0,1,0,0 +23235,1,0,0,0,0,0 +23236,0,0,1,0,0,0 +23237,1,0,0,0,0,1 +23238,1,0,0,1,0,0 +23239,0,0,0,0,0,0 +23240,1,0,0,1,0,0 +23241,1,0,0,1,0,0 +23242,0,0,1,0,0,0 +23243,1,0,0,1,0,0 +23244,1,0,1,1,0,0 +23245,0,0,0,1,0,0 +23246,1,0,0,0,0,0 +23247,1,0,0,1,0,0 +23248,0,0,1,0,0,0 +23249,1,0,0,1,0,0 +23250,0,1,0,0,0,0 +23251,1,0,0,1,0,0 +23252,1,0,0,1,0,0 +23253,1,0,1,0,0,0 +23254,1,0,0,1,0,0 +23255,1,0,0,0,0,0 +23256,1,0,0,1,0,0 +23257,0,1,0,0,0,0 +23258,0,1,1,0,0,0 +23259,0,1,0,0,0,0 +23260,0,0,1,0,0,0 +23261,1,0,0,0,0,0 +23262,1,0,0,1,0,0 +23263,0,1,0,0,0,0 +23264,1,0,0,1,0,0 +23265,0,1,0,0,0,0 +23266,1,0,0,1,0,0 +23267,0,1,0,0,0,0 +23268,0,1,0,0,0,0 +23269,0,1,0,0,0,0 +23270,1,0,0,1,0,0 +23271,1,0,0,0,0,0 +23272,1,0,0,1,0,0 +23273,0,1,0,0,0,0 +23274,0,1,1,0,0,0 +23275,0,1,0,0,0,0 +23276,0,0,0,1,0,0 +23277,1,0,0,1,0,0 +23278,0,0,1,0,0,0 +23279,0,1,0,0,0,0 +23280,0,1,0,0,0,0 +23281,1,0,0,1,0,0 +23282,0,0,1,0,0,0 +23283,0,1,0,0,0,0 +23284,0,1,0,0,0,0 +23285,1,0,0,0,0,0 +23286,0,1,0,0,0,0 +23287,0,0,1,0,0,0 +23288,1,0,0,0,0,0 +23289,1,0,0,1,0,0 +23290,0,0,1,0,0,0 +23291,0,0,0,1,0,0 +23292,1,0,0,1,0,0 +23293,1,0,1,0,0,0 +23294,0,0,1,0,0,0 +23295,0,1,0,0,0,0 +23296,0,0,1,0,0,0 +23297,0,0,1,0,0,0 +23298,0,1,0,0,0,0 +23299,0,1,0,0,0,0 +23300,1,0,0,1,0,0 +23301,1,0,0,1,0,0 +23302,0,0,1,0,0,0 +23303,1,0,1,1,0,0 +23304,1,0,0,0,0,0 +23305,0,1,0,1,0,0 +23306,0,1,0,0,0,0 +23307,1,0,0,0,0,0 +23308,0,0,1,0,0,0 +23309,1,0,1,1,0,0 +23310,0,1,0,0,0,0 +23311,1,0,1,1,0,0 +23312,0,1,0,0,0,0 +23313,0,1,0,0,0,0 +23314,0,1,0,0,0,0 +23315,0,1,0,0,0,0 +23316,0,0,0,1,0,0 +23317,0,1,0,0,0,0 +23318,1,0,0,0,0,0 +23319,0,0,1,0,0,0 +23320,0,0,1,0,0,0 +23321,0,1,0,0,0,0 +23322,1,0,1,0,0,0 +23323,1,0,0,1,0,0 +23324,0,1,0,0,0,0 +23325,0,1,0,0,0,0 +23326,0,1,0,0,0,0 +23327,0,0,1,0,0,0 +23328,0,0,1,0,0,0 +23329,0,1,0,0,0,0 +23330,1,0,0,1,0,0 +23331,1,0,0,0,0,0 +23332,0,1,0,0,0,0 +23333,0,0,1,1,0,0 +23334,0,0,1,0,0,0 +23335,0,1,0,0,0,0 +23336,0,0,1,0,0,0 +23337,0,1,0,0,0,0 +23338,1,0,0,1,0,0 +23339,1,0,0,0,0,0 +23340,0,1,1,0,0,0 +23341,0,1,0,0,0,0 +23342,0,0,1,0,0,0 +23343,0,0,1,0,0,0 +23344,0,1,0,0,0,0 +23345,1,0,0,0,0,0 +23346,0,0,1,1,0,0 +23347,1,0,0,1,0,0 +23348,0,0,0,1,0,0 +23349,0,1,0,0,0,0 +23350,0,1,0,0,0,0 +23351,1,0,0,0,0,0 +23352,0,0,1,1,0,0 +23353,1,0,1,1,0,0 +23354,0,1,0,0,0,0 +23355,0,0,1,0,0,0 +23356,0,0,0,1,0,0 +23357,0,0,1,0,0,0 +23358,1,0,0,0,0,0 +23359,0,1,0,0,0,0 +23360,0,1,1,0,0,0 +23361,1,0,0,1,0,0 +23362,0,1,0,0,0,0 +23363,0,1,1,0,0,0 +23364,0,1,0,0,0,0 +23365,0,1,0,0,0,0 +23366,1,0,1,0,0,0 +23367,1,0,0,0,0,0 +23368,1,0,0,0,0,0 +23369,1,0,0,0,0,0 +23370,0,1,0,0,0,0 +23371,0,0,1,1,0,0 +23372,1,0,1,0,0,0 +23373,0,1,0,0,0,0 +23374,1,0,0,0,0,0 +23375,0,0,1,0,0,0 +23376,1,0,0,1,0,0 +23377,0,1,1,0,0,0 +23378,1,1,0,1,0,0 +23379,0,0,1,0,0,0 +23380,0,1,1,0,0,0 +23381,1,0,0,0,0,0 +23382,0,1,0,0,0,0 +23383,1,0,0,1,0,0 +23384,1,0,0,1,0,0 +23385,1,0,0,1,0,0 +23386,1,1,0,0,0,0 +23387,1,0,0,0,0,0 +23388,0,1,0,0,0,0 +23389,0,0,1,1,0,0 +23390,1,0,0,0,0,0 +23391,0,0,0,1,0,0 +23392,0,1,0,0,0,0 +23393,0,0,1,0,0,0 +23394,0,1,1,0,0,0 +23395,0,1,0,0,0,0 +23396,0,0,1,0,0,0 +23397,0,0,1,0,0,0 +23398,0,0,1,0,0,0 +23399,0,0,1,1,0,0 +23400,0,1,0,0,0,0 +23401,1,0,0,1,0,0 +23402,0,0,1,0,0,0 +23403,1,0,0,0,0,0 +23404,0,0,1,0,0,0 +23405,1,0,0,0,0,0 +23406,1,0,1,0,0,0 +23407,1,0,0,0,0,0 +23408,1,0,0,0,0,0 +23409,0,1,0,0,0,0 +23410,1,0,0,0,0,0 +23411,1,0,0,0,0,0 +23412,0,0,1,0,0,0 +23413,1,0,0,1,0,0 +23414,1,0,0,0,0,0 +23415,0,1,0,0,0,0 +23416,0,1,0,0,0,0 +23417,0,1,0,0,0,0 +23418,0,0,0,0,1,0 +23419,0,1,0,0,0,0 +23420,1,0,0,1,0,0 +23421,0,0,1,0,0,0 +23422,0,0,0,0,1,0 +23423,1,0,0,0,0,0 +23424,0,0,1,0,0,0 +23425,0,1,0,0,0,0 +23426,0,0,1,0,0,0 +23427,1,0,0,1,0,0 +23428,1,0,0,1,0,0 +23429,0,0,1,0,0,0 +23430,0,1,0,0,0,0 +23431,0,1,0,0,0,0 +23432,1,0,0,1,0,0 +23433,1,0,0,0,0,0 +23434,0,0,0,1,0,0 +23435,1,0,1,0,0,0 +23436,1,0,0,0,0,0 +23437,0,0,1,1,0,0 +23438,1,0,0,0,0,0 +23439,0,1,0,0,0,0 +23440,1,0,0,0,0,0 +23441,1,0,1,0,0,0 +23442,0,1,0,0,0,0 +23443,0,0,1,0,0,0 +23444,1,0,0,1,0,0 +23445,1,0,0,0,0,0 +23446,0,0,1,0,0,0 +23447,0,0,1,0,0,0 +23448,1,0,0,0,0,0 +23449,0,0,1,0,0,0 +23450,0,1,0,0,0,0 +23451,1,0,0,0,0,0 +23452,1,0,1,0,0,0 +23453,0,0,0,0,0,0 +23454,0,1,0,0,0,0 +23455,1,0,0,0,0,0 +23456,0,1,0,0,0,0 +23457,0,1,0,0,0,0 +23458,1,0,0,1,0,0 +23459,1,0,0,1,0,0 +23460,0,1,0,0,0,0 +23461,1,0,0,0,0,0 +23462,1,0,0,1,0,0 +23463,0,0,1,0,0,0 +23464,1,0,0,0,0,0 +23465,0,0,1,0,0,0 +23466,1,0,1,1,0,0 +23467,0,1,0,0,0,0 +23468,1,0,0,1,0,0 +23469,1,0,0,0,0,0 +23470,1,0,0,1,0,0 +23471,1,0,0,1,0,0 +23472,1,0,0,0,0,0 +23473,1,0,0,0,0,0 +23474,1,0,0,0,0,0 +23475,0,1,0,0,0,0 +23476,0,0,1,0,0,0 +23477,1,0,0,0,0,0 +23478,0,1,0,0,0,0 +23479,0,1,0,0,0,0 +23480,1,0,0,0,0,0 +23481,1,0,0,0,0,0 +23482,0,0,1,0,0,0 +23483,0,0,1,0,0,0 +23484,1,0,0,0,0,0 +23485,1,0,0,0,0,0 +23486,1,0,1,0,0,0 +23487,1,0,0,1,0,0 +23488,0,1,0,0,0,0 +23489,0,1,0,0,0,0 +23490,0,1,1,0,0,0 +23491,0,0,0,0,0,0 +23492,0,0,1,0,0,0 +23493,0,1,0,0,0,0 +23494,0,1,1,0,0,0 +23495,0,1,0,0,0,0 +23496,1,0,0,1,0,0 +23497,0,0,1,0,0,0 +23498,1,0,0,0,0,0 +23499,0,1,0,0,0,0 +23500,1,0,0,1,0,0 +23501,0,0,0,1,0,0 +23502,0,1,0,0,0,0 +23503,1,0,0,0,0,0 +23504,0,1,0,0,0,0 +23505,1,0,0,1,0,0 +23506,0,0,1,0,0,0 +23507,1,0,0,1,0,0 +23508,1,1,0,0,0,0 +23509,1,0,0,0,0,0 +23510,0,1,0,0,0,0 +23511,0,0,1,0,0,0 +23512,1,0,0,1,0,0 +23513,0,0,1,0,0,0 +23514,0,1,0,0,0,0 +23515,0,0,1,0,0,0 +23516,0,1,0,0,0,0 +23517,1,0,0,1,0,0 +23518,1,0,0,1,0,0 +23519,1,0,0,0,0,0 +23520,0,1,0,0,1,0 +23521,0,0,1,0,0,0 +23522,0,1,0,0,0,0 +23523,0,1,0,0,0,0 +23524,0,0,1,0,0,0 +23525,1,0,0,1,0,0 +23526,0,0,1,0,0,0 +23527,0,0,1,1,0,0 +23528,1,0,0,1,0,0 +23529,1,0,0,0,0,0 +23530,0,0,1,0,0,0 +23531,1,0,0,0,0,0 +23532,1,0,0,0,0,0 +23533,0,1,0,0,0,0 +23534,1,0,0,0,0,0 +23535,1,0,0,0,0,0 +23536,1,0,0,1,0,0 +23537,0,0,1,0,0,0 +23538,1,0,0,1,0,0 +23539,0,1,0,0,0,0 +23540,0,1,0,0,0,0 +23541,0,0,1,1,0,0 +23542,0,0,1,0,0,0 +23543,1,0,0,0,0,0 +23544,0,0,1,0,0,0 +23545,0,0,1,0,0,0 +23546,0,0,1,0,0,0 +23547,1,0,0,1,0,0 +23548,0,1,0,0,0,0 +23549,0,0,0,1,0,0 +23550,0,0,0,1,0,0 +23551,1,0,1,0,0,0 +23552,1,1,0,0,0,0 +23553,0,0,1,0,0,0 +23554,1,0,0,1,0,0 +23555,0,1,0,0,0,0 +23556,1,0,0,1,0,0 +23557,0,1,0,0,0,0 +23558,0,1,0,0,0,0 +23559,0,0,1,0,0,0 +23560,0,0,1,1,0,0 +23561,0,0,1,0,0,0 +23562,0,1,1,0,0,0 +23563,1,0,0,0,0,0 +23564,1,0,0,0,0,0 +23565,0,0,1,0,0,0 +23566,1,0,0,0,0,0 +23567,0,1,0,0,0,0 +23568,1,0,0,0,0,0 +23569,1,0,0,1,0,0 +23570,1,0,0,1,0,0 +23571,1,0,0,1,0,0 +23572,0,0,1,0,0,0 +23573,0,1,0,0,0,0 +23574,1,0,0,1,0,0 +23575,0,1,0,0,0,0 +23576,1,0,0,0,0,0 +23577,1,0,1,0,0,0 +23578,0,0,1,0,0,0 +23579,0,0,1,1,0,0 +23580,0,1,0,0,0,0 +23581,0,1,0,0,0,0 +23582,0,0,1,0,0,0 +23583,1,0,0,0,0,0 +23584,0,0,1,0,0,0 +23585,0,1,0,0,0,0 +23586,1,0,0,1,0,1 +23587,0,0,1,0,0,0 +23588,1,0,0,0,0,0 +23589,0,1,0,0,0,0 +23590,1,0,0,0,0,0 +23591,1,0,0,0,0,0 +23592,1,0,0,1,0,0 +23593,1,0,0,0,0,0 +23594,0,0,0,1,0,0 +23595,1,0,0,1,0,0 +23596,1,0,0,0,0,0 +23597,0,1,0,0,0,0 +23598,0,1,0,0,0,0 +23599,1,0,0,0,0,0 +23600,1,0,1,0,0,0 +23601,0,1,0,0,0,0 +23602,1,0,1,0,0,0 +23603,0,0,1,0,0,0 +23604,1,0,0,1,0,0 +23605,0,0,1,0,0,0 +23606,0,0,1,0,0,0 +23607,0,1,0,0,0,0 +23608,1,0,0,0,0,0 +23609,1,0,0,1,0,0 +23610,0,1,0,0,0,0 +23611,1,0,0,0,0,0 +23612,0,0,1,1,0,0 +23613,0,1,0,0,0,0 +23614,0,0,1,1,0,0 +23615,0,1,0,0,0,0 +23616,0,0,1,0,0,0 +23617,0,0,1,0,0,0 +23618,0,0,1,0,0,0 +23619,0,0,1,0,0,0 +23620,0,0,1,0,0,0 +23621,0,0,1,0,0,0 +23622,0,0,0,1,0,0 +23623,1,0,1,0,0,0 +23624,0,0,1,0,0,0 +23625,1,0,1,0,0,0 +23626,1,0,0,0,0,0 +23627,0,0,1,0,0,0 +23628,1,0,0,0,0,0 +23629,0,1,0,0,0,0 +23630,0,0,1,0,0,0 +23631,1,0,0,1,0,0 +23632,0,1,0,0,0,0 +23633,0,1,0,0,1,0 +23634,1,0,1,0,0,0 +23635,1,0,0,1,0,0 +23636,0,1,1,0,0,0 +23637,1,0,0,0,0,0 +23638,1,0,0,0,0,0 +23639,0,1,0,0,0,0 +23640,1,0,1,1,0,0 +23641,0,1,0,0,0,0 +23642,0,1,0,0,0,0 +23643,1,0,0,0,0,0 +23644,1,0,0,0,0,0 +23645,1,0,0,1,0,0 +23646,0,1,0,0,0,0 +23647,0,1,0,0,0,0 +23648,1,0,1,0,0,0 +23649,0,1,0,0,0,0 +23650,0,1,0,0,0,0 +23651,1,0,0,0,0,0 +23652,0,0,1,0,0,0 +23653,1,0,0,1,0,0 +23654,1,0,0,0,0,0 +23655,1,0,0,0,0,0 +23656,1,1,0,0,0,0 +23657,1,0,0,0,0,0 +23658,1,0,0,1,0,0 +23659,1,0,0,0,0,0 +23660,0,1,0,0,0,0 +23661,0,0,0,1,0,0 +23662,1,0,0,0,0,0 +23663,1,0,0,1,0,0 +23664,0,0,0,0,0,0 +23665,0,1,1,0,0,0 +23666,0,1,0,0,0,0 +23667,1,0,0,1,0,0 +23668,1,0,0,0,0,0 +23669,0,1,0,0,0,0 +23670,1,0,0,0,0,0 +23671,0,1,0,0,0,0 +23672,1,0,0,1,0,0 +23673,0,1,0,0,0,0 +23674,1,0,0,0,0,0 +23675,0,0,1,0,0,0 +23676,0,0,1,1,0,0 +23677,1,0,0,1,0,0 +23678,0,1,0,0,0,0 +23679,0,0,1,0,0,0 +23680,0,0,0,0,0,1 +23681,0,0,0,0,0,1 +23682,0,0,0,1,0,0 +23683,1,0,0,0,0,0 +23684,1,0,0,1,0,0 +23685,0,0,1,0,0,0 +23686,1,0,0,1,0,0 +23687,0,0,1,0,0,0 +23688,1,0,0,0,0,0 +23689,0,0,0,1,0,0 +23690,1,0,0,0,0,0 +23691,1,0,0,0,0,0 +23692,0,0,1,0,0,0 +23693,1,0,0,0,0,0 +23694,0,1,0,0,0,0 +23695,1,0,0,0,0,0 +23696,1,0,0,0,0,0 +23697,1,0,0,1,0,0 +23698,1,0,0,0,0,0 +23699,0,0,1,0,0,0 +23700,0,0,1,0,0,0 +23701,1,0,0,0,0,0 +23702,0,0,0,1,0,0 +23703,0,1,0,0,0,0 +23704,1,0,1,0,0,0 +23705,0,1,0,0,0,0 +23706,1,0,0,1,0,0 +23707,0,1,0,0,0,0 +23708,0,0,1,0,0,0 +23709,1,0,0,1,0,0 +23710,0,1,0,0,0,0 +23711,0,0,0,0,0,0 +23712,1,0,0,1,0,0 +23713,0,1,1,0,0,0 +23714,1,0,0,1,0,0 +23715,0,0,0,1,0,0 +23716,1,0,0,0,0,0 +23717,1,0,0,0,0,0 +23718,1,0,0,0,0,0 +23719,1,1,0,0,0,0 +23720,0,1,0,0,0,0 +23721,0,1,0,0,0,0 +23722,1,0,0,1,0,0 +23723,0,0,1,1,0,0 +23724,1,0,0,1,0,0 +23725,1,0,0,0,0,0 +23726,0,0,0,1,0,0 +23727,0,0,0,1,0,0 +23728,0,0,0,1,0,0 +23729,0,1,0,0,0,0 +23730,0,1,0,0,0,0 +23731,0,0,1,0,0,0 +23732,1,0,0,1,0,0 +23733,0,0,1,0,0,0 +23734,0,0,1,0,0,0 +23735,0,1,0,0,0,0 +23736,1,0,0,1,0,0 +23737,1,0,0,1,0,0 +23738,0,0,1,0,0,0 +23739,1,0,0,1,0,0 +23740,0,0,1,0,0,0 +23741,0,1,0,0,0,0 +23742,1,0,0,0,1,0 +23743,1,0,0,1,0,0 +23744,0,1,0,0,0,0 +23745,0,0,1,1,0,0 +23746,1,0,1,1,0,0 +23747,1,0,0,0,0,0 +23748,1,0,0,0,0,0 +23749,1,0,0,1,0,0 +23750,0,1,0,0,0,0 +23751,1,1,0,0,0,0 +23752,0,1,0,0,0,0 +23753,1,0,0,0,0,0 +23754,0,0,1,0,0,0 +23755,0,1,0,1,0,0 +23756,1,0,0,1,0,0 +23757,1,0,0,0,0,0 +23758,1,0,0,1,0,0 +23759,1,0,0,1,0,0 +23760,1,0,0,0,0,0 +23761,1,0,0,0,0,0 +23762,1,0,0,0,0,0 +23763,0,1,0,0,0,0 +23764,1,0,0,0,0,0 +23765,0,0,1,0,0,0 +23766,1,0,0,0,0,0 +23767,1,0,0,1,0,0 +23768,0,1,0,0,0,0 +23769,0,1,0,0,0,0 +23770,0,1,0,0,0,0 +23771,1,0,0,0,0,0 +23772,0,0,1,1,0,0 +23773,0,1,0,0,0,0 +23774,1,0,0,1,0,0 +23775,1,0,0,0,0,0 +23776,1,1,0,0,0,0 +23777,0,0,0,0,0,0 +23778,0,0,1,0,0,0 +23779,0,1,0,0,0,0 +23780,1,0,0,0,0,0 +23781,0,1,0,0,0,0 +23782,1,0,0,1,0,0 +23783,0,0,1,1,0,0 +23784,0,1,0,0,0,0 +23785,1,0,0,0,0,0 +23786,0,1,0,0,0,0 +23787,0,1,0,0,0,0 +23788,1,0,1,1,0,0 +23789,0,1,0,0,0,0 +23790,1,0,0,1,0,0 +23791,1,0,0,0,0,0 +23792,1,1,0,0,0,0 +23793,0,1,0,0,0,0 +23794,0,1,0,0,0,0 +23795,1,0,0,1,0,0 +23796,1,0,0,0,0,0 +23797,0,0,0,1,0,0 +23798,0,0,1,0,0,0 +23799,0,0,1,1,0,0 +23800,0,1,0,0,0,0 +23801,1,0,0,1,0,0 +23802,1,0,0,1,0,0 +23803,1,0,0,1,0,0 +23804,0,0,1,1,0,0 +23805,0,0,0,0,0,0 +23806,1,0,0,0,0,0 +23807,0,0,0,0,0,0 +23808,1,0,0,1,0,0 +23809,0,1,0,0,0,0 +23810,0,0,1,0,0,0 +23811,0,1,0,0,0,0 +23812,1,0,0,1,0,0 +23813,0,1,0,0,0,0 +23814,1,0,0,0,0,0 +23815,0,0,1,0,0,0 +23816,0,1,0,0,0,0 +23817,0,0,0,1,0,0 +23818,0,0,1,1,0,0 +23819,0,0,0,0,0,1 +23820,0,0,1,0,0,0 +23821,1,0,0,1,0,0 +23822,0,0,1,0,0,0 +23823,0,0,0,1,0,0 +23824,0,0,1,0,0,0 +23825,0,0,1,0,0,0 +23826,0,0,1,0,0,0 +23827,1,0,1,0,0,0 +23828,0,0,1,0,0,0 +23829,0,1,0,0,0,0 +23830,1,0,0,0,0,0 +23831,0,1,0,0,0,0 +23832,1,0,0,0,0,0 +23833,0,1,0,0,0,0 +23834,1,0,0,0,0,0 +23835,0,0,1,0,0,0 +23836,1,0,0,1,0,0 +23837,0,1,0,1,0,0 +23838,0,0,1,0,0,0 +23839,0,0,1,0,0,0 +23840,1,0,0,1,0,0 +23841,1,0,0,1,0,0 +23842,1,0,0,0,0,0 +23843,1,0,0,0,0,0 +23844,0,1,0,0,0,0 +23845,1,0,0,0,0,0 +23846,0,0,1,1,0,0 +23847,1,0,0,1,0,0 +23848,1,0,0,0,0,0 +23849,0,1,0,0,0,0 +23850,0,0,1,0,0,0 +23851,0,0,1,1,0,0 +23852,0,1,0,0,0,0 +23853,1,0,0,1,0,0 +23854,1,0,0,1,0,0 +23855,0,1,0,0,0,0 +23856,0,0,1,0,0,0 +23857,0,0,1,0,0,0 +23858,1,0,0,1,0,0 +23859,0,1,0,0,0,0 +23860,0,0,1,1,0,0 +23861,0,0,1,0,0,0 +23862,0,1,0,0,0,0 +23863,1,0,0,1,0,0 +23864,0,1,0,0,0,0 +23865,1,0,0,1,0,0 +23866,1,0,0,0,0,0 +23867,1,0,0,1,0,1 +23868,0,1,0,0,0,0 +23869,1,0,0,1,0,0 +23870,0,0,1,0,0,0 +23871,1,0,0,1,0,0 +23872,0,0,1,0,0,0 +23873,0,1,0,0,0,0 +23874,1,0,0,1,0,0 +23875,0,0,1,0,0,0 +23876,0,1,0,0,0,0 +23877,1,0,0,1,0,0 +23878,0,1,0,0,0,0 +23879,0,0,1,0,0,0 +23880,0,1,0,0,0,0 +23881,1,0,0,1,0,0 +23882,0,1,0,0,0,0 +23883,0,1,0,0,0,0 +23884,0,1,0,0,0,0 +23885,1,0,0,0,0,0 +23886,1,0,0,1,0,0 +23887,1,0,0,1,0,0 +23888,1,1,0,0,0,0 +23889,0,1,0,0,0,0 +23890,1,0,0,1,0,0 +23891,0,0,1,0,0,0 +23892,0,0,0,1,0,0 +23893,0,0,1,0,0,0 +23894,0,0,1,0,1,0 +23895,0,0,1,0,0,0 +23896,0,1,0,0,0,0 +23897,0,1,0,0,0,0 +23898,1,0,0,1,0,0 +23899,0,0,1,0,0,0 +23900,1,0,0,1,0,0 +23901,1,0,0,1,0,0 +23902,0,0,1,0,0,0 +23903,0,1,0,0,0,0 +23904,0,0,1,0,0,0 +23905,0,0,1,0,0,0 +23906,0,1,0,0,0,0 +23907,1,0,0,0,0,0 +23908,1,0,0,1,0,0 +23909,0,0,1,1,0,0 +23910,1,0,0,1,0,0 +23911,0,0,1,0,0,0 +23912,0,1,0,0,1,0 +23913,1,0,1,1,0,0 +23914,0,1,0,1,0,0 +23915,1,0,0,0,0,0 +23916,1,0,1,0,0,0 +23917,1,0,0,1,0,0 +23918,0,0,1,0,0,0 +23919,0,0,1,0,0,0 +23920,0,1,0,0,0,0 +23921,1,0,0,1,0,0 +23922,1,0,1,1,0,0 +23923,1,0,0,0,0,0 +23924,0,0,1,0,0,0 +23925,1,0,0,0,0,0 +23926,0,1,0,0,0,0 +23927,0,0,0,1,0,0 +23928,0,1,0,0,0,0 +23929,1,1,0,0,0,0 +23930,0,1,1,0,0,0 +23931,1,0,0,0,0,0 +23932,1,0,1,0,0,0 +23933,1,1,0,0,0,0 +23934,1,0,0,0,0,0 +23935,0,1,1,0,0,0 +23936,1,0,0,0,0,0 +23937,0,0,1,0,0,0 +23938,0,1,0,0,0,0 +23939,1,0,0,0,0,0 +23940,0,0,1,0,0,0 +23941,1,0,1,0,0,0 +23942,1,0,0,0,0,0 +23943,0,1,0,0,0,0 +23944,0,0,1,0,0,0 +23945,1,0,0,1,0,0 +23946,0,0,1,0,0,0 +23947,0,1,0,0,0,0 +23948,0,0,1,0,0,0 +23949,0,0,1,0,0,0 +23950,0,1,0,0,0,0 +23951,1,0,0,0,0,0 +23952,0,0,1,0,0,0 +23953,0,0,1,0,0,0 +23954,1,0,0,0,0,0 +23955,0,0,1,1,0,0 +23956,1,0,0,0,0,0 +23957,0,1,0,0,0,0 +23958,0,1,0,0,0,0 +23959,0,1,1,0,0,0 +23960,0,0,1,0,0,0 +23961,0,0,1,1,0,0 +23962,0,1,0,0,0,0 +23963,0,0,1,0,0,0 +23964,1,0,0,0,0,0 +23965,0,1,0,0,0,0 +23966,0,1,0,0,0,0 +23967,0,0,1,1,0,0 +23968,0,0,1,0,0,0 +23969,1,0,0,0,0,0 +23970,1,0,0,0,0,0 +23971,0,1,0,0,0,0 +23972,1,0,1,1,0,0 +23973,1,0,0,0,0,0 +23974,1,0,0,1,0,0 +23975,1,0,0,0,0,0 +23976,0,0,0,1,0,0 +23977,0,0,1,0,0,0 +23978,0,1,0,0,0,0 +23979,1,0,1,0,0,0 +23980,1,0,0,1,0,0 +23981,1,0,0,0,0,0 +23982,1,0,1,1,0,0 +23983,0,0,1,0,0,0 +23984,1,0,0,1,0,0 +23985,0,0,0,0,1,0 +23986,1,0,0,1,0,0 +23987,1,0,0,1,0,0 +23988,0,1,0,0,1,0 +23989,1,0,0,1,0,0 +23990,1,0,0,0,0,0 +23991,1,0,0,0,0,0 +23992,0,0,1,0,0,0 +23993,0,0,1,0,0,0 +23994,1,0,0,1,0,0 +23995,1,0,1,0,0,0 +23996,1,0,0,0,0,0 +23997,0,1,0,0,0,0 +23998,0,0,1,0,0,0 +23999,0,0,1,0,0,0 +24000,0,1,0,0,0,0 +24001,1,0,0,0,0,0 +24002,0,1,0,1,0,0 +24003,0,0,0,0,0,0 +24004,1,0,0,1,0,0 +24005,0,0,1,1,0,0 +24006,1,0,1,0,0,0 +24007,1,1,0,0,0,0 +24008,1,0,0,1,0,0 +24009,0,1,0,0,0,0 +24010,0,0,1,0,0,0 +24011,0,1,0,0,0,0 +24012,0,0,1,0,0,0 +24013,1,0,0,0,0,0 +24014,0,0,1,0,0,0 +24015,1,0,0,0,0,0 +24016,1,0,0,0,0,0 +24017,0,0,1,0,0,0 +24018,1,0,0,0,0,0 +24019,0,0,0,0,0,1 +24020,0,0,1,0,0,0 +24021,1,0,0,1,0,0 +24022,1,0,0,1,0,0 +24023,0,1,0,0,0,0 +24024,1,0,0,1,0,0 +24025,1,0,0,1,0,0 +24026,1,0,0,1,0,0 +24027,0,0,1,1,0,0 +24028,1,0,0,0,0,0 +24029,0,1,0,0,0,0 +24030,0,0,1,0,0,0 +24031,1,0,0,0,0,0 +24032,0,1,1,0,0,0 +24033,1,0,0,0,0,0 +24034,0,0,1,1,0,0 +24035,1,0,0,1,0,0 +24036,0,0,1,0,0,0 +24037,1,0,0,1,0,0 +24038,0,0,1,1,0,0 +24039,1,0,0,1,0,0 +24040,0,0,1,0,0,0 +24041,0,0,1,1,0,0 +24042,1,0,0,0,0,0 +24043,0,0,1,0,0,0 +24044,1,0,0,0,0,0 +24045,0,0,1,0,0,0 +24046,0,0,1,0,0,0 +24047,1,0,0,0,0,0 +24048,0,1,0,0,0,0 +24049,0,0,0,1,0,0 +24050,1,0,0,1,0,0 +24051,1,0,0,0,0,0 +24052,0,1,0,0,0,0 +24053,0,0,1,0,0,0 +24054,0,1,0,0,0,0 +24055,0,0,1,0,0,0 +24056,0,1,0,1,0,0 +24057,1,1,0,0,0,0 +24058,1,0,0,0,0,0 +24059,1,0,0,1,0,0 +24060,0,0,1,1,0,0 +24061,1,0,0,0,0,0 +24062,0,1,0,0,0,0 +24063,1,0,0,1,0,0 +24064,1,0,0,1,0,0 +24065,0,1,0,0,0,0 +24066,0,0,1,0,0,0 +24067,1,0,0,0,0,0 +24068,1,0,0,1,0,0 +24069,1,0,0,1,0,0 +24070,1,0,0,0,0,0 +24071,0,0,1,0,0,0 +24072,0,1,0,0,0,0 +24073,1,0,0,0,0,0 +24074,0,0,1,0,0,0 +24075,0,1,0,0,0,0 +24076,0,1,0,0,0,0 +24077,0,0,0,1,0,0 +24078,1,0,0,1,0,0 +24079,0,1,0,0,0,0 +24080,1,0,0,1,0,0 +24081,1,0,0,1,0,0 +24082,0,1,0,0,0,0 +24083,0,1,0,0,0,0 +24084,1,0,0,1,0,0 +24085,1,0,0,1,0,0 +24086,0,0,1,0,0,0 +24087,0,1,0,0,0,0 +24088,1,0,0,1,0,0 +24089,0,0,1,0,0,0 +24090,1,0,0,0,0,0 +24091,1,0,0,1,0,0 +24092,0,1,0,0,0,0 +24093,0,0,0,0,0,0 +24094,0,1,0,0,0,0 +24095,0,1,0,0,0,0 +24096,0,0,1,0,0,0 +24097,1,0,0,0,0,0 +24098,0,0,1,0,0,0 +24099,0,0,1,1,0,0 +24100,0,0,1,0,0,0 +24101,0,0,1,0,0,0 +24102,0,0,1,0,0,0 +24103,0,1,0,0,0,0 +24104,0,0,0,0,1,0 +24105,1,0,0,0,0,0 +24106,0,1,1,0,0,0 +24107,0,0,1,0,0,0 +24108,1,0,0,1,0,0 +24109,0,1,1,0,0,0 +24110,0,0,1,0,0,0 +24111,1,0,0,1,0,0 +24112,1,0,0,0,0,0 +24113,1,0,0,0,0,0 +24114,0,1,0,0,0,0 +24115,1,0,0,1,0,0 +24116,1,0,0,0,0,0 +24117,0,1,0,0,0,0 +24118,0,0,1,0,0,0 +24119,0,1,0,0,0,0 +24120,1,0,0,1,0,0 +24121,0,1,0,0,0,0 +24122,0,0,1,0,0,0 +24123,0,0,1,0,0,0 +24124,1,0,0,1,0,0 +24125,0,0,1,0,0,0 +24126,1,0,0,1,0,0 +24127,1,0,0,1,0,0 +24128,1,0,1,0,0,0 +24129,0,1,0,0,0,0 +24130,1,0,0,1,0,0 +24131,1,0,0,0,0,0 +24132,0,0,1,1,0,0 +24133,0,1,0,0,0,0 +24134,0,1,0,0,0,0 +24135,0,1,0,0,0,0 +24136,1,0,0,1,0,0 +24137,0,0,0,0,1,0 +24138,1,0,1,1,0,0 +24139,1,0,0,1,0,0 +24140,0,0,1,0,0,0 +24141,0,1,0,0,0,0 +24142,0,1,0,0,0,0 +24143,0,0,1,1,0,0 +24144,1,0,0,1,0,0 +24145,0,1,0,0,0,0 +24146,0,0,0,0,1,0 +24147,1,0,0,1,0,0 +24148,1,0,0,1,0,0 +24149,0,0,1,0,0,0 +24150,1,0,1,0,0,0 +24151,1,0,0,1,0,0 +24152,1,0,1,1,0,0 +24153,1,0,0,1,0,0 +24154,0,0,1,1,0,0 +24155,0,0,0,1,0,0 +24156,1,0,0,1,0,0 +24157,1,0,0,1,0,0 +24158,0,0,1,0,0,0 +24159,1,0,0,1,0,0 +24160,0,1,0,0,0,0 +24161,1,0,1,0,0,0 +24162,1,0,0,0,0,0 +24163,1,0,0,0,0,0 +24164,1,0,1,0,0,0 +24165,1,0,1,0,0,0 +24166,0,1,0,0,0,0 +24167,1,1,0,0,1,0 +24168,0,1,0,0,0,0 +24169,0,0,1,0,0,0 +24170,1,0,0,1,0,0 +24171,1,0,0,0,0,0 +24172,1,0,0,0,0,0 +24173,1,0,1,1,0,0 +24174,0,1,0,0,0,0 +24175,0,1,0,0,0,0 +24176,1,0,0,0,0,0 +24177,1,0,0,1,0,0 +24178,0,0,1,0,0,0 +24179,0,0,1,1,0,0 +24180,0,1,0,0,0,0 +24181,0,0,0,1,0,0 +24182,1,0,0,0,0,0 +24183,0,1,0,0,0,0 +24184,0,1,0,0,0,0 +24185,1,0,0,1,0,0 +24186,0,1,0,0,0,0 +24187,1,0,0,0,0,0 +24188,0,0,0,1,0,0 +24189,0,0,1,1,0,0 +24190,1,0,0,1,0,0 +24191,0,0,1,0,0,0 +24192,0,1,1,0,0,0 +24193,0,1,0,0,0,0 +24194,1,0,0,0,0,0 +24195,0,1,0,0,0,0 +24196,0,0,1,0,0,0 +24197,1,0,0,0,0,0 +24198,1,0,1,0,0,0 +24199,0,1,0,0,1,0 +24200,0,1,0,0,0,0 +24201,1,0,0,1,0,0 +24202,0,0,0,1,0,0 +24203,0,0,1,0,0,0 +24204,1,0,0,0,0,0 +24205,0,1,0,0,1,0 +24206,0,0,1,1,0,0 +24207,0,1,0,0,0,0 +24208,0,0,1,1,0,0 +24209,1,1,0,0,0,0 +24210,1,0,0,1,0,0 +24211,0,1,0,0,0,0 +24212,0,1,0,1,0,0 +24213,1,0,0,0,0,0 +24214,0,0,1,1,0,0 +24215,0,1,0,0,0,0 +24216,1,0,0,1,1,0 +24217,0,0,0,1,0,1 +24218,1,0,0,1,0,0 +24219,1,0,0,0,0,0 +24220,0,1,0,0,0,0 +24221,0,1,0,0,0,0 +24222,0,1,0,0,0,0 +24223,1,0,0,0,0,0 +24224,0,1,0,0,0,0 +24225,0,0,1,1,0,0 +24226,0,1,0,0,0,0 +24227,0,0,0,1,0,0 +24228,1,0,0,0,0,0 +24229,0,0,1,0,0,0 +24230,0,0,1,0,0,0 +24231,1,0,0,1,0,0 +24232,0,0,1,1,0,0 +24233,0,0,1,0,0,0 +24234,0,1,1,0,0,0 +24235,0,0,1,0,0,0 +24236,0,0,1,0,0,0 +24237,1,0,0,0,0,0 +24238,0,0,0,1,1,0 +24239,0,0,1,0,0,0 +24240,0,0,1,0,0,0 +24241,0,0,1,0,0,0 +24242,0,1,0,0,1,0 +24243,0,0,1,0,0,0 +24244,1,0,0,0,0,0 +24245,1,0,1,0,0,0 +24246,0,1,0,0,0,0 +24247,1,0,0,0,0,0 +24248,1,0,0,0,0,0 +24249,0,0,0,1,0,0 +24250,0,0,0,0,0,0 +24251,0,1,0,0,0,0 +24252,1,0,0,0,0,0 +24253,1,0,0,1,0,0 +24254,0,1,0,0,0,0 +24255,0,1,0,0,0,0 +24256,0,1,0,0,0,0 +24257,0,1,0,0,0,0 +24258,0,1,0,0,0,0 +24259,1,0,0,1,0,0 +24260,1,0,0,0,0,0 +24261,1,0,0,1,0,0 +24262,0,0,1,0,0,0 +24263,0,1,0,0,0,0 +24264,0,1,0,0,0,0 +24265,0,1,0,0,1,0 +24266,0,1,1,0,0,0 +24267,1,0,0,1,0,0 +24268,1,1,0,0,0,0 +24269,1,0,0,1,0,0 +24270,0,0,1,0,0,0 +24271,0,1,0,0,0,0 +24272,1,0,0,0,0,0 +24273,0,0,1,0,0,0 +24274,1,0,0,0,0,0 +24275,1,0,0,1,1,0 +24276,0,1,0,0,0,0 +24277,0,0,0,1,0,0 +24278,0,0,0,0,0,0 +24279,1,0,0,1,0,0 +24280,0,0,1,0,0,0 +24281,0,0,0,1,0,0 +24282,0,1,0,0,0,0 +24283,0,0,0,0,1,0 +24284,1,0,0,1,0,0 +24285,1,0,0,1,0,0 +24286,1,0,0,1,0,0 +24287,1,0,0,0,0,0 +24288,0,1,0,0,0,0 +24289,0,1,0,0,0,0 +24290,1,0,0,1,0,0 +24291,0,1,0,0,0,0 +24292,1,0,0,1,0,0 +24293,0,0,0,1,0,0 +24294,0,1,0,0,0,0 +24295,1,0,0,1,0,0 +24296,1,0,0,0,0,0 +24297,0,1,0,0,0,0 +24298,0,1,1,0,0,0 +24299,1,0,0,1,0,0 +24300,1,0,0,0,0,0 +24301,1,0,0,0,0,0 +24302,0,1,0,0,0,0 +24303,0,1,1,0,0,0 +24304,0,0,0,0,0,0 +24305,1,0,0,0,0,0 +24306,0,0,1,0,0,0 +24307,0,1,0,0,0,0 +24308,0,0,1,0,0,0 +24309,0,1,0,0,0,0 +24310,0,1,0,0,0,0 +24311,0,1,0,0,0,0 +24312,0,1,0,0,0,0 +24313,0,1,0,0,0,0 +24314,1,0,0,1,0,0 +24315,0,1,0,0,1,0 +24316,0,0,1,0,0,0 +24317,0,0,1,0,0,0 +24318,0,1,0,0,0,0 +24319,1,0,0,1,0,0 +24320,1,0,0,1,0,0 +24321,0,1,0,1,0,0 +24322,1,0,0,0,0,0 +24323,0,0,1,0,0,0 +24324,0,0,1,1,0,0 +24325,0,1,0,0,0,0 +24326,1,0,0,0,0,0 +24327,1,0,0,1,0,0 +24328,0,1,0,0,0,0 +24329,1,0,0,0,0,0 +24330,1,0,1,0,0,0 +24331,0,1,0,0,0,0 +24332,0,0,0,1,0,0 +24333,0,1,0,0,0,0 +24334,0,1,0,1,0,0 +24335,0,1,0,0,0,0 +24336,0,0,0,1,0,0 +24337,1,0,0,0,0,0 +24338,1,0,1,0,0,0 +24339,1,0,0,1,0,0 +24340,1,0,0,1,0,0 +24341,1,0,0,0,0,0 +24342,0,0,1,0,0,0 +24343,0,0,0,0,0,1 +24344,0,1,0,0,0,0 +24345,0,1,1,0,0,0 +24346,0,0,0,0,0,0 +24347,1,0,0,0,0,0 +24348,1,0,0,1,0,0 +24349,0,0,0,1,0,0 +24350,0,0,1,0,0,0 +24351,1,0,0,0,0,0 +24352,1,0,0,0,0,0 +24353,0,1,0,0,0,0 +24354,0,1,0,0,0,0 +24355,1,0,0,0,0,0 +24356,0,1,0,0,0,0 +24357,0,0,0,1,0,0 +24358,0,0,1,0,0,0 +24359,1,0,0,0,0,0 +24360,1,0,0,1,1,0 +24361,1,1,0,0,0,0 +24362,1,0,0,1,0,0 +24363,0,0,1,0,0,0 +24364,0,1,0,0,0,0 +24365,0,1,1,0,0,0 +24366,1,0,0,0,0,0 +24367,0,0,0,0,0,0 +24368,0,1,1,0,0,0 +24369,0,0,1,0,0,0 +24370,1,0,0,0,0,0 +24371,0,0,1,0,0,0 +24372,0,1,0,0,0,0 +24373,1,0,0,0,0,0 +24374,0,1,0,0,0,0 +24375,1,0,0,1,0,0 +24376,0,0,1,0,0,0 +24377,0,0,1,0,0,0 +24378,0,1,0,0,0,0 +24379,0,0,1,0,0,0 +24380,0,1,0,0,0,0 +24381,1,0,0,1,0,0 +24382,0,1,0,0,1,0 +24383,0,0,1,0,0,0 +24384,1,0,0,1,0,0 +24385,0,0,1,0,0,0 +24386,1,0,1,0,0,0 +24387,1,0,1,0,0,0 +24388,0,0,1,0,0,0 +24389,0,0,1,0,0,0 +24390,0,0,1,0,0,0 +24391,0,1,0,0,0,0 +24392,1,0,0,0,0,0 +24393,1,0,0,1,0,0 +24394,0,1,0,0,0,0 +24395,0,0,1,1,0,0 +24396,0,0,1,0,0,0 +24397,1,0,0,0,0,0 +24398,0,0,1,1,0,0 +24399,0,0,1,0,0,0 +24400,1,0,0,0,0,0 +24401,0,0,1,0,0,0 +24402,1,0,0,0,0,0 +24403,0,0,1,0,0,0 +24404,0,1,0,0,0,0 +24405,1,0,0,0,0,0 +24406,0,0,0,0,0,0 +24407,0,1,0,0,0,0 +24408,1,0,0,1,0,0 +24409,0,1,0,0,0,0 +24410,0,0,1,0,0,0 +24411,1,0,0,1,0,0 +24412,1,0,0,0,0,0 +24413,1,0,0,0,0,0 +24414,1,0,0,0,0,0 +24415,0,1,0,0,1,0 +24416,1,0,0,1,0,0 +24417,1,0,0,1,0,0 +24418,0,0,1,0,0,0 +24419,1,0,0,0,0,0 +24420,1,0,0,1,0,0 +24421,1,0,0,0,0,0 +24422,1,0,0,0,0,0 +24423,1,0,0,1,0,0 +24424,1,0,0,1,0,0 +24425,1,0,0,0,0,0 +24426,1,0,0,1,0,0 +24427,1,0,0,0,0,0 +24428,0,1,0,0,0,0 +24429,0,1,0,0,0,0 +24430,0,0,1,0,0,0 +24431,1,0,0,0,0,0 +24432,0,1,0,0,0,0 +24433,1,0,0,0,0,0 +24434,1,0,0,1,0,0 +24435,0,1,0,0,0,0 +24436,0,0,0,1,0,0 +24437,1,0,0,1,0,0 +24438,1,0,0,0,0,0 +24439,0,1,0,0,0,0 +24440,1,0,1,0,0,0 +24441,1,0,0,0,0,0 +24442,1,0,0,0,0,0 +24443,1,0,0,1,0,0 +24444,0,1,0,0,0,0 +24445,1,0,0,1,0,0 +24446,0,0,1,0,0,0 +24447,1,0,0,0,0,0 +24448,1,0,0,0,0,0 +24449,1,0,0,1,0,0 +24450,1,0,0,0,0,0 +24451,1,0,0,1,0,0 +24452,1,0,0,1,0,0 +24453,0,0,0,1,0,0 +24454,1,0,0,0,0,0 +24455,1,0,0,0,0,0 +24456,0,0,0,1,0,0 +24457,1,0,0,0,0,0 +24458,0,1,0,0,0,0 +24459,0,0,1,0,0,0 +24460,0,1,0,0,0,0 +24461,1,0,0,1,0,0 +24462,0,1,0,0,0,0 +24463,1,1,0,0,0,0 +24464,1,0,1,0,0,0 +24465,0,0,1,0,0,0 +24466,0,1,0,0,0,0 +24467,0,1,0,0,0,0 +24468,1,0,1,0,0,0 +24469,0,0,0,0,0,0 +24470,1,0,0,0,0,0 +24471,1,0,0,1,0,0 +24472,1,0,0,0,0,0 +24473,1,0,0,0,0,0 +24474,1,0,0,1,0,0 +24475,0,0,1,0,0,0 +24476,1,0,0,1,0,0 +24477,1,0,0,0,0,0 +24478,0,0,1,0,0,0 +24479,1,0,0,0,0,0 +24480,1,0,0,0,0,0 +24481,0,0,1,0,0,0 +24482,0,0,0,1,0,0 +24483,0,1,0,0,0,0 +24484,1,1,0,0,0,0 +24485,1,1,0,0,0,0 +24486,0,1,1,0,0,0 +24487,1,0,0,0,0,0 +24488,0,0,0,0,1,0 +24489,0,1,0,0,0,0 +24490,0,0,0,1,0,0 +24491,1,1,0,0,0,0 +24492,0,0,1,0,0,0 +24493,1,0,0,1,0,0 +24494,1,0,1,0,0,0 +24495,0,0,1,0,0,0 +24496,1,0,0,0,0,0 +24497,1,0,0,0,0,0 +24498,1,0,0,1,0,0 +24499,0,1,0,0,0,0 +24500,0,1,0,0,0,0 +24501,0,0,1,0,0,0 +24502,0,0,1,0,0,0 +24503,1,0,0,1,0,0 +24504,0,0,0,1,1,0 +24505,1,0,0,0,0,0 +24506,1,0,0,1,0,0 +24507,0,1,1,0,0,0 +24508,1,0,0,0,0,0 +24509,0,1,0,0,0,0 +24510,1,0,0,1,0,0 +24511,1,0,0,1,0,0 +24512,0,0,1,1,0,0 +24513,0,0,0,1,0,0 +24514,1,0,0,0,0,0 +24515,0,0,1,0,0,0 +24516,0,0,1,0,0,0 +24517,0,1,0,0,0,0 +24518,1,0,0,0,0,0 +24519,1,0,1,0,0,0 +24520,1,0,0,1,0,0 +24521,0,1,0,0,0,0 +24522,0,0,1,0,0,0 +24523,0,0,1,0,0,0 +24524,0,0,1,0,0,0 +24525,1,0,0,1,0,0 +24526,0,0,1,0,0,0 +24527,0,1,0,0,0,0 +24528,0,1,0,0,0,0 +24529,0,0,1,0,0,0 +24530,0,0,1,0,0,0 +24531,1,0,0,0,0,0 +24532,0,1,0,0,0,0 +24533,1,0,0,0,0,0 +24534,0,0,1,0,0,0 +24535,0,1,0,0,0,0 +24536,0,1,0,0,0,0 +24537,0,0,1,0,0,0 +24538,0,0,0,0,0,0 +24539,1,0,1,0,0,0 +24540,0,1,0,0,0,0 +24541,0,0,0,1,0,0 +24542,1,0,0,0,0,0 +24543,0,1,0,0,0,0 +24544,0,0,1,1,0,0 +24545,1,0,0,1,0,0 +24546,0,0,1,0,0,0 +24547,0,1,0,0,0,0 +24548,0,1,0,1,0,0 +24549,0,0,1,1,0,0 +24550,1,0,0,0,0,0 +24551,1,1,0,1,0,0 +24552,1,0,0,1,0,0 +24553,1,0,0,0,0,0 +24554,1,0,0,1,0,0 +24555,0,1,0,0,0,0 +24556,0,1,0,0,0,0 +24557,1,0,0,0,0,0 +24558,0,1,0,0,0,0 +24559,1,0,0,1,0,0 +24560,1,0,0,1,0,0 +24561,0,0,1,0,0,0 +24562,1,0,0,1,0,0 +24563,0,0,1,0,0,0 +24564,1,0,0,1,0,0 +24565,0,1,0,0,0,0 +24566,0,0,1,0,0,0 +24567,1,0,0,1,0,0 +24568,1,1,0,0,0,0 +24569,0,0,1,0,0,0 +24570,1,0,0,1,0,0 +24571,0,1,0,0,0,0 +24572,0,0,1,0,0,0 +24573,1,0,0,0,0,0 +24574,0,0,1,0,0,0 +24575,1,0,0,0,0,0 +24576,1,0,0,1,0,0 +24577,0,0,1,0,0,0 +24578,1,0,1,0,0,0 +24579,1,0,0,1,0,0 +24580,0,0,1,1,0,0 +24581,0,1,0,0,0,0 +24582,0,1,0,0,1,0 +24583,1,0,1,0,0,0 +24584,1,0,0,0,0,0 +24585,0,1,0,0,0,0 +24586,0,1,0,0,0,0 +24587,0,0,0,1,0,0 +24588,0,1,0,0,0,0 +24589,0,0,1,0,0,0 +24590,0,1,0,0,1,0 +24591,0,0,1,0,0,0 +24592,0,1,0,0,0,0 +24593,0,0,1,0,0,0 +24594,0,1,0,0,0,0 +24595,1,0,0,0,0,0 +24596,1,0,0,0,0,0 +24597,0,0,1,0,0,0 +24598,0,0,1,0,0,0 +24599,0,1,0,0,0,0 +24600,0,0,1,1,0,0 +24601,0,1,0,0,0,0 +24602,0,1,0,0,0,0 +24603,1,0,0,1,0,0 +24604,0,0,1,0,0,0 +24605,1,0,0,0,0,0 +24606,1,0,0,1,0,0 +24607,0,1,0,0,0,0 +24608,0,1,0,0,0,0 +24609,1,0,0,1,0,0 +24610,1,0,0,1,0,0 +24611,0,1,0,0,0,0 +24612,1,0,0,1,0,0 +24613,0,1,0,0,0,0 +24614,0,1,0,0,0,0 +24615,1,0,0,0,0,0 +24616,1,0,0,1,0,0 +24617,0,0,1,1,0,0 +24618,1,0,0,0,0,0 +24619,1,0,0,0,0,0 +24620,1,0,0,1,0,0 +24621,0,1,0,0,0,0 +24622,0,0,0,1,0,0 +24623,1,0,0,0,0,0 +24624,1,0,0,0,0,0 +24625,0,0,1,0,0,0 +24626,0,0,1,0,0,0 +24627,1,0,0,0,0,0 +24628,1,0,0,1,0,0 +24629,0,1,0,0,0,0 +24630,0,1,0,0,1,0 +24631,1,0,0,1,0,0 +24632,0,1,0,0,0,0 +24633,0,1,0,0,0,0 +24634,0,1,1,0,0,0 +24635,0,1,0,0,0,0 +24636,1,0,0,1,0,0 +24637,1,0,0,1,0,0 +24638,0,0,1,0,0,0 +24639,0,0,1,1,0,0 +24640,1,0,0,1,0,0 +24641,0,0,1,1,0,0 +24642,0,0,1,0,0,0 +24643,1,0,0,0,0,0 +24644,1,0,0,0,0,0 +24645,1,0,0,0,0,0 +24646,1,0,0,1,0,0 +24647,1,0,0,1,0,0 +24648,1,0,0,1,0,0 +24649,0,0,1,0,0,0 +24650,1,0,0,1,0,0 +24651,1,0,0,0,0,0 +24652,0,0,1,0,0,0 +24653,1,0,0,0,0,0 +24654,0,0,0,1,0,0 +24655,0,0,1,0,0,0 +24656,0,0,1,0,0,0 +24657,0,1,0,0,0,0 +24658,1,0,0,0,0,0 +24659,0,0,1,0,0,0 +24660,1,0,0,1,0,0 +24661,1,0,0,0,0,0 +24662,1,0,0,0,0,0 +24663,0,1,0,0,0,0 +24664,0,1,0,0,0,0 +24665,0,1,0,0,0,0 +24666,1,0,0,0,0,0 +24667,0,0,1,0,0,0 +24668,0,0,1,1,0,1 +24669,1,0,0,0,0,0 +24670,0,1,0,0,0,0 +24671,0,0,1,1,0,0 +24672,0,0,1,0,0,0 +24673,1,0,0,1,0,0 +24674,0,1,1,0,0,0 +24675,0,0,0,1,0,0 +24676,0,1,0,0,0,0 +24677,0,0,1,0,0,0 +24678,1,0,0,1,0,0 +24679,0,0,1,1,0,0 +24680,0,1,0,1,0,0 +24681,0,0,1,0,0,0 +24682,0,1,0,0,0,0 +24683,1,0,0,0,0,0 +24684,1,0,0,0,0,0 +24685,0,1,0,0,0,0 +24686,0,0,1,0,0,0 +24687,0,0,1,0,0,0 +24688,0,0,0,1,0,0 +24689,0,0,1,0,0,0 +24690,0,0,1,0,0,0 +24691,0,1,0,0,0,0 +24692,0,1,0,1,0,0 +24693,0,1,0,0,0,0 +24694,1,0,0,0,0,0 +24695,1,0,0,0,0,0 +24696,1,0,0,0,0,0 +24697,0,0,1,0,0,0 +24698,0,0,1,0,0,0 +24699,0,1,0,0,0,0 +24700,1,1,0,0,0,0 +24701,1,0,0,0,0,0 +24702,1,0,0,0,0,0 +24703,0,0,1,0,0,0 +24704,1,0,0,0,0,0 +24705,0,0,1,0,0,0 +24706,1,0,0,1,0,0 +24707,1,0,0,1,0,0 +24708,1,0,0,1,0,0 +24709,1,0,0,1,0,0 +24710,1,0,0,1,0,0 +24711,0,0,1,0,0,0 +24712,0,1,1,0,0,0 +24713,0,0,1,0,0,0 +24714,0,1,0,0,0,0 +24715,0,1,0,0,1,0 +24716,0,0,1,0,0,0 +24717,1,0,0,0,0,0 +24718,1,0,0,0,0,0 +24719,1,0,0,1,0,0 +24720,1,0,0,0,0,0 +24721,1,0,0,1,0,0 +24722,0,0,1,0,0,0 +24723,0,1,0,0,0,0 +24724,0,1,0,0,0,0 +24725,1,0,0,1,0,0 +24726,0,1,1,0,0,0 +24727,1,0,0,1,0,0 +24728,1,0,0,1,0,0 +24729,0,1,0,0,0,0 +24730,1,0,0,0,0,0 +24731,0,0,1,0,0,0 +24732,0,0,1,0,0,0 +24733,0,0,1,1,0,0 +24734,1,0,0,0,0,0 +24735,1,0,0,1,0,0 +24736,1,0,0,0,0,0 +24737,0,1,0,0,0,0 +24738,1,0,0,0,0,0 +24739,1,0,0,1,0,0 +24740,0,1,0,0,0,0 +24741,0,0,1,0,0,0 +24742,0,0,0,1,1,0 +24743,0,1,0,0,0,0 +24744,1,0,0,0,0,0 +24745,0,0,1,0,0,0 +24746,0,0,0,1,0,0 +24747,0,0,0,1,0,0 +24748,0,1,0,0,0,0 +24749,0,0,0,1,0,0 +24750,1,0,0,1,0,0 +24751,1,0,0,1,0,0 +24752,1,0,0,1,0,0 +24753,0,1,0,0,0,0 +24754,1,0,0,1,0,0 +24755,0,1,0,0,0,0 +24756,1,0,0,1,0,0 +24757,1,0,0,1,0,0 +24758,1,0,0,1,0,0 +24759,0,1,0,0,0,0 +24760,0,1,0,0,0,0 +24761,1,0,0,0,0,0 +24762,0,0,1,0,0,0 +24763,1,0,0,1,0,0 +24764,0,1,0,0,0,0 +24765,0,1,0,0,0,0 +24766,0,1,0,0,0,0 +24767,0,0,0,0,1,0 +24768,0,1,0,0,0,0 +24769,0,0,1,0,0,0 +24770,1,0,0,0,0,0 +24771,0,0,0,0,0,0 +24772,1,0,0,0,0,0 +24773,1,0,0,0,0,0 +24774,1,0,0,1,0,0 +24775,1,0,0,0,0,0 +24776,1,0,0,1,0,0 +24777,0,1,0,0,0,0 +24778,1,0,0,0,0,0 +24779,1,0,0,1,0,0 +24780,0,1,0,0,0,0 +24781,1,0,0,0,0,0 +24782,0,0,0,1,0,0 +24783,1,0,0,1,0,0 +24784,1,0,0,0,0,0 +24785,0,0,1,0,0,0 +24786,1,0,0,0,0,0 +24787,1,0,1,0,0,0 +24788,0,1,0,0,0,0 +24789,0,1,0,0,0,0 +24790,1,0,0,1,0,0 +24791,1,0,0,0,0,0 +24792,1,0,1,1,0,0 +24793,0,0,1,0,0,0 +24794,0,0,1,0,0,0 +24795,0,0,1,0,0,0 +24796,1,0,0,0,0,0 +24797,1,0,0,1,0,0 +24798,0,1,0,0,0,0 +24799,0,0,0,0,0,0 +24800,0,0,1,0,0,0 +24801,0,0,0,1,0,0 +24802,1,0,0,0,0,0 +24803,1,0,0,0,0,0 +24804,0,0,1,1,0,0 +24805,0,1,0,0,0,0 +24806,1,0,0,0,0,0 +24807,1,0,0,0,0,0 +24808,0,1,0,0,0,0 +24809,0,1,0,0,0,0 +24810,0,0,0,1,0,0 +24811,1,0,1,0,0,0 +24812,1,0,0,0,0,0 +24813,0,1,0,0,0,0 +24814,0,0,1,0,0,0 +24815,0,1,0,0,0,0 +24816,0,0,1,0,0,0 +24817,0,1,0,0,0,0 +24818,1,0,0,0,0,0 +24819,1,0,1,1,0,0 +24820,0,1,0,0,0,0 +24821,1,0,0,0,0,0 +24822,1,0,0,1,0,0 +24823,0,1,0,0,0,0 +24824,1,0,0,0,0,0 +24825,0,0,1,0,0,0 +24826,0,1,0,0,0,0 +24827,1,0,0,1,0,0 +24828,1,0,0,0,0,0 +24829,0,0,0,1,0,0 +24830,0,0,0,1,0,0 +24831,0,0,1,0,0,0 +24832,1,0,0,0,0,0 +24833,0,0,0,1,1,0 +24834,0,0,1,0,0,0 +24835,0,0,1,0,0,0 +24836,0,0,0,1,0,0 +24837,1,0,0,1,0,0 +24838,0,0,0,0,0,1 +24839,0,0,1,0,0,0 +24840,1,0,0,0,0,0 +24841,0,0,1,0,0,0 +24842,1,0,0,0,0,0 +24843,0,0,0,1,0,0 +24844,1,0,0,0,0,0 +24845,1,0,0,1,0,0 +24846,1,0,0,1,0,0 +24847,1,0,0,1,0,0 +24848,1,0,0,0,0,0 +24849,0,1,0,0,0,0 +24850,0,1,0,0,0,0 +24851,1,0,0,1,0,0 +24852,1,0,0,1,0,0 +24853,0,1,0,0,0,0 +24854,1,0,0,0,0,0 +24855,1,0,0,0,0,0 +24856,0,1,0,0,0,0 +24857,0,0,1,0,0,0 +24858,0,0,1,0,0,0 +24859,1,0,0,0,0,0 +24860,0,1,0,0,0,0 +24861,0,0,0,1,0,0 +24862,0,0,1,0,0,0 +24863,0,0,0,1,0,0 +24864,0,0,1,1,0,0 +24865,0,1,1,0,0,0 +24866,0,1,0,0,0,0 +24867,0,1,0,0,0,0 +24868,0,0,1,0,0,0 +24869,0,1,0,0,0,0 +24870,1,0,0,0,0,0 +24871,1,0,0,1,0,0 +24872,0,0,1,0,0,0 +24873,0,1,0,0,0,0 +24874,1,0,0,1,0,0 +24875,0,1,0,0,0,0 +24876,1,0,0,1,0,0 +24877,0,0,0,0,0,0 +24878,0,0,1,0,0,0 +24879,0,1,0,0,0,0 +24880,0,1,0,0,0,0 +24881,0,1,0,0,0,0 +24882,0,0,0,0,0,1 +24883,0,0,1,0,0,0 +24884,1,0,0,1,0,0 +24885,1,0,0,0,0,0 +24886,1,0,0,0,0,0 +24887,0,0,1,0,0,0 +24888,0,0,1,1,0,0 +24889,1,0,0,1,0,0 +24890,0,0,1,0,0,0 +24891,1,0,0,1,0,0 +24892,1,1,0,0,0,0 +24893,0,0,1,0,0,0 +24894,1,0,0,1,0,0 +24895,0,0,1,1,0,0 +24896,0,0,1,1,0,0 +24897,1,1,0,1,0,0 +24898,0,0,1,0,0,0 +24899,0,1,0,0,0,0 +24900,1,0,1,1,0,0 +24901,1,0,0,0,1,0 +24902,0,1,0,0,0,0 +24903,0,1,0,0,0,0 +24904,0,0,1,0,0,0 +24905,1,0,0,1,0,0 +24906,0,1,0,0,0,0 +24907,0,1,0,0,0,0 +24908,1,0,0,1,0,0 +24909,0,1,0,0,0,0 +24910,0,0,1,0,0,0 +24911,0,1,0,0,0,0 +24912,1,1,0,0,0,0 +24913,0,1,0,0,0,0 +24914,0,0,1,0,0,0 +24915,0,1,0,0,0,0 +24916,0,0,0,0,0,0 +24917,0,1,1,0,0,0 +24918,1,0,0,0,0,0 +24919,0,1,0,0,0,0 +24920,1,0,0,0,0,0 +24921,0,1,0,0,0,0 +24922,1,0,0,0,0,0 +24923,0,1,0,0,0,0 +24924,1,0,0,0,0,0 +24925,0,1,0,0,0,0 +24926,0,0,1,0,0,0 +24927,0,1,0,0,0,0 +24928,1,0,1,0,0,0 +24929,0,1,0,0,0,0 +24930,0,1,0,0,0,0 +24931,0,1,0,0,0,0 +24932,0,0,1,0,0,0 +24933,1,0,0,0,0,0 +24934,1,0,0,0,0,0 +24935,1,0,0,1,0,0 +24936,1,0,0,0,0,0 +24937,0,0,1,0,0,0 +24938,0,0,0,1,0,0 +24939,0,0,1,1,0,0 +24940,0,1,0,0,0,0 +24941,1,0,0,0,0,0 +24942,0,0,1,0,0,0 +24943,1,0,0,0,0,0 +24944,1,0,0,1,0,0 +24945,1,0,0,0,0,0 +24946,0,0,1,0,0,0 +24947,0,0,1,0,0,0 +24948,0,0,0,0,0,0 +24949,1,0,0,0,0,0 +24950,1,0,0,0,0,0 +24951,0,1,0,0,0,0 +24952,0,0,1,0,0,0 +24953,0,0,1,0,0,0 +24954,0,1,0,0,0,0 +24955,1,0,0,0,0,0 +24956,0,0,1,0,0,0 +24957,1,0,0,0,0,0 +24958,0,0,0,1,0,0 +24959,1,0,0,0,0,0 +24960,0,1,0,0,0,0 +24961,1,0,0,0,0,0 +24962,0,1,0,0,0,0 +24963,0,1,0,0,0,0 +24964,1,0,0,0,0,0 +24965,0,1,0,1,0,0 +24966,1,0,0,0,0,0 +24967,1,0,0,1,0,0 +24968,1,0,0,0,0,0 +24969,1,0,0,1,0,0 +24970,1,0,1,1,0,0 +24971,1,0,0,1,0,0 +24972,0,1,0,0,0,0 +24973,0,0,1,0,0,0 +24974,0,1,0,0,0,0 +24975,0,1,0,0,0,0 +24976,0,1,0,0,0,0 +24977,1,0,0,1,0,0 +24978,0,1,0,0,0,0 +24979,1,0,0,0,0,0 +24980,1,0,0,0,0,0 +24981,0,1,0,0,0,0 +24982,0,1,0,0,0,0 +24983,0,0,1,0,0,0 +24984,0,1,0,0,0,0 +24985,1,0,0,0,0,0 +24986,1,0,0,1,0,0 +24987,1,0,0,1,0,0 +24988,0,0,0,1,0,0 +24989,0,0,1,0,0,0 +24990,1,0,1,0,0,0 +24991,1,0,0,1,0,0 +24992,1,0,0,1,0,0 +24993,0,0,1,0,0,0 +24994,1,0,0,0,0,0 +24995,0,1,0,0,0,0 +24996,1,0,0,1,0,0 +24997,0,0,1,0,0,0 +24998,0,1,0,0,0,0 +24999,0,0,1,0,0,0 +25000,0,1,0,0,0,0 +25001,0,1,0,0,0,0 +25002,0,1,0,0,0,0 +25003,0,0,1,1,0,0 +25004,1,0,0,1,0,0 +25005,0,1,0,0,0,0 +25006,1,0,0,0,0,0 +25007,0,1,0,0,0,0 +25008,1,1,0,0,0,0 +25009,1,0,0,0,0,0 +25010,0,0,1,0,0,0 +25011,0,0,0,0,0,1 +25012,0,0,0,0,0,0 +25013,0,0,1,0,0,0 +25014,0,1,0,0,0,0 +25015,1,0,0,1,0,0 +25016,0,1,0,0,0,0 +25017,1,0,0,0,0,0 +25018,1,0,0,0,0,0 +25019,0,1,0,0,0,0 +25020,0,0,1,0,0,0 +25021,1,0,1,1,0,0 +25022,1,0,0,0,0,0 +25023,1,0,0,0,0,0 +25024,1,0,0,0,0,0 +25025,0,0,1,0,0,0 +25026,1,0,0,0,0,0 +25027,1,0,0,1,0,0 +25028,0,1,0,0,0,0 +25029,1,0,0,0,0,0 +25030,0,1,0,0,0,0 +25031,1,0,1,1,0,0 +25032,0,1,0,0,0,0 +25033,1,0,0,1,0,0 +25034,0,1,0,0,0,1 +25035,1,0,1,0,0,0 +25036,0,0,1,0,0,0 +25037,0,1,1,0,0,0 +25038,0,1,0,0,0,0 +25039,0,0,1,0,0,0 +25040,0,0,1,0,0,0 +25041,1,0,0,0,0,0 +25042,0,0,0,0,1,0 +25043,0,0,0,0,0,0 +25044,0,1,1,0,0,0 +25045,0,0,1,0,0,0 +25046,0,1,1,0,0,0 +25047,1,0,1,1,0,0 +25048,0,1,1,0,0,0 +25049,0,0,1,1,0,0 +25050,1,0,0,0,0,0 +25051,1,0,0,1,0,0 +25052,0,1,0,0,0,0 +25053,1,0,0,0,0,0 +25054,1,1,0,0,0,0 +25055,1,0,0,1,0,0 +25056,0,0,1,0,0,0 +25057,1,0,1,1,0,0 +25058,1,0,0,0,0,0 +25059,1,0,0,1,0,0 +25060,0,0,1,0,0,0 +25061,1,0,0,1,0,0 +25062,0,0,1,0,0,0 +25063,1,0,1,1,0,0 +25064,0,1,0,0,0,0 +25065,0,0,1,0,0,0 +25066,1,0,0,1,0,0 +25067,0,0,0,1,0,1 +25068,1,0,0,0,0,0 +25069,0,0,0,0,0,0 +25070,0,0,0,0,0,0 +25071,0,1,0,0,0,0 +25072,0,1,0,0,0,0 +25073,1,0,0,1,0,0 +25074,1,0,0,0,0,0 +25075,0,0,0,0,1,0 +25076,1,0,0,1,0,0 +25077,1,0,0,1,0,0 +25078,1,0,0,0,0,0 +25079,1,0,0,1,0,0 +25080,1,0,0,1,0,0 +25081,1,0,0,0,0,0 +25082,1,0,0,1,0,0 +25083,0,0,1,0,0,0 +25084,0,1,1,0,0,0 +25085,1,0,0,1,0,0 +25086,0,0,1,0,0,0 +25087,1,0,0,1,0,0 +25088,0,1,0,0,0,0 +25089,1,1,0,0,0,0 +25090,1,0,1,1,0,0 +25091,0,0,0,0,0,0 +25092,1,0,0,0,0,0 +25093,1,0,0,0,0,0 +25094,0,1,0,0,0,0 +25095,0,0,1,0,0,0 +25096,0,1,0,0,0,0 +25097,1,0,0,1,0,0 +25098,0,1,0,0,0,0 +25099,1,0,0,1,0,0 +25100,1,0,0,0,0,0 +25101,0,1,1,0,0,0 +25102,0,0,0,1,0,1 +25103,0,1,0,0,0,0 +25104,1,0,0,0,0,0 +25105,0,0,1,0,0,0 +25106,1,0,0,1,0,0 +25107,0,0,1,0,0,0 +25108,1,0,0,0,0,0 +25109,0,1,1,0,0,0 +25110,0,0,1,0,0,0 +25111,0,1,0,0,0,0 +25112,1,0,0,0,0,0 +25113,1,0,0,0,0,0 +25114,0,0,1,0,0,0 +25115,1,0,0,1,0,0 +25116,1,0,1,0,0,0 +25117,1,0,0,0,0,0 +25118,0,1,0,0,0,0 +25119,0,0,1,0,0,0 +25120,1,0,0,1,0,0 +25121,0,0,1,0,0,0 +25122,1,0,0,0,0,0 +25123,0,0,1,0,0,0 +25124,0,0,1,0,0,0 +25125,0,1,0,0,0,0 +25126,1,0,0,0,0,0 +25127,1,0,0,0,0,0 +25128,0,0,1,0,0,0 +25129,1,0,0,1,0,0 +25130,0,0,1,0,0,0 +25131,1,0,1,0,0,0 +25132,0,0,0,1,0,0 +25133,0,1,0,0,0,0 +25134,0,1,0,0,0,0 +25135,1,0,0,1,0,0 +25136,1,0,0,1,0,0 +25137,0,0,0,1,0,0 +25138,0,0,1,1,0,0 +25139,1,0,0,1,0,0 +25140,1,0,0,0,0,0 +25141,1,0,0,0,0,0 +25142,1,0,0,1,0,0 +25143,0,1,1,0,0,0 +25144,0,1,0,0,0,0 +25145,1,0,0,1,0,0 +25146,0,1,0,0,0,0 +25147,0,0,1,0,0,0 +25148,1,0,0,1,0,0 +25149,0,1,0,0,0,0 +25150,0,0,1,0,0,0 +25151,0,1,0,0,0,0 +25152,0,1,0,0,0,0 +25153,1,0,1,0,0,0 +25154,0,0,0,0,0,0 +25155,1,0,0,1,0,0 +25156,0,0,1,0,0,0 +25157,1,0,0,0,0,0 +25158,1,0,0,0,0,0 +25159,0,1,0,0,0,0 +25160,0,1,0,0,0,0 +25161,1,0,0,1,0,0 +25162,0,1,0,0,0,0 +25163,0,0,1,0,0,0 +25164,0,0,0,1,1,0 +25165,0,0,1,0,0,0 +25166,0,1,0,0,0,0 +25167,0,1,0,0,0,0 +25168,1,0,0,0,0,0 +25169,0,1,0,0,0,0 +25170,0,0,1,0,0,0 +25171,0,0,1,1,0,0 +25172,0,0,1,0,0,0 +25173,0,0,1,1,0,0 +25174,0,0,1,0,0,0 +25175,0,1,0,0,0,0 +25176,1,0,0,1,0,0 +25177,0,1,0,0,0,0 +25178,0,1,0,0,0,0 +25179,1,0,0,0,0,0 +25180,0,0,1,1,0,0 +25181,0,1,0,1,0,0 +25182,0,0,0,0,0,0 +25183,0,1,0,0,0,0 +25184,0,0,1,0,0,0 +25185,1,0,0,0,0,0 +25186,1,0,0,0,0,0 +25187,1,0,0,1,0,0 +25188,1,0,0,0,0,0 +25189,1,0,0,0,0,0 +25190,1,0,0,1,0,0 +25191,0,0,1,0,0,0 +25192,0,0,1,0,0,0 +25193,1,0,0,1,0,0 +25194,0,1,0,0,0,0 +25195,0,0,0,1,0,0 +25196,0,1,0,0,0,0 +25197,1,0,0,1,0,0 +25198,0,0,1,0,0,0 +25199,0,1,0,0,0,0 +25200,0,1,0,0,0,0 +25201,1,0,0,0,0,0 +25202,0,1,0,0,0,0 +25203,1,0,0,0,0,0 +25204,0,1,0,0,0,0 +25205,1,0,0,1,0,0 +25206,0,0,1,0,0,0 +25207,0,1,0,0,0,0 +25208,1,0,0,0,0,0 +25209,0,1,0,0,0,0 +25210,1,0,0,0,0,0 +25211,1,0,0,1,0,0 +25212,0,0,1,0,0,0 +25213,0,1,0,0,0,0 +25214,0,0,1,1,0,0 +25215,1,0,0,0,0,0 +25216,1,0,1,1,0,0 +25217,1,0,0,1,0,0 +25218,1,0,0,0,0,0 +25219,1,0,1,0,0,0 +25220,1,0,0,1,0,0 +25221,0,1,0,0,0,0 +25222,1,1,0,1,0,0 +25223,0,0,0,1,0,0 +25224,0,0,1,0,0,0 +25225,0,0,1,0,0,0 +25226,1,0,0,0,0,0 +25227,0,0,1,0,0,0 +25228,0,1,0,0,0,0 +25229,1,1,0,0,0,0 +25230,0,1,0,0,0,0 +25231,0,0,1,0,0,0 +25232,0,0,1,1,0,0 +25233,0,1,0,0,0,0 +25234,0,0,1,0,0,0 +25235,1,1,0,0,0,0 +25236,1,0,0,1,0,0 +25237,0,1,0,0,0,0 +25238,1,0,0,1,0,0 +25239,1,0,0,0,0,0 +25240,0,0,1,0,0,0 +25241,0,0,1,0,0,0 +25242,1,0,0,0,0,0 +25243,1,0,0,0,0,0 +25244,0,1,0,0,0,0 +25245,0,1,0,0,0,0 +25246,0,0,1,0,0,0 +25247,1,0,0,0,0,0 +25248,0,1,0,0,0,0 +25249,0,1,0,0,0,0 +25250,0,0,1,0,0,0 +25251,0,0,1,0,0,0 +25252,1,1,0,0,0,0 +25253,0,1,0,0,1,0 +25254,1,0,0,0,0,0 +25255,1,0,0,1,0,0 +25256,0,1,0,0,0,0 +25257,1,0,0,1,0,0 +25258,1,0,0,0,0,0 +25259,0,1,0,0,0,0 +25260,1,0,0,1,0,0 +25261,0,0,0,1,0,0 +25262,1,1,0,0,0,0 +25263,1,0,0,0,0,0 +25264,0,0,1,0,0,0 +25265,1,0,0,1,0,0 +25266,1,0,0,0,0,0 +25267,0,1,0,0,0,0 +25268,1,0,0,1,0,0 +25269,0,0,1,1,0,0 +25270,0,1,0,0,0,0 +25271,0,0,0,1,0,0 +25272,0,0,1,0,0,0 +25273,1,0,0,1,0,0 +25274,1,0,0,1,0,0 +25275,0,0,0,1,0,0 +25276,0,0,1,1,0,0 +25277,1,0,0,0,0,0 +25278,0,1,0,0,0,0 +25279,0,1,0,0,0,0 +25280,0,0,0,0,0,0 +25281,0,0,0,1,0,0 +25282,0,1,0,0,0,0 +25283,0,1,0,0,0,0 +25284,1,0,1,1,0,0 +25285,0,0,1,0,0,0 +25286,1,0,1,0,0,0 +25287,0,1,0,0,0,0 +25288,0,0,1,0,0,0 +25289,0,1,0,0,0,0 +25290,1,0,0,1,0,0 +25291,1,0,0,0,0,0 +25292,0,1,0,0,0,0 +25293,1,0,0,1,0,0 +25294,0,0,1,0,0,0 +25295,0,1,0,0,0,0 +25296,1,0,0,0,0,0 +25297,1,0,0,1,0,0 +25298,0,1,0,0,0,0 +25299,0,1,0,0,0,0 +25300,0,1,0,0,0,0 +25301,1,0,0,0,0,0 +25302,0,1,0,0,1,0 +25303,1,0,1,0,0,0 +25304,0,0,1,0,0,0 +25305,1,0,0,0,0,0 +25306,0,0,0,0,1,0 +25307,1,0,0,1,0,0 +25308,0,1,0,0,0,0 +25309,0,0,1,0,0,0 +25310,0,1,0,0,0,0 +25311,0,0,0,0,1,0 +25312,0,0,1,1,0,0 +25313,1,0,0,1,0,0 +25314,0,1,0,0,0,0 +25315,0,0,0,1,0,0 +25316,1,0,0,0,0,0 +25317,1,0,0,0,0,0 +25318,0,1,0,0,0,0 +25319,1,0,1,1,0,0 +25320,0,1,0,0,0,0 +25321,0,1,1,0,0,0 +25322,1,0,0,0,0,0 +25323,0,0,1,0,0,0 +25324,0,0,0,0,1,0 +25325,1,0,0,1,0,0 +25326,1,0,1,1,0,0 +25327,1,0,0,0,0,0 +25328,0,0,1,0,0,0 +25329,1,0,0,0,0,0 +25330,0,1,0,0,0,0 +25331,0,1,0,0,0,0 +25332,0,1,0,0,0,0 +25333,1,0,0,1,0,0 +25334,0,1,0,0,0,0 +25335,0,0,1,0,0,0 +25336,1,0,0,1,0,0 +25337,1,0,0,0,0,0 +25338,0,1,0,1,0,0 +25339,0,0,1,0,0,0 +25340,1,0,1,1,0,0 +25341,0,1,0,0,0,0 +25342,0,0,0,1,0,0 +25343,0,0,1,0,0,0 +25344,0,0,0,1,1,0 +25345,1,0,0,1,0,0 +25346,1,0,0,0,0,0 +25347,1,0,0,1,0,0 +25348,0,1,0,0,0,0 +25349,1,0,0,1,0,0 +25350,0,1,0,1,0,0 +25351,1,0,0,1,0,0 +25352,0,1,0,0,1,0 +25353,0,1,0,0,0,0 +25354,0,0,0,1,0,0 +25355,0,0,1,0,0,0 +25356,0,1,1,0,0,0 +25357,0,0,1,0,0,0 +25358,1,0,0,0,0,0 +25359,0,0,1,1,0,0 +25360,1,0,0,0,0,0 +25361,1,0,0,1,0,0 +25362,1,0,1,0,0,0 +25363,1,0,0,0,0,0 +25364,0,0,0,1,0,0 +25365,0,0,1,0,0,0 +25366,0,1,0,0,0,0 +25367,1,0,0,0,0,0 +25368,0,1,0,1,0,0 +25369,0,0,1,0,0,0 +25370,0,0,1,1,0,0 +25371,1,0,0,0,0,0 +25372,1,0,0,1,0,0 +25373,0,0,0,1,0,0 +25374,1,0,0,1,0,0 +25375,0,1,0,0,0,0 +25376,1,0,1,0,0,0 +25377,1,0,0,1,0,0 +25378,1,0,0,1,0,0 +25379,0,1,0,0,0,0 +25380,0,0,1,0,0,0 +25381,1,0,0,1,0,0 +25382,0,1,0,0,0,0 +25383,1,0,0,0,0,0 +25384,1,0,0,0,0,0 +25385,0,1,0,0,0,0 +25386,1,0,0,0,0,0 +25387,1,0,0,0,0,0 +25388,0,1,0,0,0,0 +25389,1,0,0,0,0,1 +25390,0,1,0,0,0,0 +25391,1,0,0,1,0,0 +25392,0,0,0,1,1,0 +25393,0,0,1,0,0,0 +25394,0,0,0,1,0,0 +25395,1,0,0,0,0,0 +25396,1,0,0,0,0,0 +25397,1,0,0,1,0,0 +25398,0,1,0,0,0,0 +25399,0,0,1,0,0,0 +25400,1,0,0,0,0,1 +25401,0,0,1,1,0,0 +25402,1,0,0,1,0,0 +25403,0,0,1,0,0,0 +25404,0,1,0,0,0,0 +25405,0,1,0,0,0,0 +25406,0,0,1,0,0,0 +25407,0,1,0,0,0,0 +25408,1,1,0,0,0,0 +25409,0,1,0,0,0,0 +25410,1,0,0,0,0,0 +25411,0,0,1,0,0,0 +25412,1,0,0,0,0,0 +25413,0,0,1,0,0,0 +25414,0,0,0,0,1,0 +25415,0,0,0,0,1,0 +25416,0,1,0,0,0,0 +25417,0,0,0,0,0,0 +25418,0,1,0,0,0,0 +25419,1,0,0,1,0,0 +25420,1,0,0,1,0,0 +25421,1,0,1,0,0,0 +25422,0,1,0,0,0,0 +25423,0,1,0,0,0,0 +25424,1,0,0,0,0,0 +25425,1,0,0,0,0,0 +25426,0,0,1,1,0,0 +25427,0,0,1,0,0,0 +25428,1,0,0,0,0,0 +25429,1,0,0,1,0,0 +25430,1,0,0,0,0,0 +25431,1,0,0,0,0,0 +25432,0,1,0,0,0,0 +25433,1,0,0,0,0,0 +25434,0,0,0,1,0,0 +25435,1,0,0,0,0,0 +25436,0,1,1,0,0,0 +25437,1,1,0,0,0,0 +25438,1,0,0,1,0,0 +25439,0,0,1,0,0,0 +25440,0,0,1,0,0,0 +25441,0,0,1,0,0,0 +25442,0,1,0,0,0,0 +25443,1,0,0,1,0,0 +25444,1,0,0,0,0,0 +25445,1,0,0,0,0,0 +25446,0,0,0,1,1,0 +25447,0,1,0,0,0,0 +25448,0,1,0,0,0,0 +25449,0,0,1,0,0,0 +25450,0,1,0,0,0,0 +25451,0,0,0,1,0,0 +25452,0,1,0,0,0,0 +25453,1,0,0,0,0,0 +25454,0,1,0,0,0,0 +25455,1,0,0,0,0,0 +25456,1,0,0,1,0,0 +25457,0,1,0,0,0,0 +25458,0,1,0,0,0,0 +25459,0,0,1,1,0,0 +25460,1,0,1,0,0,0 +25461,0,1,0,0,0,0 +25462,1,0,0,0,0,0 +25463,1,0,0,0,0,0 +25464,1,0,1,0,0,0 +25465,1,0,0,1,0,0 +25466,0,0,1,1,0,0 +25467,0,0,0,0,0,0 +25468,0,1,0,0,0,0 +25469,1,0,1,0,0,0 +25470,1,0,0,0,0,0 +25471,0,0,1,0,0,0 +25472,1,0,0,1,0,0 +25473,0,0,1,0,0,0 +25474,1,0,0,0,0,0 +25475,0,0,1,0,0,0 +25476,0,0,1,0,0,0 +25477,1,0,0,1,0,0 +25478,0,1,0,0,0,0 +25479,1,0,0,1,0,0 +25480,1,0,0,1,0,0 +25481,0,1,1,0,0,0 +25482,0,1,0,0,0,0 +25483,0,1,0,0,0,0 +25484,1,0,0,0,0,0 +25485,0,1,0,0,0,0 +25486,1,0,0,0,0,0 +25487,1,0,0,0,0,0 +25488,0,1,0,0,0,0 +25489,1,0,0,0,0,0 +25490,1,0,0,0,0,0 +25491,1,0,0,0,0,0 +25492,0,0,1,0,0,0 +25493,0,0,1,0,0,0 +25494,0,1,0,0,0,0 +25495,0,1,0,0,1,0 +25496,0,1,0,0,0,0 +25497,1,0,0,1,0,0 +25498,0,1,0,0,0,0 +25499,0,0,0,0,0,0 +25500,0,0,1,0,0,0 +25501,1,0,0,0,0,0 +25502,1,0,0,0,0,0 +25503,0,1,0,0,0,0 +25504,0,1,1,0,0,0 +25505,0,1,0,0,0,0 +25506,0,0,1,0,0,0 +25507,0,0,1,1,0,0 +25508,1,0,0,0,0,0 +25509,1,0,0,0,0,0 +25510,0,0,0,0,1,0 +25511,0,0,1,0,0,0 +25512,1,0,1,1,0,0 +25513,1,0,0,0,0,0 +25514,0,1,0,0,0,0 +25515,1,0,1,0,0,0 +25516,0,1,0,0,0,0 +25517,0,1,1,0,0,0 +25518,1,0,0,1,0,0 +25519,0,0,1,0,0,0 +25520,1,0,0,1,0,0 +25521,0,1,0,0,0,0 +25522,0,1,0,0,0,0 +25523,1,0,0,1,0,0 +25524,0,0,1,0,0,0 +25525,1,0,0,0,0,0 +25526,1,0,0,0,0,0 +25527,0,0,1,0,0,0 +25528,0,0,0,1,0,0 +25529,0,0,1,0,0,0 +25530,1,0,0,0,0,0 +25531,0,1,0,0,0,0 +25532,0,1,0,0,0,0 +25533,1,0,0,0,0,0 +25534,0,0,1,0,0,0 +25535,1,0,0,1,0,0 +25536,1,0,0,1,0,0 +25537,1,0,0,0,0,0 +25538,0,0,0,1,0,1 +25539,1,0,0,1,0,0 +25540,1,0,0,0,0,0 +25541,0,1,1,0,0,0 +25542,0,1,0,0,0,0 +25543,1,0,0,0,0,0 +25544,0,1,1,0,0,0 +25545,0,1,1,0,0,0 +25546,0,1,0,0,0,0 +25547,1,0,0,0,0,0 +25548,1,1,0,0,0,0 +25549,1,0,0,0,0,0 +25550,1,0,0,1,0,0 +25551,0,1,0,0,0,0 +25552,1,0,0,0,0,0 +25553,0,0,1,1,0,0 +25554,0,1,0,0,0,0 +25555,1,0,0,1,0,0 +25556,0,0,1,1,0,0 +25557,0,0,1,0,0,0 +25558,0,0,1,0,0,0 +25559,1,0,0,1,0,0 +25560,0,1,0,0,0,0 +25561,0,1,0,0,0,0 +25562,1,0,0,0,0,0 +25563,0,1,0,0,0,0 +25564,0,0,1,1,0,0 +25565,1,0,0,0,0,0 +25566,0,1,0,0,0,0 +25567,0,0,1,0,0,0 +25568,0,1,0,0,0,0 +25569,0,1,0,0,0,0 +25570,0,0,0,0,0,0 +25571,0,0,0,0,0,0 +25572,0,1,0,0,1,0 +25573,0,1,0,0,0,0 +25574,0,1,0,0,0,0 +25575,0,1,0,0,0,0 +25576,1,0,1,0,0,0 +25577,0,1,0,0,0,0 +25578,0,1,0,0,0,0 +25579,1,0,0,1,0,0 +25580,0,0,1,1,0,0 +25581,0,1,0,0,0,0 +25582,1,0,0,1,0,0 +25583,1,0,0,0,0,0 +25584,1,0,0,1,0,0 +25585,0,1,0,0,0,0 +25586,0,1,0,0,0,0 +25587,0,1,0,0,0,0 +25588,1,0,0,1,0,0 +25589,0,0,0,0,1,0 +25590,1,0,1,1,0,0 +25591,0,1,0,0,0,0 +25592,1,0,1,1,0,0 +25593,0,1,0,0,0,0 +25594,0,0,1,1,0,0 +25595,0,0,1,0,0,0 +25596,0,0,1,1,0,0 +25597,1,0,0,1,0,0 +25598,1,0,0,0,0,0 +25599,0,1,1,0,0,0 +25600,0,0,1,0,0,0 +25601,0,1,0,0,0,0 +25602,0,1,0,0,0,0 +25603,1,0,0,1,0,0 +25604,0,0,1,0,0,0 +25605,0,1,0,0,0,0 +25606,0,1,0,0,0,0 +25607,1,0,0,1,0,0 +25608,0,1,0,0,0,0 +25609,0,0,1,0,0,0 +25610,1,0,0,1,0,0 +25611,1,0,0,1,0,0 +25612,1,0,0,1,0,0 +25613,1,0,0,0,0,0 +25614,0,1,0,0,0,0 +25615,1,0,0,0,0,0 +25616,0,1,0,0,1,0 +25617,1,0,0,0,0,0 +25618,1,0,0,1,0,0 +25619,1,0,0,1,0,0 +25620,0,0,1,0,0,0 +25621,0,1,0,0,0,0 +25622,0,0,1,0,0,0 +25623,1,0,0,0,0,0 +25624,0,0,0,1,0,0 +25625,0,0,1,1,0,0 +25626,1,0,0,1,0,0 +25627,1,0,0,1,0,0 +25628,0,0,1,1,0,0 +25629,1,1,0,0,0,0 +25630,0,0,1,0,0,0 +25631,1,0,0,0,0,0 +25632,1,0,0,0,0,0 +25633,0,1,0,0,0,0 +25634,1,0,0,0,0,0 +25635,0,0,0,1,0,0 +25636,1,0,1,0,0,0 +25637,1,0,0,0,0,0 +25638,1,0,0,1,0,0 +25639,0,1,0,0,0,0 +25640,1,0,0,1,0,0 +25641,1,0,0,0,0,0 +25642,0,1,0,0,0,0 +25643,1,0,0,1,0,0 +25644,0,1,1,0,0,0 +25645,1,1,0,0,0,0 +25646,1,0,0,1,0,0 +25647,1,0,0,1,0,0 +25648,0,0,0,1,0,0 +25649,1,0,0,0,0,0 +25650,0,0,1,0,0,0 +25651,0,1,0,0,0,0 +25652,1,0,0,0,0,0 +25653,1,0,0,1,0,0 +25654,0,1,0,0,0,0 +25655,1,0,0,1,0,0 +25656,1,0,0,0,0,0 +25657,1,0,0,0,0,0 +25658,0,1,0,0,0,0 +25659,1,0,0,0,0,0 +25660,1,0,0,1,0,0 +25661,1,0,0,1,0,0 +25662,0,0,1,1,0,0 +25663,1,0,0,1,0,0 +25664,1,0,1,0,0,0 +25665,0,0,1,1,0,0 +25666,1,0,0,0,0,0 +25667,1,0,0,1,0,0 +25668,1,0,0,1,0,0 +25669,0,1,0,0,0,0 +25670,0,1,0,0,0,0 +25671,1,0,0,1,0,0 +25672,0,1,0,0,0,0 +25673,1,0,0,0,0,0 +25674,0,1,0,0,0,0 +25675,1,0,0,1,0,0 +25676,0,0,1,0,0,0 +25677,1,0,0,0,0,0 +25678,0,0,1,0,0,0 +25679,1,0,0,1,0,0 +25680,1,0,0,1,0,0 +25681,0,0,1,0,0,0 +25682,1,0,1,0,0,0 +25683,1,0,0,1,0,0 +25684,0,0,1,0,0,0 +25685,0,1,0,0,0,0 +25686,0,1,0,0,0,0 +25687,1,0,0,1,0,0 +25688,0,0,1,1,0,0 +25689,0,1,0,0,0,0 +25690,0,0,1,1,0,0 +25691,0,1,0,0,0,0 +25692,1,0,0,0,0,0 +25693,1,0,0,0,0,0 +25694,0,1,0,0,0,0 +25695,1,1,0,0,0,0 +25696,1,0,0,1,0,0 +25697,0,1,0,0,0,0 +25698,1,0,0,0,0,0 +25699,0,0,1,0,0,0 +25700,0,1,0,0,0,0 +25701,1,0,0,0,0,0 +25702,1,0,0,0,0,0 +25703,0,1,0,0,0,0 +25704,1,0,0,0,0,0 +25705,1,0,0,1,0,0 +25706,0,1,0,0,0,0 +25707,1,0,0,0,0,0 +25708,1,0,0,1,0,0 +25709,1,0,0,1,0,0 +25710,0,0,0,1,0,0 +25711,0,0,1,0,0,0 +25712,0,1,0,0,0,0 +25713,0,1,0,0,0,0 +25714,0,0,1,0,0,0 +25715,0,1,0,0,0,0 +25716,0,1,0,0,0,0 +25717,1,0,0,0,0,0 +25718,1,0,0,1,0,0 +25719,1,0,1,1,0,0 +25720,0,1,0,0,0,0 +25721,1,0,1,0,0,0 +25722,0,1,0,0,0,0 +25723,1,0,0,0,0,0 +25724,0,1,0,0,0,0 +25725,0,1,0,0,0,0 +25726,1,0,0,0,0,0 +25727,0,0,1,0,0,0 +25728,0,0,1,0,0,0 +25729,1,0,0,0,0,0 +25730,1,0,0,1,0,0 +25731,0,1,0,0,0,0 +25732,1,0,0,0,0,0 +25733,0,1,0,0,0,0 +25734,1,0,0,0,0,0 +25735,1,0,0,0,0,0 +25736,0,0,0,1,1,0 +25737,0,0,1,0,0,0 +25738,1,0,0,1,0,0 +25739,1,0,0,1,0,0 +25740,0,1,0,0,0,0 +25741,1,0,0,1,0,0 +25742,0,1,0,0,0,0 +25743,1,0,0,1,0,0 +25744,1,0,0,0,0,0 +25745,0,1,0,0,0,0 +25746,0,0,1,0,0,0 +25747,1,0,0,1,0,0 +25748,0,0,1,0,0,0 +25749,0,0,1,0,0,0 +25750,0,0,1,1,0,0 +25751,1,0,0,0,0,0 +25752,0,0,1,0,0,0 +25753,0,0,1,0,0,0 +25754,1,0,0,1,0,0 +25755,1,0,1,0,0,0 +25756,0,1,0,0,0,0 +25757,1,0,0,0,0,0 +25758,1,0,1,0,0,0 +25759,1,0,1,0,0,0 +25760,1,0,0,0,0,0 +25761,0,0,1,0,0,0 +25762,0,0,0,1,0,0 +25763,1,0,0,1,0,0 +25764,0,0,0,1,0,0 +25765,1,0,0,0,0,0 +25766,1,0,0,0,0,0 +25767,0,1,0,0,0,0 +25768,1,0,0,1,0,0 +25769,0,0,1,0,0,0 +25770,1,0,0,1,0,0 +25771,0,1,0,0,0,0 +25772,0,0,0,0,0,1 +25773,1,0,0,0,0,0 +25774,1,0,0,0,0,0 +25775,0,0,1,1,0,0 +25776,1,0,0,1,0,0 +25777,0,1,0,0,0,0 +25778,1,0,1,0,0,0 +25779,0,1,0,0,0,0 +25780,1,0,0,0,0,0 +25781,1,0,0,1,0,0 +25782,0,1,0,0,0,0 +25783,0,0,1,0,0,0 +25784,1,0,0,1,0,0 +25785,1,0,0,0,0,0 +25786,1,0,0,0,0,0 +25787,0,1,0,0,0,0 +25788,1,0,1,0,0,0 +25789,0,1,0,0,0,0 +25790,0,1,1,0,0,0 +25791,1,0,0,0,0,0 +25792,0,0,1,1,0,0 +25793,1,0,0,0,0,0 +25794,0,0,1,0,0,0 +25795,1,0,0,0,0,0 +25796,0,0,1,1,0,0 +25797,1,0,1,0,0,0 +25798,0,1,0,0,0,0 +25799,1,0,0,0,0,0 +25800,0,0,0,0,0,1 +25801,0,0,0,1,0,1 +25802,0,0,1,0,0,0 +25803,0,0,0,1,0,0 +25804,1,0,0,1,0,0 +25805,0,0,1,0,0,0 +25806,1,0,0,1,0,0 +25807,0,0,1,0,0,0 +25808,0,0,1,0,0,0 +25809,1,0,0,0,0,0 +25810,0,1,0,0,0,0 +25811,1,0,0,1,0,0 +25812,1,0,0,1,0,0 +25813,0,1,1,0,0,0 +25814,1,0,0,1,0,0 +25815,1,0,1,0,0,0 +25816,0,0,0,0,0,1 +25817,0,1,0,0,0,0 +25818,0,0,1,1,0,0 +25819,1,0,0,1,0,0 +25820,0,0,0,0,0,0 +25821,1,0,1,1,0,0 +25822,1,0,0,0,0,0 +25823,1,0,0,0,0,0 +25824,1,0,0,1,0,0 +25825,1,0,0,0,0,0 +25826,1,0,0,0,0,0 +25827,1,0,0,1,0,1 +25828,1,0,0,1,0,0 +25829,0,1,0,0,0,0 +25830,0,1,1,0,0,0 +25831,0,1,0,1,0,0 +25832,1,0,0,0,0,0 +25833,1,0,0,0,0,0 +25834,0,0,0,1,0,1 +25835,0,1,0,0,0,0 +25836,0,0,1,0,0,0 +25837,1,0,0,0,0,0 +25838,0,1,0,0,0,0 +25839,1,0,0,1,0,0 +25840,1,0,0,0,0,0 +25841,1,0,0,0,0,0 +25842,0,0,1,0,0,0 +25843,0,1,0,0,0,0 +25844,1,0,0,0,0,0 +25845,1,0,0,0,0,0 +25846,1,0,0,1,0,0 +25847,0,1,0,0,0,0 +25848,1,0,0,0,0,0 +25849,0,1,0,0,0,0 +25850,0,0,1,0,0,0 +25851,0,1,1,0,0,0 +25852,1,0,0,1,0,0 +25853,1,0,0,1,0,0 +25854,1,0,0,1,0,0 +25855,1,0,0,0,0,0 +25856,1,0,0,0,0,0 +25857,0,0,1,0,0,0 +25858,0,0,1,0,0,0 +25859,0,0,0,0,0,0 +25860,1,0,0,1,0,0 +25861,0,0,1,0,0,0 +25862,1,0,1,1,0,0 +25863,0,0,0,1,0,0 +25864,0,0,1,0,0,0 +25865,0,0,1,1,0,0 +25866,0,1,0,0,0,0 +25867,1,0,0,0,0,0 +25868,1,0,0,0,0,0 +25869,1,0,0,0,0,0 +25870,1,0,1,1,0,0 +25871,1,0,0,0,0,0 +25872,1,0,1,1,0,0 +25873,0,1,0,0,0,0 +25874,1,0,1,0,0,0 +25875,1,0,0,0,0,0 +25876,1,0,0,0,0,0 +25877,1,0,0,1,0,0 +25878,0,0,1,0,0,0 +25879,0,1,0,0,0,0 +25880,0,1,0,0,0,0 +25881,1,0,0,0,0,0 +25882,1,0,0,0,0,0 +25883,0,1,0,0,1,0 +25884,1,0,0,1,0,0 +25885,1,0,0,1,0,0 +25886,0,1,0,0,0,0 +25887,1,1,0,0,0,0 +25888,0,0,1,0,0,0 +25889,0,0,1,1,0,0 +25890,0,1,0,0,0,0 +25891,0,0,1,0,0,0 +25892,1,0,0,0,0,0 +25893,0,1,0,0,0,0 +25894,1,0,0,0,0,0 +25895,0,0,0,1,0,0 +25896,0,1,0,0,0,0 +25897,0,0,1,0,0,0 +25898,1,0,0,1,0,0 +25899,0,1,0,0,0,0 +25900,0,0,0,0,0,0 +25901,0,0,1,1,0,0 +25902,1,0,1,1,0,0 +25903,0,0,0,1,0,0 +25904,0,1,1,0,0,0 +25905,1,1,0,0,0,0 +25906,1,0,1,0,0,0 +25907,0,1,0,0,0,0 +25908,1,0,0,1,0,0 +25909,1,0,0,0,0,0 +25910,0,0,0,1,0,0 +25911,1,0,0,0,0,0 +25912,1,0,0,0,0,0 +25913,1,0,0,1,0,0 +25914,0,1,0,0,0,0 +25915,0,1,0,0,0,0 +25916,0,1,0,0,0,0 +25917,0,0,1,1,0,0 +25918,1,0,0,0,0,0 +25919,0,0,0,1,0,0 +25920,0,0,1,0,0,0 +25921,1,0,0,0,0,0 +25922,1,0,0,1,0,0 +25923,0,0,1,0,0,0 +25924,0,0,0,1,0,0 +25925,0,0,1,0,0,0 +25926,0,0,1,0,0,0 +25927,0,1,0,0,0,0 +25928,1,1,0,0,0,0 +25929,1,0,0,1,0,0 +25930,1,0,0,0,0,0 +25931,1,0,0,0,0,0 +25932,0,0,0,0,0,1 +25933,0,0,1,0,0,0 +25934,0,1,0,0,0,0 +25935,0,1,0,0,0,0 +25936,0,1,0,0,0,0 +25937,0,0,1,0,0,0 +25938,0,0,1,0,0,0 +25939,1,0,0,0,0,0 +25940,0,1,0,0,0,0 +25941,1,0,0,0,0,0 +25942,1,0,0,1,0,0 +25943,0,0,1,0,0,0 +25944,1,0,0,1,0,0 +25945,0,1,0,0,0,0 +25946,1,0,0,0,0,0 +25947,1,1,0,0,0,0 +25948,0,0,1,0,0,0 +25949,1,0,0,0,0,0 +25950,1,0,0,1,0,0 +25951,0,1,0,0,0,0 +25952,1,0,0,1,0,0 +25953,1,0,0,0,0,0 +25954,1,0,0,0,0,0 +25955,1,0,0,1,0,0 +25956,0,1,0,0,0,0 +25957,0,0,1,0,0,0 +25958,0,0,0,0,0,0 +25959,1,0,0,0,0,0 +25960,1,0,0,0,0,0 +25961,0,1,0,0,0,0 +25962,0,1,0,0,0,0 +25963,0,0,1,0,0,0 +25964,0,1,0,0,0,0 +25965,1,0,0,1,0,0 +25966,1,0,0,1,0,0 +25967,1,0,0,0,0,0 +25968,0,0,1,0,0,0 +25969,1,0,0,0,0,0 +25970,0,1,0,0,0,0 +25971,0,1,0,0,0,0 +25972,0,1,0,0,0,0 +25973,1,0,0,1,0,0 +25974,1,0,0,1,0,0 +25975,1,0,0,0,0,0 +25976,0,1,0,0,0,0 +25977,0,0,0,1,0,0 +25978,0,1,0,0,0,0 +25979,1,0,0,1,0,0 +25980,1,0,0,1,0,0 +25981,0,1,0,0,0,0 +25982,1,0,0,0,0,0 +25983,1,0,0,1,0,0 +25984,0,1,1,0,0,0 +25985,1,0,0,1,0,0 +25986,0,1,0,0,0,0 +25987,1,0,0,1,0,0 +25988,1,0,0,1,0,0 +25989,1,0,0,0,0,0 +25990,1,0,0,0,0,0 +25991,0,1,0,0,0,0 +25992,0,0,1,0,0,0 +25993,0,0,1,1,0,0 +25994,0,0,1,1,0,0 +25995,1,0,0,1,0,0 +25996,0,1,0,0,0,0 +25997,1,0,0,0,0,0 +25998,0,0,1,0,0,0 +25999,0,0,1,0,0,0 +26000,0,1,0,0,0,0 +26001,1,0,0,1,0,0 +26002,0,0,1,0,0,0 +26003,1,0,0,1,0,0 +26004,1,0,0,1,0,0 +26005,1,0,0,0,0,0 +26006,0,1,0,0,0,0 +26007,1,0,0,1,1,0 +26008,0,0,1,1,0,0 +26009,1,0,0,1,0,0 +26010,1,0,0,0,0,0 +26011,1,0,1,0,0,0 +26012,0,0,1,0,0,0 +26013,0,0,1,0,0,0 +26014,0,0,1,0,0,0 +26015,0,0,0,1,0,0 +26016,1,0,0,1,0,0 +26017,1,0,0,0,0,0 +26018,0,1,0,0,0,0 +26019,0,1,0,0,0,0 +26020,0,0,1,0,0,0 +26021,0,1,0,1,0,0 +26022,1,0,0,1,0,0 +26023,1,0,0,0,0,0 +26024,0,1,0,0,0,0 +26025,0,0,0,1,0,1 +26026,0,0,1,1,0,0 +26027,0,0,0,1,0,0 +26028,0,1,0,0,0,0 +26029,1,0,0,1,0,0 +26030,0,1,0,0,0,0 +26031,0,0,1,0,0,0 +26032,0,0,1,0,0,0 +26033,1,0,0,0,0,0 +26034,1,0,0,1,0,0 +26035,1,0,0,0,0,0 +26036,0,1,0,0,0,0 +26037,1,0,0,0,0,0 +26038,0,1,0,0,0,0 +26039,1,0,0,1,0,0 +26040,1,0,1,0,0,0 +26041,1,0,0,0,0,0 +26042,0,1,0,0,0,0 +26043,0,0,1,0,0,0 +26044,1,0,0,0,0,0 +26045,0,0,1,0,0,0 +26046,1,0,0,1,0,0 +26047,0,1,0,0,0,0 +26048,0,0,1,0,0,0 +26049,0,0,1,1,0,0 +26050,1,0,0,1,0,0 +26051,1,0,0,1,0,0 +26052,1,1,0,0,0,0 +26053,1,0,0,1,0,0 +26054,0,1,0,0,0,0 +26055,1,0,0,1,0,0 +26056,0,0,1,0,0,1 +26057,1,0,0,1,0,0 +26058,1,0,0,0,0,0 +26059,1,0,0,1,0,0 +26060,0,1,0,0,0,0 +26061,1,0,0,0,0,0 +26062,0,1,0,0,1,0 +26063,1,0,1,0,0,0 +26064,0,1,0,0,0,0 +26065,0,0,1,1,0,0 +26066,0,1,0,0,0,0 +26067,1,1,0,0,0,0 +26068,1,0,0,1,0,0 +26069,1,0,0,1,0,0 +26070,0,0,1,0,0,0 +26071,0,0,1,0,0,0 +26072,1,0,0,1,0,0 +26073,0,1,0,0,0,0 +26074,0,0,1,0,0,0 +26075,0,1,0,0,0,0 +26076,1,0,0,0,0,0 +26077,0,1,0,0,0,0 +26078,1,1,0,0,0,0 +26079,1,0,1,0,0,0 +26080,0,1,0,0,0,0 +26081,0,0,1,0,0,0 +26082,0,0,1,0,0,0 +26083,0,0,1,0,0,0 +26084,1,0,0,0,0,0 +26085,1,0,1,0,0,0 +26086,0,1,0,0,0,0 +26087,1,0,0,0,0,0 +26088,0,1,0,0,0,0 +26089,0,0,1,0,0,0 +26090,0,1,0,0,0,0 +26091,0,0,0,1,0,0 +26092,0,1,1,0,0,0 +26093,1,0,0,0,0,0 +26094,0,1,0,0,0,0 +26095,1,0,0,1,0,0 +26096,0,1,0,0,0,0 +26097,1,0,0,1,0,0 +26098,0,0,1,0,0,0 +26099,0,0,1,1,0,0 +26100,1,0,0,1,0,0 +26101,1,0,0,0,0,0 +26102,1,0,0,0,0,0 +26103,1,0,1,0,0,0 +26104,0,0,1,0,0,0 +26105,0,1,0,0,0,0 +26106,1,0,0,0,0,0 +26107,0,0,0,0,0,0 +26108,1,0,1,0,0,0 +26109,1,0,0,0,0,0 +26110,1,0,0,1,0,0 +26111,0,1,0,0,0,0 +26112,0,1,0,0,0,0 +26113,0,1,0,0,0,0 +26114,1,0,0,0,0,0 +26115,0,1,0,0,0,0 +26116,0,1,0,0,0,0 +26117,1,0,0,1,0,0 +26118,1,0,0,1,0,0 +26119,0,1,0,0,0,0 +26120,0,0,1,1,0,0 +26121,0,0,1,0,0,0 +26122,1,0,0,1,0,0 +26123,1,0,0,0,1,0 +26124,0,1,0,0,0,0 +26125,1,0,1,0,0,0 +26126,0,1,0,0,0,0 +26127,1,0,0,1,0,0 +26128,0,0,1,0,0,0 +26129,1,0,0,0,0,0 +26130,1,0,1,1,0,0 +26131,0,0,1,0,0,0 +26132,0,1,0,0,0,0 +26133,1,0,0,1,0,0 +26134,1,0,0,0,0,0 +26135,1,0,0,0,0,0 +26136,1,0,0,1,0,0 +26137,1,0,0,1,0,0 +26138,1,0,0,1,0,0 +26139,0,0,1,0,0,0 +26140,1,0,0,0,0,0 +26141,1,0,0,0,0,0 +26142,0,0,0,1,0,0 +26143,1,0,0,0,0,0 +26144,1,0,0,1,0,0 +26145,0,1,0,0,0,0 +26146,0,0,1,0,0,0 +26147,1,0,0,0,0,0 +26148,1,0,0,0,0,0 +26149,0,1,0,0,0,0 +26150,1,0,0,1,0,0 +26151,1,0,1,0,0,0 +26152,0,1,0,0,0,0 +26153,0,0,1,1,0,0 +26154,1,0,0,0,0,0 +26155,0,1,0,0,0,0 +26156,1,0,0,0,0,0 +26157,0,1,0,0,0,0 +26158,0,1,0,0,0,0 +26159,0,0,1,1,0,0 +26160,0,0,1,0,0,0 +26161,1,0,0,1,0,0 +26162,0,1,1,0,0,0 +26163,0,1,0,0,0,0 +26164,1,0,1,1,0,0 +26165,0,0,1,0,0,0 +26166,0,0,0,0,0,0 +26167,1,0,1,0,0,0 +26168,0,1,0,0,0,0 +26169,1,0,0,0,0,0 +26170,0,0,1,0,0,0 +26171,0,0,1,0,0,0 +26172,1,0,0,0,0,0 +26173,0,0,1,0,0,0 +26174,0,0,1,0,0,0 +26175,1,0,0,1,0,0 +26176,0,1,0,0,0,0 +26177,1,0,0,1,0,0 +26178,1,0,0,1,0,0 +26179,1,0,0,0,0,0 +26180,1,0,1,0,0,0 +26181,0,0,0,1,0,0 +26182,0,0,1,0,0,0 +26183,1,0,0,0,0,0 +26184,0,1,0,1,0,0 +26185,0,1,0,0,0,0 +26186,1,0,1,1,0,0 +26187,0,1,0,0,0,0 +26188,1,0,0,1,0,0 +26189,1,0,1,0,0,0 +26190,0,1,0,0,1,0 +26191,0,0,1,0,0,0 +26192,1,0,0,0,0,0 +26193,1,0,0,1,0,0 +26194,0,0,1,0,0,0 +26195,0,1,0,0,0,0 +26196,0,0,0,0,1,0 +26197,1,0,0,1,0,0 +26198,1,0,0,1,0,0 +26199,1,0,0,1,0,0 +26200,0,0,1,0,0,0 +26201,1,0,0,0,0,0 +26202,0,0,1,0,0,0 +26203,1,0,0,0,0,0 +26204,1,1,0,0,0,0 +26205,1,0,0,1,0,0 +26206,0,0,0,0,1,0 +26207,1,0,0,0,0,0 +26208,0,1,1,0,0,0 +26209,0,1,0,0,0,0 +26210,0,0,0,0,0,0 +26211,0,0,1,0,0,0 +26212,1,0,0,0,0,0 +26213,1,0,0,1,0,0 +26214,0,1,0,0,0,0 +26215,0,0,1,0,0,0 +26216,1,1,0,0,0,0 +26217,1,0,0,0,0,0 +26218,1,0,0,0,0,0 +26219,1,0,0,0,0,0 +26220,0,0,0,1,0,0 +26221,0,1,0,0,0,0 +26222,1,0,0,1,0,0 +26223,0,1,0,0,0,0 +26224,1,1,0,0,0,0 +26225,1,0,0,1,0,0 +26226,1,0,0,0,0,0 +26227,0,0,0,1,0,0 +26228,0,0,1,0,0,0 +26229,0,0,1,0,0,0 +26230,1,0,0,1,0,0 +26231,0,0,1,0,0,0 +26232,0,1,0,0,0,0 +26233,1,0,0,1,1,0 +26234,0,1,0,0,0,0 +26235,0,1,0,0,0,0 +26236,0,1,0,0,0,0 +26237,1,0,0,0,0,0 +26238,1,0,0,0,0,0 +26239,0,1,0,0,0,0 +26240,1,0,0,0,0,0 +26241,0,1,0,0,0,0 +26242,1,0,0,0,0,0 +26243,0,1,0,0,0,0 +26244,1,0,1,0,0,0 +26245,0,0,0,1,0,0 +26246,0,0,1,0,0,0 +26247,0,0,0,1,0,0 +26248,0,0,1,0,0,0 +26249,0,1,0,0,0,0 +26250,0,0,1,0,0,0 +26251,0,1,0,0,0,0 +26252,0,1,0,0,0,0 +26253,0,0,1,0,0,0 +26254,0,1,0,0,0,0 +26255,1,0,0,1,0,0 +26256,0,0,0,0,0,0 +26257,1,0,0,1,0,0 +26258,0,0,0,1,0,0 +26259,0,1,0,0,0,0 +26260,0,1,0,0,0,0 +26261,1,0,0,0,0,0 +26262,0,0,0,0,1,0 +26263,0,1,0,0,0,0 +26264,0,1,0,0,0,0 +26265,1,0,0,0,0,0 +26266,1,0,0,0,0,0 +26267,1,0,0,1,0,0 +26268,1,0,0,0,0,0 +26269,0,1,0,0,0,0 +26270,1,0,1,0,0,0 +26271,1,0,0,0,0,0 +26272,0,0,1,0,0,0 +26273,0,0,1,0,0,0 +26274,1,0,0,1,0,0 +26275,0,1,0,0,0,0 +26276,1,0,0,0,0,0 +26277,0,1,0,0,0,0 +26278,1,0,0,0,0,0 +26279,0,0,1,0,0,0 +26280,0,1,0,0,0,0 +26281,1,0,0,1,0,0 +26282,0,0,0,0,0,1 +26283,1,0,0,0,0,0 +26284,0,1,0,0,0,0 +26285,0,1,0,0,0,0 +26286,1,1,0,0,0,0 +26287,0,1,0,0,1,0 +26288,1,0,1,0,0,0 +26289,0,0,1,0,0,0 +26290,0,1,0,0,0,0 +26291,1,0,0,0,0,0 +26292,1,0,0,0,0,0 +26293,0,1,0,0,0,0 +26294,1,0,0,0,0,0 +26295,1,0,0,1,0,0 +26296,0,1,0,0,0,0 +26297,0,0,1,0,0,0 +26298,0,1,0,1,0,0 +26299,1,0,0,1,0,0 +26300,0,0,0,1,0,0 +26301,1,0,0,1,0,0 +26302,0,0,1,0,0,0 +26303,1,0,0,1,0,0 +26304,0,1,0,0,0,0 +26305,1,1,0,0,0,0 +26306,1,0,0,0,1,0 +26307,0,0,0,1,0,0 +26308,0,0,1,0,0,0 +26309,1,0,0,0,0,0 +26310,0,0,1,0,0,0 +26311,1,0,0,0,0,0 +26312,1,0,0,0,0,0 +26313,1,0,0,0,0,0 +26314,0,1,0,0,0,0 +26315,1,0,0,0,0,0 +26316,1,0,0,1,0,0 +26317,0,0,0,1,0,0 +26318,0,0,1,0,0,0 +26319,0,0,1,0,0,0 +26320,0,0,1,0,0,0 +26321,0,0,1,0,0,0 +26322,0,1,0,0,0,0 +26323,0,1,0,0,0,0 +26324,1,0,0,0,0,0 +26325,0,0,0,1,0,0 +26326,1,0,0,1,0,0 +26327,0,1,0,0,0,0 +26328,1,0,0,0,0,0 +26329,0,0,1,0,0,0 +26330,1,0,0,1,0,0 +26331,1,0,1,0,0,0 +26332,1,0,0,1,0,0 +26333,0,1,0,0,0,0 +26334,1,0,0,1,0,0 +26335,0,0,1,0,0,0 +26336,0,1,0,0,0,0 +26337,1,0,0,1,0,0 +26338,0,0,0,0,0,1 +26339,1,0,0,0,0,0 +26340,1,0,0,1,0,0 +26341,0,0,1,0,0,0 +26342,0,1,0,0,0,0 +26343,1,0,0,1,0,0 +26344,0,1,0,0,0,0 +26345,1,0,0,1,0,0 +26346,1,0,0,0,0,0 +26347,0,1,0,0,0,0 +26348,0,1,0,0,0,0 +26349,1,0,0,0,0,0 +26350,0,0,1,0,0,0 +26351,0,0,1,0,0,0 +26352,0,0,0,1,0,0 +26353,0,1,0,0,0,0 +26354,0,1,0,0,0,0 +26355,1,0,0,0,0,0 +26356,0,1,0,0,0,0 +26357,1,0,0,1,0,0 +26358,0,1,0,0,0,0 +26359,0,0,1,1,0,0 +26360,1,0,0,0,0,0 +26361,1,0,0,0,0,0 +26362,1,0,0,1,0,0 +26363,1,0,0,0,0,0 +26364,1,0,0,0,0,0 +26365,0,0,1,0,0,0 +26366,1,0,0,1,0,0 +26367,1,0,0,0,0,0 +26368,0,1,0,0,0,0 +26369,1,0,0,1,0,0 +26370,1,0,0,1,0,0 +26371,1,0,0,0,0,0 +26372,0,0,1,0,0,0 +26373,0,1,0,0,0,0 +26374,1,0,0,0,0,0 +26375,1,0,0,0,0,0 +26376,1,0,0,0,0,0 +26377,1,0,0,1,1,0 +26378,0,1,0,0,0,0 +26379,0,1,0,0,0,0 +26380,0,1,0,0,0,0 +26381,1,0,0,1,0,0 +26382,1,0,0,0,0,0 +26383,0,1,0,0,0,0 +26384,0,1,0,0,0,0 +26385,0,1,0,0,0,0 +26386,1,0,0,1,0,0 +26387,0,0,1,0,0,0 +26388,0,0,1,1,0,0 +26389,0,1,0,0,0,0 +26390,0,0,1,0,0,0 +26391,1,0,0,0,0,0 +26392,0,0,1,0,0,0 +26393,1,0,0,1,0,0 +26394,0,1,0,0,0,0 +26395,0,1,0,0,0,0 +26396,0,0,1,0,0,0 +26397,1,0,0,0,0,0 +26398,0,1,0,0,0,0 +26399,0,0,1,1,0,0 +26400,0,0,1,0,0,0 +26401,0,0,1,0,0,0 +26402,1,0,0,1,0,0 +26403,0,0,1,0,0,0 +26404,0,1,0,0,0,0 +26405,0,0,1,0,0,0 +26406,1,1,0,0,0,0 +26407,1,0,0,1,0,0 +26408,1,0,0,0,0,0 +26409,1,1,0,0,0,0 +26410,0,0,0,1,0,0 +26411,1,0,0,1,0,0 +26412,0,0,1,0,0,0 +26413,1,0,0,1,0,0 +26414,1,0,1,0,0,0 +26415,0,1,0,0,0,0 +26416,1,0,0,1,0,0 +26417,1,0,0,0,0,0 +26418,1,0,0,1,0,0 +26419,0,0,1,0,0,0 +26420,0,1,0,0,0,0 +26421,0,1,0,0,0,0 +26422,1,0,0,1,0,0 +26423,1,0,0,1,0,0 +26424,0,0,1,0,0,0 +26425,0,1,0,0,0,0 +26426,0,1,0,0,1,0 +26427,0,0,1,0,0,0 +26428,1,0,0,1,0,0 +26429,1,0,1,0,0,0 +26430,1,0,0,0,0,0 +26431,0,1,0,0,0,0 +26432,0,0,1,0,0,0 +26433,1,0,0,0,0,0 +26434,0,0,0,0,0,0 +26435,0,1,0,0,0,0 +26436,1,0,0,1,0,0 +26437,1,0,0,0,0,0 +26438,0,0,1,0,0,0 +26439,1,0,0,0,0,0 +26440,1,0,0,0,0,0 +26441,1,0,0,0,0,0 +26442,1,0,0,1,0,0 +26443,1,0,0,0,0,0 +26444,0,1,0,0,0,0 +26445,1,0,0,1,0,0 +26446,0,0,1,0,0,0 +26447,0,0,0,1,0,0 +26448,0,1,0,0,0,0 +26449,1,0,0,1,0,0 +26450,0,0,0,1,0,0 +26451,1,0,0,0,0,0 +26452,0,0,1,1,0,0 +26453,0,0,1,0,0,0 +26454,0,0,1,0,0,0 +26455,1,0,0,1,0,0 +26456,1,1,0,0,0,0 +26457,0,1,1,0,0,0 +26458,1,0,0,0,0,0 +26459,0,0,1,0,0,0 +26460,1,0,0,1,0,0 +26461,0,0,0,1,0,0 +26462,0,0,1,1,0,0 +26463,1,0,0,1,0,0 +26464,1,0,0,0,0,0 +26465,1,0,0,1,0,0 +26466,0,1,0,0,0,0 +26467,0,0,1,0,0,0 +26468,0,0,0,0,0,0 +26469,0,1,0,0,0,0 +26470,1,0,0,1,0,0 +26471,0,0,1,0,0,0 +26472,0,0,1,0,0,0 +26473,1,0,0,1,0,0 +26474,0,1,0,0,0,0 +26475,1,0,1,0,0,0 +26476,0,0,1,0,0,0 +26477,1,0,0,1,0,0 +26478,0,1,0,0,0,0 +26479,1,0,0,1,0,0 +26480,1,0,0,1,1,0 +26481,0,0,1,1,0,0 +26482,1,0,0,0,0,0 +26483,1,0,0,1,0,0 +26484,1,0,0,0,0,0 +26485,0,0,1,0,0,0 +26486,1,0,0,1,0,0 +26487,1,0,0,0,0,0 +26488,0,1,0,0,0,0 +26489,1,0,0,1,0,0 +26490,0,0,1,0,0,0 +26491,1,0,1,0,0,0 +26492,1,0,0,0,0,0 +26493,1,0,0,0,0,0 +26494,0,1,0,0,0,0 +26495,0,1,0,0,0,0 +26496,1,0,0,0,0,0 +26497,1,0,0,0,0,0 +26498,1,0,0,0,0,0 +26499,1,0,0,0,0,0 +26500,0,0,1,0,0,0 +26501,1,0,0,0,0,0 +26502,0,1,1,0,0,0 +26503,0,0,1,0,0,0 +26504,0,1,0,0,0,0 +26505,0,0,1,0,0,0 +26506,1,0,0,0,0,0 +26507,0,0,0,0,0,0 +26508,0,1,0,0,0,0 +26509,1,0,0,0,0,0 +26510,0,0,0,1,0,0 +26511,0,0,0,1,0,0 +26512,1,0,0,0,0,0 +26513,0,0,0,1,0,0 +26514,1,0,0,1,0,0 +26515,0,0,1,1,0,0 +26516,1,0,0,1,0,0 +26517,0,1,1,0,0,0 +26518,0,0,1,1,0,0 +26519,1,0,1,0,0,0 +26520,0,0,1,1,0,0 +26521,1,0,0,0,0,0 +26522,1,0,0,0,0,0 +26523,0,1,0,0,0,0 +26524,1,0,0,1,0,0 +26525,0,1,0,0,0,0 +26526,1,0,0,0,0,0 +26527,1,0,0,1,0,0 +26528,0,1,0,0,0,0 +26529,0,0,1,1,0,0 +26530,1,0,0,1,0,0 +26531,0,0,0,0,0,0 +26532,0,1,0,0,0,0 +26533,1,0,0,1,0,0 +26534,0,0,0,0,0,0 +26535,0,1,0,0,0,0 +26536,1,0,0,1,0,0 +26537,1,0,0,0,0,0 +26538,1,0,0,1,1,0 +26539,1,1,0,0,0,0 +26540,0,1,0,0,0,0 +26541,0,1,0,0,0,0 +26542,0,0,1,0,0,0 +26543,1,0,0,1,0,0 +26544,1,0,0,0,0,0 +26545,1,0,0,0,0,0 +26546,1,0,0,0,0,0 +26547,0,1,0,0,0,0 +26548,1,0,0,1,0,0 +26549,0,1,0,0,0,0 +26550,1,0,1,0,0,0 +26551,0,1,0,0,0,0 +26552,1,0,0,1,0,0 +26553,1,0,0,1,0,0 +26554,0,1,0,0,0,0 +26555,0,0,1,0,0,0 +26556,1,0,0,0,0,0 +26557,1,0,0,0,0,0 +26558,1,0,1,1,0,0 +26559,1,0,0,1,0,0 +26560,0,1,0,1,0,0 +26561,0,1,0,0,0,0 +26562,0,1,0,0,0,0 +26563,0,0,1,0,0,0 +26564,0,0,1,0,0,0 +26565,0,1,0,0,0,0 +26566,0,0,1,0,0,0 +26567,0,1,0,0,0,0 +26568,0,1,0,0,0,0 +26569,0,1,0,0,1,0 +26570,0,1,0,0,0,0 +26571,1,0,1,1,0,0 +26572,0,1,0,0,0,0 +26573,1,0,0,1,0,0 +26574,1,0,0,0,0,0 +26575,1,0,0,1,0,0 +26576,0,1,1,0,0,0 +26577,0,0,1,0,0,0 +26578,0,1,0,0,0,0 +26579,0,0,1,0,0,0 +26580,1,0,0,0,0,0 +26581,1,0,0,1,0,0 +26582,0,0,1,0,0,0 +26583,0,1,0,0,0,0 +26584,0,0,1,0,0,0 +26585,1,0,0,1,0,0 +26586,0,0,1,0,0,0 +26587,1,0,0,1,0,0 +26588,0,0,1,0,0,0 +26589,1,0,0,0,0,0 +26590,0,1,0,0,0,0 +26591,0,1,0,0,0,0 +26592,0,1,0,0,0,0 +26593,1,0,0,0,0,0 +26594,0,1,0,0,0,0 +26595,1,0,1,1,0,0 +26596,0,1,0,0,0,0 +26597,1,0,1,0,0,0 +26598,1,0,0,0,0,0 +26599,0,0,0,1,0,0 +26600,1,0,0,0,0,0 +26601,1,0,0,1,0,0 +26602,1,0,0,1,0,0 +26603,0,0,1,0,0,0 +26604,0,0,1,0,0,0 +26605,1,0,0,1,0,0 +26606,1,0,0,0,0,0 +26607,0,1,0,0,0,0 +26608,0,0,1,0,0,0 +26609,0,0,1,0,0,0 +26610,0,0,1,0,0,0 +26611,0,1,1,0,0,0 +26612,1,0,0,0,0,0 +26613,0,0,1,0,0,0 +26614,1,0,0,1,0,0 +26615,1,0,0,0,0,0 +26616,0,0,0,1,0,0 +26617,1,0,0,1,0,0 +26618,1,0,0,0,0,0 +26619,1,0,0,0,0,0 +26620,0,1,0,0,0,0 +26621,0,0,1,0,0,0 +26622,1,0,0,0,0,0 +26623,0,0,1,0,0,0 +26624,0,0,1,0,0,0 +26625,1,0,1,1,0,0 +26626,0,0,1,0,0,0 +26627,1,0,0,1,0,0 +26628,1,0,0,0,0,0 +26629,0,1,0,0,0,0 +26630,1,0,0,0,0,0 +26631,0,0,1,0,0,0 +26632,0,1,0,0,0,0 +26633,1,0,1,1,0,0 +26634,1,0,0,1,0,0 +26635,0,1,0,0,0,0 +26636,1,0,0,1,0,0 +26637,0,1,0,0,0,0 +26638,1,0,0,0,0,0 +26639,1,0,0,1,0,1 +26640,1,0,0,1,0,0 +26641,1,0,0,1,0,0 +26642,0,0,1,0,0,0 +26643,0,0,1,0,0,0 +26644,1,0,0,1,0,0 +26645,1,0,0,1,0,0 +26646,1,0,0,1,0,0 +26647,1,0,0,1,0,0 +26648,1,0,0,0,1,0 +26649,0,0,0,1,0,0 +26650,0,0,1,0,0,0 +26651,1,0,0,0,0,0 +26652,1,0,0,1,0,0 +26653,0,1,0,0,0,0 +26654,1,0,0,1,0,0 +26655,1,0,0,0,0,0 +26656,0,1,0,0,0,0 +26657,0,1,0,0,0,0 +26658,1,0,0,1,0,0 +26659,0,1,0,0,0,0 +26660,1,0,0,0,0,0 +26661,0,1,0,0,0,0 +26662,1,0,0,1,0,0 +26663,1,0,0,0,0,0 +26664,1,0,0,1,1,0 +26665,1,0,0,1,0,0 +26666,0,0,1,0,0,0 +26667,0,0,1,1,0,0 +26668,1,0,0,1,0,0 +26669,1,0,0,1,0,0 +26670,1,0,1,0,0,0 +26671,0,0,1,0,0,0 +26672,1,0,0,0,0,0 +26673,1,0,0,0,0,0 +26674,1,0,0,1,0,0 +26675,0,0,1,0,0,0 +26676,1,0,0,1,0,0 +26677,0,0,0,1,0,0 +26678,1,0,0,1,0,0 +26679,0,0,1,0,0,0 +26680,0,1,0,0,0,0 +26681,1,0,0,0,0,0 +26682,0,1,0,0,0,0 +26683,1,0,1,1,0,0 +26684,0,1,0,0,0,0 +26685,0,1,0,0,0,0 +26686,1,0,0,1,0,0 +26687,0,1,0,0,0,0 +26688,0,0,1,0,0,0 +26689,1,0,1,0,0,0 +26690,0,0,1,0,0,0 +26691,0,1,0,0,0,0 +26692,0,0,0,1,0,0 +26693,1,0,1,1,0,0 +26694,0,1,0,0,0,0 +26695,0,1,0,0,0,0 +26696,1,0,0,1,0,0 +26697,1,0,0,0,0,0 +26698,1,0,0,1,0,0 +26699,1,0,0,0,0,0 +26700,1,0,0,1,0,0 +26701,1,0,0,0,0,0 +26702,0,0,1,1,0,0 +26703,0,1,0,0,0,0 +26704,1,0,0,0,0,0 +26705,0,0,0,1,0,0 +26706,1,0,0,0,0,0 +26707,0,1,0,0,0,0 +26708,0,1,0,0,0,0 +26709,0,0,1,0,0,0 +26710,0,0,0,1,0,0 +26711,0,0,1,0,0,0 +26712,0,1,0,0,0,0 +26713,0,1,1,0,0,0 +26714,1,0,0,0,0,0 +26715,0,0,0,1,0,0 +26716,1,0,0,1,0,0 +26717,1,0,0,0,0,0 +26718,0,0,1,0,0,0 +26719,0,0,0,0,1,0 +26720,1,0,0,1,0,0 +26721,0,1,0,0,0,0 +26722,1,0,0,0,0,0 +26723,0,1,1,0,0,0 +26724,0,0,0,0,0,0 +26725,0,0,0,1,0,0 +26726,1,0,0,0,0,0 +26727,0,0,1,0,0,0 +26728,0,1,0,0,0,0 +26729,0,1,0,1,0,0 +26730,0,0,1,0,0,0 +26731,0,0,0,1,0,0 +26732,0,1,0,0,1,0 +26733,1,0,0,0,0,0 +26734,1,0,0,1,1,0 +26735,0,0,1,0,0,0 +26736,0,0,1,0,0,0 +26737,0,0,1,0,0,0 +26738,1,0,0,0,0,0 +26739,1,0,1,0,0,0 +26740,0,1,0,0,0,0 +26741,1,0,0,0,0,0 +26742,0,1,0,0,0,0 +26743,1,0,0,1,0,0 +26744,1,0,0,1,0,0 +26745,1,0,0,1,0,0 +26746,0,0,1,0,0,0 +26747,0,0,1,0,0,0 +26748,1,0,1,0,0,0 +26749,1,0,0,1,0,0 +26750,0,1,0,0,0,0 +26751,0,1,0,0,0,0 +26752,1,0,0,1,0,0 +26753,1,0,0,1,0,0 +26754,0,1,0,0,0,0 +26755,1,0,0,1,0,0 +26756,1,0,0,0,0,0 +26757,1,0,0,1,0,0 +26758,1,0,0,0,0,0 +26759,0,0,0,0,1,0 +26760,1,0,0,0,0,0 +26761,0,1,0,0,0,0 +26762,0,1,0,0,0,0 +26763,1,0,0,1,0,0 +26764,0,1,0,0,0,0 +26765,0,0,1,0,0,0 +26766,1,0,0,1,0,0 +26767,0,0,1,0,0,0 +26768,0,1,0,0,0,0 +26769,0,1,0,0,0,0 +26770,1,0,0,0,0,0 +26771,1,0,1,0,0,0 +26772,1,0,0,1,0,0 +26773,1,0,0,0,0,0 +26774,1,0,0,1,0,0 +26775,1,0,0,1,0,1 +26776,0,0,0,1,0,0 +26777,0,0,1,0,0,0 +26778,0,0,1,0,0,0 +26779,0,0,1,0,0,0 +26780,0,1,0,0,0,0 +26781,1,0,0,0,0,0 +26782,1,0,0,1,0,0 +26783,1,1,0,0,0,0 +26784,1,0,0,1,0,0 +26785,0,0,1,0,0,0 +26786,1,0,0,0,0,0 +26787,0,1,0,0,0,0 +26788,0,0,0,0,1,0 +26789,0,0,1,1,0,0 +26790,0,1,0,0,0,0 +26791,1,0,1,0,0,0 +26792,0,0,1,0,0,0 +26793,1,0,0,0,0,0 +26794,1,0,0,0,0,0 +26795,1,0,0,0,0,0 +26796,0,1,0,0,0,0 +26797,0,1,0,0,0,0 +26798,1,0,0,0,0,0 +26799,0,1,0,0,0,0 +26800,0,1,0,0,0,0 +26801,1,0,0,1,0,0 +26802,1,0,0,1,0,0 +26803,1,0,0,0,0,0 +26804,0,0,1,0,0,0 +26805,0,1,0,0,0,0 +26806,0,1,0,0,0,0 +26807,0,0,1,0,0,0 +26808,0,1,0,0,0,0 +26809,1,0,0,1,0,0 +26810,0,0,0,0,0,0 +26811,1,0,0,1,0,0 +26812,1,0,0,0,0,0 +26813,0,1,0,0,0,0 +26814,0,0,1,0,0,0 +26815,0,0,0,1,0,0 +26816,0,0,1,0,0,0 +26817,0,0,1,0,0,0 +26818,0,0,1,1,0,0 +26819,0,1,0,0,0,0 +26820,0,0,1,0,0,0 +26821,1,0,0,1,0,0 +26822,0,0,1,1,0,0 +26823,0,1,0,0,0,0 +26824,1,0,0,1,0,0 +26825,1,0,0,0,0,0 +26826,0,0,1,0,0,0 +26827,0,0,1,0,0,0 +26828,0,0,1,0,0,0 +26829,0,1,0,0,0,0 +26830,1,0,0,0,0,0 +26831,1,0,0,0,0,0 +26832,1,0,0,0,0,0 +26833,1,0,0,1,0,0 +26834,1,0,0,0,0,0 +26835,0,1,0,0,0,0 +26836,0,1,0,0,0,0 +26837,1,0,0,0,0,0 +26838,0,0,1,0,0,0 +26839,1,0,0,1,0,0 +26840,1,0,0,0,0,0 +26841,1,0,0,0,0,0 +26842,0,1,1,0,0,0 +26843,1,0,0,1,0,0 +26844,0,0,0,0,0,0 +26845,0,1,0,0,0,0 +26846,0,0,1,0,0,0 +26847,0,1,0,0,0,0 +26848,1,0,0,0,0,0 +26849,0,1,0,0,0,0 +26850,0,0,1,0,0,0 +26851,0,0,1,0,0,0 +26852,0,0,1,0,0,0 +26853,0,1,0,0,0,0 +26854,0,0,1,0,0,0 +26855,1,0,0,1,0,0 +26856,1,1,0,0,0,0 +26857,0,0,1,0,0,0 +26858,0,1,0,0,0,0 +26859,0,0,1,0,0,0 +26860,0,1,0,0,0,0 +26861,1,0,0,0,0,0 +26862,0,1,0,0,0,0 +26863,1,0,0,0,0,0 +26864,0,0,1,0,0,0 +26865,0,0,1,0,0,0 +26866,0,0,1,0,0,0 +26867,0,1,0,0,0,0 +26868,0,1,0,0,0,0 +26869,0,0,0,1,1,0 +26870,0,0,1,1,0,0 +26871,1,0,0,0,0,0 +26872,1,0,0,0,0,0 +26873,1,0,1,0,0,0 +26874,1,0,0,0,0,0 +26875,1,0,0,0,0,0 +26876,1,0,0,0,0,0 +26877,1,0,0,0,0,0 +26878,0,1,0,0,0,0 +26879,0,1,0,0,0,0 +26880,0,1,0,0,0,0 +26881,0,0,1,0,0,0 +26882,0,0,1,1,0,0 +26883,0,0,1,0,0,0 +26884,0,1,0,0,0,0 +26885,1,0,0,0,0,0 +26886,1,0,0,0,0,0 +26887,0,0,1,0,0,0 +26888,0,0,1,0,0,0 +26889,1,0,1,0,0,0 +26890,0,1,0,0,0,0 +26891,1,0,0,0,0,0 +26892,1,0,0,1,0,0 +26893,0,1,0,0,0,0 +26894,0,0,1,0,0,0 +26895,1,0,0,0,0,0 +26896,1,0,0,0,0,0 +26897,0,1,0,0,0,0 +26898,1,0,0,0,0,0 +26899,0,0,1,0,0,0 +26900,0,0,1,0,0,0 +26901,0,1,0,0,0,0 +26902,0,1,0,0,0,0 +26903,0,0,1,1,0,0 +26904,0,0,1,0,0,0 +26905,1,0,0,1,0,0 +26906,0,0,1,0,0,0 +26907,0,1,0,0,0,0 +26908,0,1,0,0,0,0 +26909,0,0,1,0,0,0 +26910,0,0,0,0,0,0 +26911,1,0,0,1,0,0 +26912,1,0,0,1,0,0 +26913,1,0,0,1,0,0 +26914,0,0,1,0,0,0 +26915,0,1,0,1,0,0 +26916,0,0,1,0,0,0 +26917,0,0,1,1,0,0 +26918,0,0,0,1,0,0 +26919,1,0,0,1,0,0 +26920,0,1,0,0,0,0 +26921,1,0,0,0,0,0 +26922,0,0,1,0,0,0 +26923,0,0,1,0,0,0 +26924,1,0,0,1,0,0 +26925,0,0,1,0,0,0 +26926,0,1,0,0,0,0 +26927,0,1,0,0,0,0 +26928,0,0,1,0,0,0 +26929,0,1,0,0,0,0 +26930,0,1,1,0,0,0 +26931,0,0,1,0,0,0 +26932,0,1,0,0,0,0 +26933,1,0,0,1,0,0 +26934,0,0,1,0,0,0 +26935,0,0,1,0,0,0 +26936,1,0,0,1,0,0 +26937,0,1,0,0,0,0 +26938,1,0,0,1,0,0 +26939,0,0,1,0,0,0 +26940,0,0,1,0,1,0 +26941,1,0,1,1,0,0 +26942,0,1,0,0,0,0 +26943,1,0,0,0,0,0 +26944,0,1,0,0,0,0 +26945,0,0,1,1,0,0 +26946,0,0,0,0,0,0 +26947,1,0,0,0,0,0 +26948,0,1,0,0,0,0 +26949,1,0,0,1,0,0 +26950,1,0,0,1,0,0 +26951,0,0,1,0,0,0 +26952,0,1,0,0,0,0 +26953,1,0,0,1,0,0 +26954,0,1,0,0,0,0 +26955,0,0,0,1,0,0 +26956,0,1,1,0,0,0 +26957,1,0,0,0,0,0 +26958,1,0,1,0,0,0 +26959,1,0,0,1,0,0 +26960,0,0,1,0,0,0 +26961,0,0,1,0,0,0 +26962,1,0,0,0,0,0 +26963,1,0,0,1,0,0 +26964,1,0,0,1,0,0 +26965,1,0,0,1,0,0 +26966,0,0,0,0,1,0 +26967,0,0,0,1,0,0 +26968,1,0,0,0,0,0 +26969,0,1,0,0,0,0 +26970,1,0,0,1,0,0 +26971,1,0,0,1,0,0 +26972,1,0,0,0,0,0 +26973,1,0,0,0,0,0 +26974,1,0,0,0,0,0 +26975,1,0,0,0,0,0 +26976,1,1,0,0,0,0 +26977,1,0,0,1,0,0 +26978,1,0,0,0,0,0 +26979,1,0,0,0,0,0 +26980,0,0,1,0,0,0 +26981,1,0,0,1,0,0 +26982,1,0,0,1,0,0 +26983,1,0,0,1,0,0 +26984,1,0,0,0,0,0 +26985,1,0,0,0,0,0 +26986,0,0,1,1,0,0 +26987,0,0,1,0,0,0 +26988,0,1,0,0,0,0 +26989,0,0,1,0,0,0 +26990,0,0,1,0,0,0 +26991,1,0,0,0,0,0 +26992,0,1,0,0,0,0 +26993,1,0,0,1,0,0 +26994,1,0,1,0,0,0 +26995,1,0,0,1,0,0 +26996,1,0,0,1,0,0 +26997,0,1,0,0,0,0 +26998,1,0,0,0,0,0 +26999,0,1,1,0,0,0 +27000,0,0,1,1,0,0 +27001,0,1,0,0,0,0 +27002,0,1,0,0,0,0 +27003,1,0,1,0,0,0 +27004,0,0,1,0,0,0 +27005,1,0,0,0,0,0 +27006,0,1,0,0,0,0 +27007,1,0,0,0,0,0 +27008,0,1,0,0,0,0 +27009,1,0,0,0,0,0 +27010,1,0,0,0,0,0 +27011,1,0,0,1,0,0 +27012,0,0,1,1,0,0 +27013,1,1,0,0,0,0 +27014,0,1,0,0,1,0 +27015,1,0,0,1,0,0 +27016,1,0,0,1,0,0 +27017,0,1,0,0,0,0 +27018,1,0,0,0,0,0 +27019,0,0,1,0,0,0 +27020,1,0,1,0,0,0 +27021,0,1,0,0,0,0 +27022,1,0,0,1,0,0 +27023,0,1,0,0,0,0 +27024,0,1,0,0,0,0 +27025,0,1,0,0,0,0 +27026,1,0,0,1,0,0 +27027,1,0,0,0,0,0 +27028,0,1,0,0,0,0 +27029,1,0,0,1,0,0 +27030,0,1,0,0,0,0 +27031,1,0,0,1,0,0 +27032,0,0,1,1,0,0 +27033,0,0,1,0,0,0 +27034,0,0,1,0,0,0 +27035,0,0,1,0,0,0 +27036,0,0,1,0,0,0 +27037,1,0,0,0,0,0 +27038,0,1,0,0,0,0 +27039,0,0,1,0,0,0 +27040,1,0,0,0,0,0 +27041,1,0,0,1,0,0 +27042,0,1,0,0,0,0 +27043,1,0,0,1,0,0 +27044,0,0,1,0,0,0 +27045,0,0,1,0,0,0 +27046,0,0,0,0,0,0 +27047,0,0,1,0,0,0 +27048,0,0,1,0,0,0 +27049,0,1,0,0,1,0 +27050,0,0,0,0,1,0 +27051,1,0,0,1,0,0 +27052,1,0,0,1,0,0 +27053,1,0,0,1,0,0 +27054,1,0,0,1,0,0 +27055,0,1,0,0,0,0 +27056,1,0,0,0,0,0 +27057,0,0,0,1,0,0 +27058,1,0,0,0,0,0 +27059,1,0,0,1,0,0 +27060,0,0,1,0,0,0 +27061,1,0,0,0,0,0 +27062,0,1,0,0,0,0 +27063,1,0,0,0,0,0 +27064,1,0,0,1,0,0 +27065,1,0,0,0,0,0 +27066,0,1,0,0,0,0 +27067,0,1,1,0,0,0 +27068,0,1,0,0,0,0 +27069,0,1,0,0,0,0 +27070,0,1,1,0,0,0 +27071,1,0,0,0,0,0 +27072,1,0,0,0,0,0 +27073,1,0,1,0,0,0 +27074,0,1,0,0,0,0 +27075,1,0,0,1,0,0 +27076,0,1,0,0,0,0 +27077,1,0,0,1,0,0 +27078,0,0,1,0,0,0 +27079,0,0,1,0,0,0 +27080,1,0,0,1,0,0 +27081,0,1,0,0,0,0 +27082,0,1,0,0,0,0 +27083,0,1,0,0,0,0 +27084,1,0,0,1,0,0 +27085,0,0,1,0,0,0 +27086,1,0,0,0,0,0 +27087,0,1,0,0,0,0 +27088,1,0,0,0,0,0 +27089,0,0,0,0,0,0 +27090,1,0,0,1,0,0 +27091,1,0,0,0,0,0 +27092,0,0,0,1,1,0 +27093,0,0,1,0,0,0 +27094,0,1,0,0,0,0 +27095,1,0,0,1,0,0 +27096,1,0,0,1,0,0 +27097,1,0,0,1,0,0 +27098,1,0,0,0,0,0 +27099,0,1,0,0,0,0 +27100,0,1,0,0,0,0 +27101,0,1,1,0,0,0 +27102,0,1,0,0,0,0 +27103,0,1,0,0,0,0 +27104,1,0,0,0,0,0 +27105,0,0,0,1,0,0 +27106,1,0,0,1,0,0 +27107,1,0,0,0,0,0 +27108,1,0,0,1,0,0 +27109,1,0,0,0,0,0 +27110,1,0,0,1,0,0 +27111,0,1,1,0,0,0 +27112,0,1,0,0,0,0 +27113,0,0,1,1,0,0 +27114,1,0,0,1,0,0 +27115,1,0,0,1,0,0 +27116,1,0,0,0,0,0 +27117,0,0,1,1,0,0 +27118,1,0,0,0,0,0 +27119,0,0,1,0,0,0 +27120,1,0,0,1,0,0 +27121,1,0,0,1,0,0 +27122,0,1,0,0,0,0 +27123,1,0,0,1,0,0 +27124,0,0,0,1,0,0 +27125,0,1,0,0,0,0 +27126,0,1,0,0,0,0 +27127,0,0,1,1,0,0 +27128,0,1,0,0,0,0 +27129,1,0,0,1,0,0 +27130,0,0,0,1,0,0 +27131,1,0,0,0,0,0 +27132,0,0,1,1,0,0 +27133,1,0,0,1,0,0 +27134,0,1,0,0,0,0 +27135,1,0,0,1,0,0 +27136,1,0,0,1,0,0 +27137,0,0,1,0,0,0 +27138,0,1,0,0,0,0 +27139,0,1,0,0,0,0 +27140,1,0,0,0,0,0 +27141,0,1,0,0,0,0 +27142,1,0,0,0,0,0 +27143,1,0,0,1,0,0 +27144,0,1,0,0,1,0 +27145,0,1,0,0,0,0 +27146,1,0,0,0,0,0 +27147,0,1,0,0,0,0 +27148,0,0,1,0,0,0 +27149,0,1,0,0,0,0 +27150,0,1,0,0,0,0 +27151,0,1,0,0,0,0 +27152,0,0,0,0,1,0 +27153,1,0,1,0,0,0 +27154,0,0,0,1,0,0 +27155,0,1,0,0,0,0 +27156,0,0,1,0,0,0 +27157,0,1,0,0,0,0 +27158,1,0,1,0,0,0 +27159,0,0,0,0,0,0 +27160,1,0,0,1,0,0 +27161,0,0,1,0,0,0 +27162,0,0,1,0,0,0 +27163,0,0,1,0,0,0 +27164,1,0,0,0,0,0 +27165,0,0,1,0,0,0 +27166,0,1,0,0,0,0 +27167,0,1,0,0,0,0 +27168,0,0,0,0,0,0 +27169,0,0,1,0,0,0 +27170,0,0,1,0,0,1 +27171,0,1,0,0,0,0 +27172,0,0,1,0,0,0 +27173,0,1,0,0,0,0 +27174,1,0,0,1,0,0 +27175,1,0,0,1,0,0 +27176,1,0,0,1,0,0 +27177,1,0,0,1,0,0 +27178,1,0,0,1,0,0 +27179,1,0,1,0,0,0 +27180,0,0,1,0,0,0 +27181,0,0,1,0,0,0 +27182,1,0,1,0,0,0 +27183,0,1,0,0,0,0 +27184,0,0,0,0,0,0 +27185,1,0,1,0,0,0 +27186,1,0,0,0,0,0 +27187,0,0,0,0,0,0 +27188,0,0,0,1,0,0 +27189,0,1,0,0,1,0 +27190,0,0,1,0,0,0 +27191,1,0,0,0,0,0 +27192,1,0,0,1,0,0 +27193,0,0,1,0,0,0 +27194,0,1,0,0,0,0 +27195,0,1,1,0,0,0 +27196,1,0,0,0,0,0 +27197,0,0,0,0,1,0 +27198,1,1,0,0,0,0 +27199,0,0,0,1,0,0 +27200,0,0,0,0,0,0 +27201,1,0,0,1,0,0 +27202,0,0,0,1,0,0 +27203,0,0,1,0,0,0 +27204,0,1,0,0,0,0 +27205,0,0,1,0,0,0 +27206,1,0,0,1,0,0 +27207,0,0,0,0,1,0 +27208,1,1,0,0,0,0 +27209,0,1,0,0,0,0 +27210,1,0,0,1,0,0 +27211,1,0,0,0,0,0 +27212,1,0,0,0,0,0 +27213,1,0,1,1,0,0 +27214,0,0,1,1,0,0 +27215,1,0,0,0,0,0 +27216,1,0,0,1,0,0 +27217,1,0,0,0,0,0 +27218,0,1,0,0,0,0 +27219,1,0,1,0,0,0 +27220,0,1,0,0,0,0 +27221,0,0,1,0,0,0 +27222,0,0,0,1,0,0 +27223,0,1,1,0,0,0 +27224,1,0,0,0,0,0 +27225,0,0,0,0,0,0 +27226,1,0,0,1,0,0 +27227,1,0,0,0,0,0 +27228,1,0,1,0,0,0 +27229,0,0,0,0,0,1 +27230,0,0,1,0,0,0 +27231,1,0,0,0,0,0 +27232,0,0,1,0,0,0 +27233,1,0,0,1,0,0 +27234,1,0,0,1,0,0 +27235,0,0,0,1,0,0 +27236,1,0,0,1,0,0 +27237,0,1,0,0,0,0 +27238,0,0,1,0,0,0 +27239,1,0,0,0,0,0 +27240,1,0,0,0,0,0 +27241,1,1,0,0,0,0 +27242,0,1,0,0,1,0 +27243,0,1,0,0,0,0 +27244,1,0,0,0,0,0 +27245,0,0,0,1,0,0 +27246,0,0,1,0,0,0 +27247,1,1,0,0,0,0 +27248,0,0,1,0,0,0 +27249,0,1,0,0,0,0 +27250,0,0,1,0,0,0 +27251,0,0,0,1,0,0 +27252,1,0,0,1,0,0 +27253,0,0,1,0,0,0 +27254,1,0,0,1,0,0 +27255,0,0,0,1,1,0 +27256,1,0,0,0,0,0 +27257,0,0,0,0,0,0 +27258,0,1,0,0,0,0 +27259,0,0,0,1,0,0 +27260,0,0,1,0,0,0 +27261,0,0,1,0,0,0 +27262,0,1,1,0,0,0 +27263,0,0,0,0,0,0 +27264,0,0,1,0,0,0 +27265,0,1,0,0,0,0 +27266,1,0,1,0,0,0 +27267,1,0,0,1,0,0 +27268,1,0,0,0,0,0 +27269,0,1,0,0,0,0 +27270,1,0,0,0,0,0 +27271,1,0,0,0,0,0 +27272,1,0,0,0,0,0 +27273,0,1,0,0,0,0 +27274,1,0,0,1,0,0 +27275,1,1,0,0,0,0 +27276,0,1,0,0,0,0 +27277,1,0,0,1,0,0 +27278,1,0,0,1,0,0 +27279,0,0,1,0,0,0 +27280,0,1,0,0,0,0 +27281,0,0,1,0,0,0 +27282,0,1,0,0,0,0 +27283,0,0,1,0,0,0 +27284,0,1,0,0,0,0 +27285,1,0,1,0,0,0 +27286,1,0,0,1,0,0 +27287,0,1,0,0,0,0 +27288,0,1,0,0,0,0 +27289,1,0,0,0,0,0 +27290,1,0,0,1,0,0 +27291,0,0,1,0,0,1 +27292,1,0,0,0,0,0 +27293,1,0,0,1,0,0 +27294,0,0,1,0,0,0 +27295,1,0,0,1,0,0 +27296,0,0,1,0,0,0 +27297,1,0,0,1,0,0 +27298,0,0,1,0,0,0 +27299,0,1,0,0,0,0 +27300,1,0,0,0,0,0 +27301,1,0,0,0,0,0 +27302,0,1,0,0,0,0 +27303,1,0,0,0,0,0 +27304,1,0,0,1,0,0 +27305,1,0,0,1,0,0 +27306,1,0,0,1,0,0 +27307,0,1,0,0,0,0 +27308,0,0,1,0,0,0 +27309,0,0,1,0,0,0 +27310,1,0,0,1,0,0 +27311,0,1,0,0,0,0 +27312,0,1,0,0,0,0 +27313,1,0,0,1,0,0 +27314,1,0,1,0,0,0 +27315,0,0,1,0,0,0 +27316,1,0,1,1,0,0 +27317,1,0,0,0,0,0 +27318,0,1,0,0,0,0 +27319,0,0,1,0,0,0 +27320,0,1,0,0,0,0 +27321,1,0,0,0,0,0 +27322,0,0,1,0,0,0 +27323,1,0,0,0,0,0 +27324,0,1,0,0,0,0 +27325,0,0,1,0,0,0 +27326,0,0,1,0,0,0 +27327,0,1,0,0,0,0 +27328,0,1,0,0,0,0 +27329,0,0,0,1,0,0 +27330,0,1,0,0,0,0 +27331,0,1,0,0,0,0 +27332,0,1,0,0,0,0 +27333,0,1,0,0,0,0 +27334,1,0,0,0,0,0 +27335,0,1,1,0,0,0 +27336,0,1,0,0,0,0 +27337,1,0,0,1,0,0 +27338,0,0,0,0,1,0 +27339,0,1,0,0,0,0 +27340,1,0,0,1,0,0 +27341,0,1,0,0,0,0 +27342,0,0,0,1,0,0 +27343,0,0,0,1,0,0 +27344,0,1,0,0,0,0 +27345,1,0,1,1,0,0 +27346,1,0,0,0,0,0 +27347,0,1,0,0,0,0 +27348,1,0,0,0,0,0 +27349,1,0,1,0,0,0 +27350,0,0,1,0,0,0 +27351,1,0,0,0,0,0 +27352,0,1,0,0,0,0 +27353,0,0,1,0,0,0 +27354,1,0,0,1,0,0 +27355,1,0,1,0,0,0 +27356,1,0,0,1,0,0 +27357,0,1,1,0,0,0 +27358,1,0,0,0,0,0 +27359,0,1,0,0,0,0 +27360,0,1,0,0,0,0 +27361,0,0,1,0,0,0 +27362,0,0,1,0,0,0 +27363,0,1,0,0,0,0 +27364,0,1,0,0,0,0 +27365,1,0,0,1,0,0 +27366,1,0,1,0,0,0 +27367,0,1,0,0,0,0 +27368,0,1,0,0,0,0 +27369,0,1,0,0,0,0 +27370,0,0,0,0,0,0 +27371,1,0,0,1,0,0 +27372,0,1,0,0,0,0 +27373,0,0,1,0,0,0 +27374,0,1,0,0,0,0 +27375,0,0,1,0,0,0 +27376,0,1,0,0,0,0 +27377,0,0,0,1,0,0 +27378,0,0,0,0,0,1 +27379,0,1,0,0,0,0 +27380,0,0,1,0,0,0 +27381,0,0,1,0,0,0 +27382,0,0,0,1,0,0 +27383,0,0,0,1,0,0 +27384,1,0,0,1,0,0 +27385,0,1,0,0,0,0 +27386,0,0,1,1,0,0 +27387,1,0,0,1,0,0 +27388,0,0,1,0,0,0 +27389,0,1,1,0,0,0 +27390,0,1,0,0,0,0 +27391,1,0,0,0,0,0 +27392,0,0,1,0,0,0 +27393,1,0,0,0,0,0 +27394,0,0,1,0,0,0 +27395,0,1,0,0,0,0 +27396,0,0,0,0,1,0 +27397,1,0,0,0,1,0 +27398,1,0,1,0,0,0 +27399,0,1,0,0,0,0 +27400,1,0,1,1,0,0 +27401,0,1,0,0,0,0 +27402,1,0,1,0,0,0 +27403,0,0,1,0,0,0 +27404,0,0,1,0,0,0 +27405,1,0,1,0,0,0 +27406,1,0,0,1,0,0 +27407,1,0,0,0,0,0 +27408,1,0,0,0,0,0 +27409,0,1,0,0,0,0 +27410,0,0,1,1,0,0 +27411,1,0,0,1,0,0 +27412,1,0,0,0,0,0 +27413,0,0,1,0,0,0 +27414,0,0,1,0,0,0 +27415,1,0,0,0,0,0 +27416,1,0,0,0,0,0 +27417,1,0,0,1,0,0 +27418,0,1,0,0,0,0 +27419,1,0,0,1,0,0 +27420,0,1,0,0,0,0 +27421,0,1,0,0,0,0 +27422,1,0,0,0,0,0 +27423,1,0,0,0,0,0 +27424,0,0,0,1,0,0 +27425,1,0,0,1,0,0 +27426,0,0,0,1,0,0 +27427,1,0,0,0,0,0 +27428,1,0,0,0,0,0 +27429,0,0,1,0,0,0 +27430,0,1,0,0,0,0 +27431,1,0,0,1,0,0 +27432,0,1,0,0,0,0 +27433,0,0,1,0,0,0 +27434,0,0,1,0,0,0 +27435,0,1,0,0,0,0 +27436,0,0,1,0,0,0 +27437,1,0,0,0,0,0 +27438,0,0,1,0,0,0 +27439,0,1,0,0,0,0 +27440,1,0,0,1,0,0 +27441,1,0,0,0,0,0 +27442,0,1,0,0,0,0 +27443,0,0,1,0,0,0 +27444,0,1,1,0,0,0 +27445,1,0,0,0,0,0 +27446,0,1,0,0,0,0 +27447,0,0,1,0,0,0 +27448,1,0,0,0,0,0 +27449,1,0,0,1,0,0 +27450,1,0,1,0,0,0 +27451,0,0,0,1,0,0 +27452,0,0,1,0,0,0 +27453,1,0,0,0,0,0 +27454,1,0,0,0,0,0 +27455,0,1,0,0,0,0 +27456,1,0,0,0,0,0 +27457,1,0,0,0,0,0 +27458,0,0,1,0,0,0 +27459,0,1,0,0,0,0 +27460,0,0,1,0,0,0 +27461,0,1,0,0,0,0 +27462,0,1,0,0,0,0 +27463,0,1,0,0,0,0 +27464,0,1,0,0,0,0 +27465,1,0,0,0,0,0 +27466,0,0,1,1,0,0 +27467,1,0,0,0,0,0 +27468,1,0,0,0,0,0 +27469,1,0,0,0,0,0 +27470,1,0,0,0,0,0 +27471,1,0,0,0,0,0 +27472,0,0,0,1,0,0 +27473,1,0,0,1,0,0 +27474,0,0,1,0,0,0 +27475,0,1,0,0,0,0 +27476,0,1,0,0,0,0 +27477,1,0,0,1,0,0 +27478,1,0,0,1,0,0 +27479,0,0,1,0,0,0 +27480,1,0,0,1,0,0 +27481,0,0,1,0,0,0 +27482,0,0,1,0,0,0 +27483,1,0,0,0,0,0 +27484,0,0,0,0,0,0 +27485,0,0,1,0,0,0 +27486,1,0,0,0,0,0 +27487,1,0,0,1,0,0 +27488,0,1,0,0,0,0 +27489,0,0,0,1,0,0 +27490,1,0,0,0,0,0 +27491,0,1,0,0,0,0 +27492,0,1,0,0,0,0 +27493,0,0,1,1,0,0 +27494,1,0,0,0,0,0 +27495,1,0,0,0,0,0 +27496,1,0,0,0,0,0 +27497,1,0,0,0,0,0 +27498,0,0,1,0,0,0 +27499,0,1,0,0,0,0 +27500,1,0,0,1,0,0 +27501,1,0,1,0,0,0 +27502,1,0,0,0,0,0 +27503,1,0,0,0,0,0 +27504,0,1,0,0,1,0 +27505,0,0,1,0,0,0 +27506,0,1,0,0,0,0 +27507,0,0,1,0,0,0 +27508,1,0,0,1,0,0 +27509,0,0,1,0,0,0 +27510,0,0,1,0,0,0 +27511,1,0,0,0,0,0 +27512,0,1,1,0,0,0 +27513,0,0,1,1,0,0 +27514,0,1,0,0,0,0 +27515,1,0,0,0,0,0 +27516,1,0,0,0,0,0 +27517,0,0,1,0,0,0 +27518,0,1,0,0,0,0 +27519,0,1,0,0,0,0 +27520,1,0,0,1,0,0 +27521,0,1,0,0,0,0 +27522,1,0,0,0,0,0 +27523,0,0,1,1,0,0 +27524,0,1,0,0,0,0 +27525,0,1,0,0,0,0 +27526,1,0,1,0,0,0 +27527,1,0,0,0,0,0 +27528,1,0,0,0,0,0 +27529,0,0,0,1,0,0 +27530,0,1,1,0,0,0 +27531,1,0,0,1,0,0 +27532,0,1,0,0,0,0 +27533,0,0,1,0,0,0 +27534,0,0,0,1,0,0 +27535,1,0,0,1,0,0 +27536,0,0,1,0,0,0 +27537,1,0,0,1,0,0 +27538,1,0,0,0,0,0 +27539,0,1,0,0,0,0 +27540,0,0,1,0,0,0 +27541,0,0,1,0,0,0 +27542,1,0,0,0,0,0 +27543,0,0,0,1,0,0 +27544,1,0,0,0,0,0 +27545,0,1,0,0,0,0 +27546,1,0,0,1,0,0 +27547,1,0,0,0,0,0 +27548,1,0,0,0,0,0 +27549,0,1,0,0,0,0 +27550,0,0,1,0,0,0 +27551,0,0,0,1,0,0 +27552,0,0,0,0,1,0 +27553,0,1,0,0,0,0 +27554,0,0,1,1,0,0 +27555,0,1,0,0,0,0 +27556,0,1,0,0,0,0 +27557,1,0,0,0,0,0 +27558,0,1,0,0,0,0 +27559,1,0,0,0,0,0 +27560,0,0,1,0,0,0 +27561,0,1,0,0,1,0 +27562,0,0,1,0,0,0 +27563,1,0,0,1,0,0 +27564,1,0,0,0,0,0 +27565,0,1,0,0,0,0 +27566,1,0,0,0,0,0 +27567,0,0,1,0,0,0 +27568,1,0,0,1,0,0 +27569,1,1,0,0,0,0 +27570,1,0,1,0,0,0 +27571,1,0,0,0,1,0 +27572,1,0,1,1,0,0 +27573,0,0,0,1,0,0 +27574,0,1,0,0,0,0 +27575,0,1,0,0,0,0 +27576,0,1,0,0,0,0 +27577,0,1,0,0,0,0 +27578,0,0,0,1,0,0 +27579,1,0,0,1,0,0 +27580,0,0,1,1,0,0 +27581,0,1,0,0,0,0 +27582,1,0,0,1,0,0 +27583,1,0,0,1,0,0 +27584,0,0,0,1,0,0 +27585,1,0,0,1,0,0 +27586,1,0,0,0,0,0 +27587,1,0,0,1,0,0 +27588,1,0,0,0,0,0 +27589,1,0,0,1,0,0 +27590,0,0,0,1,0,0 +27591,0,0,1,1,0,0 +27592,1,0,0,1,0,0 +27593,1,0,0,0,0,0 +27594,1,0,0,0,0,0 +27595,0,1,0,0,0,0 +27596,1,0,0,1,0,0 +27597,1,0,0,0,0,0 +27598,0,1,0,0,0,0 +27599,0,1,0,0,0,0 +27600,0,0,1,0,0,0 +27601,0,1,0,0,0,0 +27602,1,1,0,0,0,0 +27603,0,0,0,1,0,0 +27604,0,1,0,0,0,0 +27605,0,1,0,0,0,0 +27606,1,0,0,0,0,0 +27607,0,1,0,0,0,0 +27608,0,0,1,0,0,0 +27609,0,0,0,0,0,0 +27610,1,0,0,1,0,0 +27611,0,1,0,0,1,0 +27612,0,1,0,0,0,0 +27613,1,0,0,0,0,0 +27614,0,1,0,0,0,0 +27615,0,1,0,0,0,0 +27616,0,0,1,0,0,0 +27617,0,1,0,0,0,0 +27618,1,0,0,1,0,0 +27619,1,0,0,1,0,0 +27620,0,0,1,0,0,0 +27621,1,0,0,0,0,0 +27622,1,0,1,0,0,0 +27623,0,1,0,0,0,0 +27624,1,0,0,0,0,0 +27625,0,0,1,0,0,0 +27626,1,0,0,0,0,0 +27627,0,0,1,0,0,0 +27628,1,0,0,0,0,0 +27629,1,0,0,1,0,0 +27630,1,0,0,0,0,0 +27631,0,0,1,0,0,0 +27632,0,0,1,0,0,0 +27633,0,1,0,0,0,0 +27634,0,1,0,0,0,0 +27635,1,0,0,0,0,0 +27636,1,0,0,1,0,0 +27637,1,0,1,0,0,0 +27638,0,1,0,0,0,0 +27639,1,0,0,0,0,0 +27640,1,0,0,0,0,0 +27641,1,0,0,0,0,0 +27642,1,0,0,0,0,0 +27643,0,0,1,1,0,0 +27644,0,0,1,0,0,0 +27645,0,0,1,0,0,0 +27646,1,0,0,1,0,0 +27647,0,1,0,0,0,0 +27648,0,1,0,0,0,0 +27649,1,0,0,0,0,0 +27650,0,1,0,0,0,0 +27651,0,1,0,0,0,0 +27652,0,0,0,1,0,0 +27653,1,1,0,0,0,0 +27654,1,0,0,0,0,0 +27655,0,0,1,0,0,0 +27656,1,0,0,1,0,0 +27657,1,0,0,1,0,0 +27658,1,0,0,1,0,0 +27659,1,0,0,1,0,0 +27660,0,1,0,0,0,0 +27661,1,0,0,1,0,0 +27662,1,0,1,0,0,0 +27663,1,0,0,0,0,0 +27664,1,0,0,1,0,0 +27665,1,0,0,0,0,0 +27666,1,0,0,1,0,0 +27667,0,0,1,0,0,0 +27668,0,0,1,0,0,0 +27669,0,0,1,1,0,0 +27670,0,1,0,0,0,0 +27671,0,1,0,0,0,0 +27672,1,0,0,1,0,0 +27673,0,0,0,1,0,0 +27674,0,1,0,0,0,0 +27675,0,1,0,0,0,0 +27676,0,1,0,0,0,0 +27677,1,0,0,1,0,0 +27678,0,0,1,0,0,0 +27679,0,1,0,0,0,0 +27680,1,0,1,0,0,0 +27681,1,0,0,0,0,0 +27682,0,1,0,0,0,0 +27683,1,0,1,1,0,0 +27684,0,1,0,0,0,0 +27685,1,0,0,1,0,0 +27686,1,0,0,1,0,0 +27687,0,1,0,0,0,0 +27688,0,1,0,0,0,0 +27689,1,0,0,0,0,0 +27690,0,1,0,0,0,0 +27691,0,0,1,0,0,0 +27692,1,0,0,0,0,0 +27693,1,0,0,1,0,0 +27694,1,0,1,1,0,0 +27695,1,0,0,0,0,0 +27696,0,1,0,0,0,0 +27697,1,1,0,0,0,0 +27698,0,0,1,0,0,0 +27699,0,0,1,0,0,0 +27700,0,1,0,0,0,0 +27701,1,0,0,0,0,0 +27702,0,0,1,0,0,0 +27703,1,0,0,0,0,0 +27704,1,0,0,0,0,0 +27705,0,1,0,0,0,0 +27706,1,0,0,0,0,0 +27707,0,1,0,0,0,0 +27708,0,1,0,0,0,0 +27709,1,0,0,1,0,0 +27710,0,1,0,0,0,0 +27711,0,1,0,0,0,0 +27712,0,1,0,0,0,0 +27713,0,0,0,0,0,0 +27714,1,0,0,0,0,0 +27715,0,0,1,0,0,0 +27716,1,0,0,0,0,0 +27717,1,0,0,0,0,0 +27718,0,1,0,0,0,0 +27719,0,1,0,0,0,0 +27720,0,1,0,0,0,0 +27721,0,1,0,0,0,0 +27722,0,0,1,0,0,0 +27723,1,0,0,1,0,0 +27724,0,1,1,0,0,0 +27725,1,0,0,1,0,0 +27726,0,1,0,0,0,0 +27727,0,1,0,0,0,0 +27728,1,0,0,1,0,0 +27729,0,0,0,1,0,0 +27730,0,1,0,0,0,0 +27731,0,1,0,0,0,0 +27732,0,1,0,0,0,0 +27733,0,0,1,0,0,0 +27734,0,0,1,1,0,0 +27735,0,1,0,0,0,0 +27736,0,0,1,0,0,0 +27737,1,0,0,1,0,0 +27738,1,0,0,0,0,0 +27739,0,1,0,0,0,0 +27740,0,0,1,0,0,0 +27741,1,0,0,1,0,0 +27742,0,1,0,0,0,0 +27743,1,0,0,1,0,0 +27744,0,0,1,1,0,0 +27745,1,0,1,0,0,0 +27746,1,0,0,0,0,0 +27747,1,0,0,0,0,0 +27748,1,0,0,1,0,0 +27749,1,0,0,1,0,0 +27750,1,0,0,1,0,0 +27751,0,1,1,0,0,0 +27752,0,1,0,0,0,0 +27753,0,1,0,0,0,0 +27754,1,0,0,1,0,0 +27755,0,1,0,0,0,0 +27756,1,0,0,1,0,0 +27757,1,0,0,0,0,0 +27758,0,1,0,0,0,0 +27759,0,1,0,0,0,0 +27760,1,0,0,1,0,0 +27761,0,0,1,0,0,0 +27762,0,1,0,0,0,0 +27763,0,1,0,0,0,0 +27764,0,1,0,0,0,0 +27765,0,1,0,0,0,0 +27766,1,0,0,1,0,0 +27767,1,0,0,1,0,0 +27768,1,0,0,0,0,0 +27769,0,1,0,0,0,0 +27770,1,0,1,0,0,0 +27771,1,0,0,0,0,0 +27772,1,0,0,0,0,0 +27773,1,0,0,1,0,0 +27774,0,1,0,0,0,0 +27775,0,0,0,0,0,1 +27776,0,0,1,1,0,0 +27777,0,1,0,0,0,0 +27778,1,0,0,1,0,0 +27779,1,0,1,1,0,0 +27780,0,1,0,0,0,0 +27781,1,0,0,1,0,0 +27782,0,1,1,0,0,0 +27783,1,1,0,0,0,0 +27784,0,0,0,1,0,0 +27785,0,1,0,0,0,0 +27786,1,0,0,1,0,0 +27787,1,0,0,1,0,0 +27788,0,0,1,0,0,0 +27789,0,1,0,0,0,0 +27790,1,0,0,0,0,0 +27791,0,0,1,0,0,0 +27792,0,1,0,0,0,0 +27793,1,0,0,0,0,0 +27794,1,0,0,0,0,0 +27795,0,1,0,0,0,0 +27796,0,1,0,0,0,0 +27797,0,0,1,0,0,0 +27798,1,0,0,0,0,0 +27799,0,0,1,0,0,0 +27800,1,0,0,1,0,0 +27801,1,1,0,1,0,0 +27802,0,0,1,0,0,0 +27803,1,0,0,0,0,0 +27804,1,0,0,1,0,0 +27805,1,0,0,1,0,0 +27806,0,0,1,0,0,0 +27807,1,0,0,1,0,0 +27808,0,0,1,0,0,0 +27809,0,1,0,0,0,0 +27810,0,1,0,0,0,0 +27811,1,0,0,0,0,0 +27812,0,0,1,0,0,0 +27813,1,0,0,0,0,0 +27814,0,0,1,0,0,0 +27815,0,1,0,0,0,0 +27816,0,0,0,0,0,1 +27817,1,0,0,1,0,0 +27818,0,1,0,0,0,0 +27819,0,0,1,1,0,0 +27820,0,0,0,1,0,0 +27821,0,0,1,0,0,0 +27822,0,1,0,0,0,0 +27823,1,0,0,0,0,0 +27824,0,1,0,0,0,0 +27825,0,1,0,0,0,0 +27826,0,0,1,0,0,0 +27827,0,0,1,1,0,0 +27828,1,0,0,0,0,0 +27829,1,0,0,1,0,0 +27830,0,1,0,0,0,0 +27831,0,0,1,1,0,0 +27832,0,1,0,0,0,0 +27833,1,0,0,1,1,0 +27834,1,0,0,0,0,0 +27835,0,0,1,0,0,0 +27836,1,0,1,0,0,0 +27837,0,0,1,0,0,0 +27838,1,0,1,0,0,0 +27839,0,0,0,1,0,0 +27840,0,0,1,0,0,0 +27841,1,0,0,0,0,0 +27842,0,1,0,0,0,0 +27843,0,1,0,0,0,0 +27844,1,0,0,0,1,0 +27845,1,0,0,1,0,0 +27846,1,0,0,0,0,0 +27847,1,0,0,1,0,0 +27848,0,1,0,0,0,0 +27849,0,0,1,0,0,0 +27850,0,0,1,1,0,0 +27851,1,0,0,0,0,0 +27852,1,0,1,0,0,0 +27853,1,0,0,0,0,0 +27854,0,0,1,0,0,0 +27855,0,0,1,0,0,0 +27856,1,0,0,1,0,0 +27857,0,1,0,0,0,0 +27858,0,0,1,1,0,0 +27859,0,1,0,0,0,0 +27860,0,0,1,0,0,0 +27861,1,0,0,1,0,0 +27862,0,0,0,1,0,0 +27863,0,1,0,0,0,0 +27864,1,0,0,0,0,0 +27865,1,0,0,1,0,0 +27866,0,0,1,0,0,0 +27867,0,1,0,0,1,0 +27868,0,1,0,0,0,0 +27869,0,0,1,0,0,0 +27870,1,0,0,1,0,0 +27871,0,0,1,0,0,1 +27872,1,0,0,0,0,0 +27873,1,0,0,0,0,0 +27874,1,0,0,1,0,0 +27875,1,0,0,1,0,0 +27876,1,0,0,1,0,0 +27877,1,0,0,0,0,0 +27878,1,0,0,0,0,0 +27879,0,0,1,0,0,0 +27880,1,0,0,0,0,0 +27881,0,1,0,0,0,0 +27882,1,0,0,0,0,0 +27883,0,1,0,0,0,0 +27884,0,1,0,0,0,0 +27885,0,1,0,0,0,0 +27886,0,0,1,0,0,0 +27887,0,1,0,0,0,0 +27888,0,1,0,0,0,0 +27889,0,1,0,0,0,0 +27890,0,1,0,0,0,0 +27891,1,0,0,0,0,0 +27892,0,0,1,0,0,0 +27893,0,1,0,0,0,0 +27894,0,1,0,0,0,0 +27895,0,1,0,0,0,0 +27896,0,1,1,0,0,0 +27897,0,1,0,0,0,0 +27898,1,0,0,1,0,0 +27899,0,1,0,0,0,0 +27900,0,1,0,0,0,0 +27901,1,0,0,1,0,0 +27902,0,1,0,0,0,0 +27903,0,1,0,0,0,0 +27904,0,0,1,0,0,0 +27905,0,0,1,0,0,0 +27906,0,1,1,0,0,0 +27907,0,1,0,0,0,0 +27908,1,0,0,0,0,0 +27909,1,0,1,0,0,0 +27910,0,1,0,1,0,0 +27911,0,0,1,1,0,0 +27912,0,1,0,0,0,0 +27913,0,1,0,0,0,0 +27914,1,0,0,1,0,0 +27915,0,1,0,0,0,0 +27916,1,0,0,0,0,0 +27917,1,0,0,1,0,0 +27918,1,0,0,1,0,0 +27919,1,0,0,1,0,0 +27920,0,1,0,0,0,0 +27921,0,1,0,0,0,0 +27922,0,1,0,0,0,0 +27923,0,1,0,0,0,0 +27924,1,0,0,1,0,0 +27925,1,0,0,0,0,0 +27926,0,1,0,0,0,0 +27927,1,0,0,1,0,0 +27928,0,1,0,0,0,0 +27929,0,1,0,0,0,0 +27930,1,0,0,0,0,0 +27931,0,1,0,0,0,0 +27932,0,1,1,0,0,0 +27933,0,0,1,1,0,0 +27934,1,0,0,1,0,0 +27935,0,0,1,0,0,0 +27936,1,0,0,1,0,0 +27937,1,0,0,0,0,0 +27938,1,0,0,0,0,0 +27939,1,0,0,0,0,0 +27940,0,1,0,0,0,0 +27941,0,0,1,0,0,0 +27942,1,0,0,1,0,0 +27943,1,0,0,0,0,0 +27944,0,0,0,1,0,0 +27945,1,0,0,0,0,0 +27946,1,1,0,0,0,0 +27947,0,0,1,0,0,0 +27948,0,0,1,1,0,0 +27949,1,0,0,1,1,0 +27950,1,0,0,0,0,0 +27951,0,0,1,1,0,0 +27952,0,0,1,0,0,0 +27953,1,0,0,1,0,0 +27954,1,0,0,1,0,0 +27955,1,0,0,1,0,0 +27956,0,1,0,0,0,0 +27957,0,1,0,0,0,0 +27958,1,0,0,0,0,0 +27959,0,1,0,0,0,0 +27960,1,0,0,1,0,0 +27961,0,1,0,0,0,0 +27962,0,0,1,0,0,0 +27963,1,0,1,0,0,0 +27964,0,1,0,0,0,0 +27965,0,1,0,0,0,0 +27966,0,1,0,0,0,0 +27967,0,0,1,0,0,0 +27968,0,1,0,0,0,0 +27969,1,0,0,1,0,0 +27970,1,0,0,1,0,0 +27971,0,0,0,1,0,0 +27972,0,0,1,1,0,0 +27973,0,0,1,1,0,0 +27974,0,1,0,0,0,0 +27975,1,0,0,0,0,0 +27976,1,0,0,1,0,0 +27977,0,1,0,0,0,0 +27978,1,0,0,0,0,0 +27979,0,1,0,0,0,0 +27980,0,1,0,0,0,0 +27981,1,0,0,0,0,0 +27982,0,1,0,0,0,0 +27983,0,0,1,0,0,0 +27984,1,0,0,0,0,0 +27985,0,1,0,0,0,0 +27986,0,0,0,1,0,0 +27987,1,0,1,0,0,0 +27988,1,0,0,1,0,0 +27989,0,1,0,0,0,0 +27990,1,0,0,0,0,0 +27991,0,1,0,0,0,0 +27992,0,1,0,0,0,0 +27993,1,0,0,1,0,0 +27994,0,1,0,0,0,0 +27995,1,0,0,0,0,0 +27996,0,0,1,0,0,0 +27997,1,0,0,0,0,0 +27998,0,1,0,0,0,0 +27999,1,0,0,1,0,0 +28000,0,1,0,0,0,0 +28001,0,0,1,0,0,0 +28002,0,0,0,1,0,0 +28003,0,1,0,0,0,0 +28004,1,0,0,0,0,0 +28005,1,0,0,0,0,0 +28006,0,1,0,0,0,0 +28007,0,1,0,0,0,0 +28008,0,1,0,0,0,0 +28009,0,0,1,0,0,0 +28010,1,0,0,1,0,0 +28011,0,0,1,0,0,0 +28012,0,1,0,0,0,0 +28013,1,0,0,1,0,0 +28014,0,0,0,1,0,0 +28015,1,0,0,1,0,0 +28016,0,0,1,0,0,0 +28017,0,1,0,0,0,0 +28018,1,0,0,0,0,0 +28019,1,0,0,0,0,0 +28020,1,0,0,0,0,0 +28021,0,0,1,0,0,0 +28022,1,1,0,0,0,0 +28023,0,0,0,1,1,0 +28024,1,0,0,1,0,0 +28025,1,1,0,0,0,0 +28026,1,0,0,0,0,0 +28027,0,0,0,0,0,0 +28028,1,0,0,0,0,0 +28029,0,1,0,1,1,0 +28030,0,0,0,0,1,0 +28031,0,0,0,1,0,0 +28032,0,0,1,0,0,0 +28033,1,0,0,1,0,0 +28034,0,1,0,0,0,0 +28035,1,0,0,1,0,0 +28036,0,1,0,0,1,0 +28037,1,0,1,0,0,0 +28038,0,0,1,0,0,0 +28039,0,0,1,0,0,0 +28040,0,0,1,1,0,0 +28041,0,1,0,0,0,0 +28042,0,0,1,1,0,0 +28043,0,0,1,0,0,0 +28044,0,0,1,1,0,0 +28045,1,0,0,0,0,0 +28046,1,1,0,0,0,0 +28047,0,0,1,1,0,0 +28048,1,0,0,1,0,0 +28049,1,0,0,0,0,0 +28050,1,0,0,0,0,0 +28051,1,0,1,0,0,0 +28052,0,0,1,0,0,0 +28053,0,0,1,1,0,0 +28054,0,0,1,1,0,0 +28055,0,1,0,0,1,0 +28056,0,0,1,0,0,0 +28057,0,1,0,0,0,0 +28058,0,0,1,0,0,0 +28059,0,0,1,0,0,0 +28060,0,1,0,0,0,0 +28061,0,1,0,0,0,0 +28062,0,1,0,0,0,0 +28063,0,0,1,0,0,0 +28064,1,0,0,0,0,0 +28065,1,0,0,1,0,0 +28066,0,1,0,0,1,0 +28067,1,0,0,1,0,0 +28068,0,0,1,0,0,0 +28069,1,0,0,0,0,0 +28070,0,1,0,0,0,0 +28071,0,0,0,0,0,0 +28072,0,0,0,0,0,0 +28073,0,1,0,0,0,0 +28074,1,0,0,0,0,0 +28075,1,0,0,0,0,0 +28076,0,1,0,0,0,0 +28077,1,0,0,0,0,0 +28078,0,1,0,0,0,0 +28079,0,0,1,0,0,0 +28080,0,0,1,0,0,0 +28081,1,0,1,1,0,0 +28082,1,0,0,1,0,0 +28083,1,0,0,1,0,0 +28084,0,1,0,0,0,0 +28085,0,0,1,0,0,0 +28086,1,0,0,0,0,0 +28087,0,0,1,1,0,0 +28088,0,0,0,1,0,0 +28089,1,0,1,0,0,0 +28090,1,0,0,1,0,0 +28091,0,1,0,0,0,0 +28092,0,0,0,1,0,0 +28093,1,0,0,0,0,0 +28094,1,0,0,0,0,0 +28095,0,1,0,0,0,0 +28096,1,0,0,1,0,0 +28097,1,0,0,0,0,0 +28098,1,0,0,1,0,0 +28099,1,0,0,0,0,0 +28100,0,0,1,0,0,0 +28101,0,1,0,0,0,0 +28102,0,0,1,0,0,0 +28103,0,1,0,0,0,0 +28104,0,1,0,0,0,0 +28105,1,0,0,1,0,0 +28106,0,0,1,0,0,0 +28107,1,0,0,0,0,0 +28108,0,1,0,0,0,0 +28109,0,1,0,0,0,0 +28110,0,0,1,0,0,0 +28111,1,0,0,1,0,0 +28112,0,1,0,0,0,0 +28113,1,0,0,0,0,0 +28114,0,0,0,1,0,0 +28115,1,0,0,0,0,0 +28116,0,0,1,0,0,0 +28117,1,0,0,0,0,0 +28118,1,0,1,0,0,0 +28119,1,0,0,0,0,0 +28120,0,1,0,0,0,0 +28121,1,0,0,1,0,0 +28122,0,1,1,0,0,0 +28123,0,0,0,1,0,0 +28124,1,0,0,1,0,0 +28125,0,0,1,0,0,0 +28126,1,0,0,0,0,0 +28127,0,0,1,0,0,0 +28128,0,0,1,0,0,0 +28129,0,0,1,0,0,0 +28130,1,0,0,1,0,0 +28131,0,1,0,0,0,0 +28132,1,0,0,0,0,0 +28133,1,0,1,1,0,0 +28134,0,1,0,0,0,0 +28135,1,0,0,0,0,0 +28136,0,1,0,0,0,0 +28137,1,0,0,1,0,0 +28138,1,0,0,1,0,0 +28139,1,0,0,1,0,0 +28140,1,0,0,1,0,0 +28141,0,1,0,0,0,0 +28142,0,1,0,0,0,0 +28143,0,1,0,0,0,0 +28144,0,0,1,0,0,0 +28145,0,1,0,0,0,0 +28146,0,0,1,0,0,0 +28147,0,1,0,0,0,0 +28148,0,1,0,0,0,0 +28149,1,0,0,1,0,0 +28150,1,0,0,0,0,0 +28151,1,0,0,0,0,0 +28152,1,0,1,1,0,0 +28153,1,0,0,0,0,0 +28154,1,0,0,0,0,0 +28155,0,1,0,0,0,0 +28156,1,0,0,0,0,0 +28157,0,0,1,0,0,0 +28158,0,1,0,0,0,0 +28159,1,0,0,0,1,0 +28160,1,0,0,0,0,0 +28161,0,0,1,0,0,0 +28162,0,0,1,0,0,0 +28163,0,1,0,0,0,0 +28164,0,1,0,0,0,0 +28165,0,0,1,0,0,0 +28166,0,0,1,0,0,0 +28167,0,0,1,0,0,0 +28168,0,1,0,0,0,0 +28169,1,0,0,1,0,0 +28170,0,0,1,1,0,0 +28171,0,0,1,0,0,0 +28172,0,0,1,0,0,0 +28173,0,1,0,0,0,0 +28174,0,0,1,0,0,0 +28175,1,0,0,0,0,0 +28176,0,0,1,0,0,0 +28177,1,0,0,0,0,0 +28178,1,0,0,1,0,0 +28179,0,1,0,0,0,0 +28180,1,1,1,0,0,0 +28181,1,0,0,1,0,0 +28182,1,0,0,1,0,0 +28183,1,0,0,0,0,0 +28184,1,0,0,0,0,0 +28185,1,0,0,0,0,0 +28186,1,0,0,0,0,0 +28187,0,1,0,0,0,0 +28188,1,0,0,1,0,0 +28189,0,0,1,0,0,0 +28190,0,0,0,0,0,1 +28191,0,0,1,0,0,0 +28192,0,1,0,0,0,0 +28193,1,0,0,0,0,0 +28194,0,0,1,1,0,0 +28195,0,0,1,1,0,0 +28196,0,0,1,1,0,0 +28197,0,1,0,0,0,0 +28198,1,0,0,0,0,0 +28199,1,0,0,0,0,0 +28200,0,1,0,0,0,0 +28201,0,1,0,0,0,0 +28202,0,0,0,1,0,0 +28203,1,0,0,0,0,0 +28204,1,0,0,0,0,0 +28205,1,0,0,0,0,0 +28206,1,0,0,1,0,0 +28207,0,1,0,0,0,0 +28208,1,0,0,0,0,0 +28209,1,0,1,1,0,0 +28210,0,0,1,0,0,0 +28211,0,0,1,0,0,0 +28212,0,1,0,0,0,0 +28213,1,0,0,1,0,0 +28214,0,1,0,0,0,0 +28215,0,0,1,0,0,0 +28216,0,1,1,0,0,0 +28217,0,1,0,0,0,0 +28218,1,0,0,1,0,0 +28219,1,0,0,0,0,0 +28220,0,0,1,0,0,0 +28221,1,0,0,0,0,0 +28222,0,1,0,0,0,0 +28223,1,0,0,1,0,0 +28224,1,0,0,1,0,0 +28225,0,0,1,0,0,0 +28226,1,0,0,0,0,0 +28227,0,0,1,1,0,0 +28228,0,0,1,0,0,0 +28229,0,1,0,0,0,0 +28230,0,1,0,0,0,0 +28231,0,1,0,0,0,0 +28232,1,0,1,0,0,0 +28233,0,0,1,0,0,0 +28234,0,0,1,1,0,0 +28235,1,0,0,1,0,0 +28236,0,1,0,0,0,0 +28237,0,0,0,0,1,0 +28238,0,1,0,0,0,0 +28239,1,0,0,0,0,0 +28240,0,1,0,0,0,0 +28241,0,1,0,0,0,0 +28242,1,0,0,1,0,0 +28243,1,0,0,1,0,0 +28244,1,0,0,0,0,0 +28245,0,1,0,0,0,0 +28246,0,0,1,1,0,0 +28247,1,0,0,1,0,0 +28248,0,0,1,1,0,0 +28249,1,0,0,1,0,0 +28250,1,0,1,0,0,0 +28251,0,1,0,0,0,0 +28252,1,0,0,0,0,0 +28253,0,1,0,0,1,0 +28254,0,0,0,1,0,0 +28255,1,0,0,0,0,0 +28256,1,0,0,1,0,0 +28257,0,1,0,0,0,0 +28258,0,0,1,0,0,0 +28259,1,0,0,0,0,0 +28260,1,0,0,1,0,0 +28261,0,0,1,0,0,0 +28262,1,0,0,1,0,0 +28263,0,1,0,0,0,0 +28264,1,0,0,0,0,0 +28265,0,1,1,0,0,0 +28266,0,0,1,1,0,0 +28267,1,0,0,0,0,0 +28268,1,0,0,1,0,0 +28269,0,0,1,0,0,0 +28270,0,1,0,0,0,0 +28271,1,0,0,1,0,0 +28272,0,0,1,1,0,0 +28273,1,0,0,0,0,0 +28274,1,0,0,1,0,0 +28275,0,0,0,0,1,0 +28276,1,0,0,0,0,0 +28277,0,0,0,1,0,0 +28278,1,0,0,0,0,0 +28279,0,1,0,0,0,0 +28280,1,0,0,0,0,0 +28281,1,0,0,1,0,0 +28282,1,0,0,0,0,0 +28283,1,0,0,0,0,0 +28284,0,1,0,0,0,0 +28285,0,0,0,0,0,0 +28286,0,0,1,0,0,0 +28287,0,1,0,0,0,0 +28288,0,0,1,0,0,0 +28289,0,1,0,0,0,0 +28290,1,0,0,0,0,0 +28291,1,0,0,0,0,0 +28292,0,0,1,0,0,0 +28293,0,0,1,0,0,0 +28294,0,0,1,0,0,0 +28295,0,0,0,1,0,0 +28296,0,1,0,0,0,0 +28297,1,1,0,0,0,0 +28298,1,0,0,0,0,0 +28299,0,1,1,0,0,0 +28300,0,0,0,1,0,0 +28301,1,0,0,0,0,0 +28302,0,0,0,1,1,0 +28303,0,0,1,0,0,0 +28304,0,1,0,0,0,0 +28305,1,0,0,0,0,1 +28306,0,0,1,0,0,0 +28307,0,1,0,0,0,0 +28308,0,1,0,0,0,0 +28309,0,0,0,0,1,0 +28310,0,1,0,0,0,0 +28311,1,0,0,1,0,0 +28312,1,0,0,0,0,0 +28313,1,0,0,1,0,0 +28314,1,0,0,0,0,0 +28315,0,0,1,1,0,0 +28316,1,0,0,0,0,0 +28317,1,0,0,0,0,0 +28318,1,0,0,0,0,0 +28319,1,0,0,0,0,0 +28320,0,0,1,1,0,0 +28321,1,0,0,1,0,0 +28322,0,0,1,0,0,0 +28323,0,1,0,0,0,0 +28324,0,1,1,0,0,0 +28325,0,0,1,0,0,0 +28326,1,0,0,1,0,0 +28327,0,0,1,0,0,0 +28328,0,1,0,0,0,0 +28329,0,0,1,0,0,0 +28330,0,1,0,0,0,0 +28331,0,0,1,1,0,0 +28332,1,0,0,1,0,0 +28333,0,0,1,1,0,0 +28334,0,1,0,0,0,0 +28335,1,0,0,1,0,0 +28336,0,0,1,0,0,0 +28337,0,0,1,0,0,0 +28338,1,0,0,1,0,0 +28339,1,0,0,0,0,0 +28340,0,1,0,0,0,0 +28341,1,0,0,1,0,0 +28342,1,0,0,0,0,0 +28343,0,1,0,0,0,0 +28344,0,1,0,0,0,0 +28345,0,0,1,1,0,0 +28346,1,0,0,0,0,0 +28347,1,0,0,1,0,0 +28348,0,1,0,0,0,0 +28349,0,1,1,0,0,0 +28350,1,0,0,0,0,0 +28351,0,1,0,0,0,0 +28352,0,0,1,0,0,0 +28353,1,0,0,0,0,0 +28354,0,0,1,0,0,0 +28355,0,0,0,0,1,0 +28356,0,0,0,0,0,0 +28357,1,0,0,0,0,0 +28358,0,0,0,1,0,0 +28359,0,0,1,1,0,0 +28360,0,0,1,0,0,0 +28361,1,0,0,1,0,0 +28362,0,0,0,0,1,0 +28363,0,0,0,1,0,0 +28364,1,0,0,1,0,0 +28365,0,0,0,1,0,0 +28366,1,0,0,1,0,0 +28367,0,1,0,0,1,0 +28368,1,0,0,0,0,0 +28369,0,1,0,0,0,0 +28370,0,0,1,0,0,0 +28371,1,0,0,0,0,0 +28372,1,0,0,1,0,0 +28373,0,0,1,1,0,0 +28374,0,1,0,0,0,0 +28375,0,1,0,0,0,0 +28376,0,1,0,0,0,0 +28377,0,1,0,0,0,0 +28378,1,0,0,1,0,0 +28379,1,0,0,0,0,0 +28380,0,0,1,0,0,0 +28381,0,0,0,1,0,0 +28382,0,1,0,0,0,0 +28383,0,0,1,0,0,0 +28384,0,1,0,0,0,0 +28385,0,0,1,0,0,0 +28386,1,0,1,0,0,0 +28387,0,0,1,1,0,0 +28388,1,0,0,0,0,0 +28389,1,0,0,1,0,0 +28390,0,1,0,0,0,0 +28391,0,1,0,0,0,0 +28392,0,1,0,0,0,0 +28393,0,0,1,0,0,0 +28394,1,0,0,0,0,0 +28395,1,0,0,1,0,0 +28396,1,0,0,1,0,0 +28397,0,0,0,1,0,0 +28398,0,1,0,0,0,0 +28399,0,1,0,0,0,0 +28400,0,0,1,0,0,0 +28401,1,0,0,0,0,0 +28402,1,0,0,0,0,0 +28403,1,0,0,1,0,0 +28404,0,0,0,1,0,0 +28405,0,1,0,0,0,0 +28406,1,0,0,1,0,0 +28407,0,0,1,0,0,0 +28408,1,0,0,0,0,0 +28409,0,1,0,0,0,0 +28410,1,0,0,0,0,0 +28411,0,0,0,1,0,0 +28412,0,0,1,0,0,0 +28413,1,0,1,0,0,0 +28414,0,1,0,0,0,0 +28415,0,1,0,0,0,0 +28416,1,0,0,0,0,0 +28417,1,0,0,0,1,0 +28418,0,0,1,0,0,0 +28419,0,0,0,0,0,1 +28420,0,0,1,0,0,0 +28421,1,0,0,1,0,0 +28422,0,1,0,0,0,0 +28423,1,0,0,0,0,0 +28424,1,0,0,1,0,0 +28425,0,1,0,0,0,0 +28426,1,0,0,0,0,0 +28427,1,0,0,0,0,0 +28428,1,0,0,0,0,0 +28429,1,0,1,0,0,0 +28430,0,0,0,0,1,0 +28431,1,0,0,0,0,0 +28432,1,0,0,1,0,0 +28433,0,0,1,0,0,0 +28434,1,0,0,1,0,0 +28435,0,1,1,0,0,0 +28436,1,0,0,0,0,0 +28437,0,1,1,0,0,0 +28438,1,0,1,1,0,0 +28439,0,1,0,0,0,0 +28440,0,1,0,0,0,0 +28441,1,0,0,0,0,0 +28442,0,0,1,0,0,0 +28443,1,0,0,0,0,0 +28444,1,0,0,0,0,0 +28445,0,1,0,0,0,0 +28446,0,0,1,0,0,0 +28447,1,0,0,1,0,0 +28448,0,0,1,0,0,0 +28449,0,0,1,0,0,0 +28450,0,1,0,0,0,0 +28451,0,1,1,0,0,0 +28452,0,0,1,0,0,0 +28453,1,1,0,0,0,0 +28454,0,1,1,0,0,0 +28455,0,1,0,0,0,0 +28456,0,1,0,0,0,0 +28457,1,0,1,0,0,0 +28458,0,0,1,0,0,0 +28459,0,1,0,0,0,0 +28460,0,0,1,0,0,0 +28461,1,0,1,0,0,0 +28462,1,0,0,1,0,0 +28463,1,0,0,1,0,0 +28464,1,0,0,1,0,0 +28465,0,1,0,0,0,0 +28466,0,1,0,0,0,0 +28467,1,0,0,0,0,0 +28468,0,1,0,0,0,0 +28469,1,0,0,0,0,0 +28470,0,0,1,0,0,0 +28471,0,1,0,0,0,0 +28472,1,1,0,0,0,0 +28473,1,0,1,0,0,0 +28474,1,0,0,0,0,0 +28475,0,0,0,1,1,0 +28476,0,1,0,0,0,0 +28477,0,0,0,1,0,0 +28478,1,0,0,1,0,0 +28479,0,0,0,1,0,0 +28480,1,0,0,0,0,0 +28481,1,0,0,0,0,0 +28482,1,0,0,0,0,0 +28483,1,0,0,1,1,0 +28484,0,0,1,0,0,0 +28485,1,0,0,1,0,0 +28486,1,0,0,0,0,0 +28487,1,0,0,1,0,0 +28488,0,1,0,0,0,0 +28489,0,1,0,0,0,0 +28490,1,1,0,0,0,0 +28491,1,0,0,0,1,0 +28492,1,0,0,1,0,0 +28493,0,0,0,0,0,0 +28494,1,0,0,0,0,0 +28495,0,1,0,0,0,0 +28496,0,1,0,0,0,0 +28497,1,1,0,0,0,0 +28498,0,1,0,0,0,0 +28499,0,1,1,0,0,0 +28500,0,0,1,1,0,0 +28501,0,0,0,0,0,0 +28502,0,0,1,1,0,0 +28503,1,0,0,1,0,0 +28504,0,1,0,0,0,0 +28505,1,0,0,1,0,0 +28506,0,1,0,0,0,0 +28507,0,1,0,0,0,0 +28508,1,0,0,0,0,0 +28509,1,0,0,0,0,0 +28510,1,0,0,1,0,0 +28511,0,0,1,0,0,0 +28512,1,0,0,1,0,0 +28513,1,1,0,0,0,0 +28514,1,0,0,1,0,0 +28515,0,1,0,0,0,0 +28516,1,0,0,1,0,0 +28517,0,0,0,0,1,0 +28518,0,1,0,0,0,0 +28519,0,1,0,0,1,0 +28520,1,0,0,1,0,0 +28521,0,0,0,1,1,0 +28522,0,0,0,0,0,0 +28523,0,0,1,0,0,0 +28524,1,0,0,1,0,0 +28525,0,0,1,1,0,0 +28526,0,0,1,0,0,0 +28527,0,0,1,0,0,0 +28528,0,1,0,0,0,0 +28529,1,0,0,0,0,0 +28530,0,0,1,0,0,0 +28531,0,0,0,0,0,0 +28532,0,0,1,1,0,0 +28533,0,1,1,0,0,0 +28534,0,1,0,0,0,0 +28535,1,0,0,0,0,0 +28536,0,1,0,0,0,0 +28537,1,0,0,0,0,0 +28538,0,0,1,0,0,0 +28539,1,0,0,0,0,0 +28540,1,0,0,0,0,0 +28541,0,0,1,0,0,0 +28542,0,1,0,0,0,0 +28543,0,1,0,0,0,0 +28544,0,1,0,0,0,0 +28545,1,0,0,0,0,0 +28546,1,0,0,1,0,0 +28547,0,0,1,0,0,0 +28548,1,0,0,1,0,0 +28549,0,0,0,0,0,0 +28550,1,0,1,0,0,0 +28551,1,0,0,0,0,0 +28552,0,1,0,0,0,0 +28553,1,0,0,1,0,0 +28554,0,0,1,1,0,0 +28555,1,0,0,0,0,0 +28556,0,1,0,0,1,0 +28557,0,1,0,0,0,0 +28558,1,0,0,0,0,0 +28559,0,0,1,0,0,0 +28560,1,0,0,0,0,0 +28561,1,0,0,1,0,0 +28562,0,1,0,0,0,0 +28563,0,1,0,0,0,0 +28564,0,0,0,1,0,0 +28565,0,0,0,0,0,0 +28566,0,0,0,1,0,0 +28567,0,0,1,0,0,0 +28568,0,0,1,0,0,0 +28569,0,1,0,0,0,0 +28570,1,0,0,0,0,0 +28571,0,1,0,0,0,0 +28572,1,0,0,0,0,0 +28573,1,0,0,0,0,0 +28574,1,0,0,0,0,0 +28575,1,0,0,0,0,0 +28576,0,1,0,0,0,0 +28577,0,1,0,0,0,0 +28578,0,0,1,0,0,0 +28579,1,0,0,0,0,0 +28580,1,0,0,1,0,0 +28581,1,0,0,0,0,0 +28582,0,1,0,0,0,0 +28583,1,0,0,0,0,0 +28584,1,0,0,1,0,0 +28585,1,0,0,0,0,0 +28586,0,1,0,0,0,0 +28587,1,0,0,0,0,0 +28588,0,0,1,0,0,0 +28589,1,0,0,1,0,0 +28590,1,0,1,0,0,0 +28591,1,0,0,0,0,0 +28592,0,0,1,0,0,0 +28593,0,0,1,0,0,0 +28594,0,1,0,0,0,0 +28595,0,0,1,0,0,0 +28596,0,0,1,0,0,0 +28597,0,1,0,0,0,0 +28598,0,1,1,0,0,0 +28599,1,0,0,1,0,0 +28600,1,0,0,1,0,0 +28601,0,0,1,0,0,0 +28602,0,0,1,0,0,0 +28603,1,0,0,1,0,0 +28604,0,1,0,0,0,0 +28605,0,1,0,0,0,0 +28606,0,1,0,0,0,0 +28607,0,1,0,0,0,0 +28608,1,0,1,0,0,0 +28609,1,0,0,0,0,0 +28610,1,0,0,1,0,0 +28611,0,1,0,0,0,0 +28612,0,0,0,1,0,0 +28613,1,1,0,1,0,0 +28614,0,0,0,0,0,0 +28615,1,0,0,1,0,0 +28616,0,1,0,0,0,0 +28617,1,0,0,1,0,0 +28618,1,1,0,0,0,0 +28619,0,1,0,0,0,0 +28620,0,0,0,0,0,0 +28621,1,0,0,1,0,0 +28622,1,0,0,1,0,0 +28623,0,1,0,0,0,0 +28624,0,1,0,0,0,0 +28625,1,0,0,1,0,0 +28626,0,1,0,0,0,0 +28627,0,0,1,0,0,0 +28628,1,0,0,0,0,0 +28629,0,0,1,0,0,0 +28630,0,0,1,0,0,0 +28631,1,0,0,0,0,0 +28632,0,0,1,0,0,0 +28633,0,0,1,0,0,0 +28634,0,0,1,0,0,0 +28635,0,1,0,0,0,0 +28636,1,0,0,0,0,0 +28637,1,0,0,0,0,0 +28638,1,0,0,1,0,0 +28639,0,0,1,0,0,0 +28640,0,0,1,0,0,0 +28641,0,0,0,1,0,0 +28642,1,0,1,0,0,0 +28643,1,0,0,0,0,0 +28644,0,0,0,1,0,0 +28645,0,1,0,0,0,0 +28646,0,0,1,1,0,0 +28647,1,1,0,0,0,0 +28648,0,0,1,1,0,0 +28649,1,0,0,0,0,0 +28650,1,0,0,0,0,0 +28651,0,1,0,0,1,0 +28652,1,0,0,0,0,0 +28653,0,0,1,1,0,0 +28654,0,0,1,0,0,0 +28655,1,0,0,1,0,0 +28656,0,1,0,0,0,0 +28657,0,1,0,0,0,0 +28658,1,0,0,0,0,0 +28659,1,0,0,0,0,0 +28660,1,0,0,0,0,0 +28661,0,1,0,0,0,0 +28662,0,1,0,0,1,0 +28663,0,0,1,0,0,0 +28664,0,1,0,0,0,0 +28665,1,0,1,0,0,0 +28666,0,0,1,0,0,0 +28667,1,0,0,0,0,0 +28668,1,0,0,1,0,0 +28669,1,0,0,0,0,0 +28670,1,0,0,0,0,0 +28671,0,1,0,0,0,0 +28672,0,0,0,1,1,0 +28673,0,1,0,0,0,0 +28674,1,0,0,0,0,0 +28675,0,0,1,0,0,0 +28676,0,1,1,0,0,0 +28677,1,0,1,0,0,0 +28678,1,0,0,1,0,0 +28679,0,1,0,0,0,0 +28680,1,1,0,0,0,0 +28681,1,0,0,0,0,0 +28682,1,0,0,0,0,0 +28683,0,1,0,0,0,0 +28684,0,1,0,0,0,0 +28685,0,1,0,0,0,0 +28686,1,0,0,0,0,0 +28687,0,0,1,1,0,0 +28688,0,1,0,0,0,0 +28689,1,0,0,1,0,0 +28690,0,0,1,0,0,0 +28691,0,1,0,0,0,0 +28692,0,0,1,0,0,0 +28693,1,0,0,1,0,0 +28694,0,1,0,0,0,0 +28695,1,0,0,1,0,0 +28696,1,0,0,1,0,0 +28697,0,0,0,0,0,0 +28698,1,0,0,1,0,0 +28699,0,0,1,0,0,0 +28700,1,0,0,0,0,0 +28701,1,1,0,0,0,0 +28702,1,0,0,1,0,0 +28703,0,1,0,0,0,0 +28704,0,1,0,0,0,0 +28705,0,1,0,0,0,0 +28706,0,1,0,0,0,0 +28707,0,0,0,1,0,0 +28708,1,0,0,0,0,0 +28709,0,1,0,0,0,0 +28710,1,0,0,0,0,0 +28711,1,0,0,0,0,0 +28712,1,0,0,1,0,0 +28713,1,0,0,1,0,0 +28714,0,1,0,0,0,0 +28715,0,1,0,0,0,0 +28716,1,0,0,1,0,0 +28717,1,0,0,0,0,0 +28718,1,0,0,1,0,0 +28719,0,0,0,0,0,1 +28720,0,0,1,0,0,0 +28721,1,0,0,0,0,0 +28722,1,0,0,0,0,0 +28723,0,1,0,0,0,0 +28724,0,1,0,0,0,0 +28725,0,1,1,0,0,0 +28726,1,0,0,0,0,0 +28727,0,0,0,1,0,0 +28728,0,1,0,0,0,0 +28729,1,0,0,0,0,0 +28730,0,1,0,0,0,0 +28731,0,1,0,0,0,0 +28732,0,0,1,0,0,0 +28733,0,0,0,0,0,0 +28734,1,0,0,1,0,0 +28735,1,0,0,0,0,0 +28736,1,0,0,1,0,0 +28737,1,0,0,0,0,0 +28738,1,0,0,1,0,0 +28739,0,1,0,0,0,0 +28740,0,0,0,1,1,0 +28741,1,0,0,0,0,0 +28742,0,1,0,0,0,0 +28743,0,0,1,0,0,0 +28744,1,0,1,0,0,0 +28745,0,1,0,0,0,0 +28746,0,0,1,0,0,0 +28747,1,0,0,1,0,0 +28748,1,0,0,1,0,0 +28749,1,0,0,1,0,0 +28750,0,0,1,0,0,0 +28751,0,0,1,0,0,0 +28752,0,0,1,1,0,0 +28753,0,1,0,0,0,0 +28754,1,0,0,0,0,0 +28755,0,0,1,1,0,0 +28756,0,1,0,0,0,0 +28757,0,1,0,0,0,0 +28758,0,1,0,0,0,0 +28759,0,0,1,0,0,0 +28760,1,0,0,0,0,0 +28761,0,1,1,0,0,0 +28762,1,0,0,1,0,0 +28763,1,0,0,1,0,0 +28764,0,1,0,0,0,0 +28765,1,0,1,0,0,0 +28766,0,1,1,0,0,0 +28767,1,0,0,1,0,0 +28768,0,0,1,0,0,0 +28769,1,0,0,1,0,0 +28770,0,0,1,0,0,0 +28771,0,0,1,0,0,0 +28772,0,1,0,0,0,0 +28773,0,1,0,0,0,0 +28774,0,1,0,0,0,0 +28775,0,0,1,0,0,0 +28776,0,1,0,0,1,0 +28777,0,0,1,0,0,1 +28778,0,1,0,0,0,0 +28779,1,0,0,0,0,0 +28780,0,0,1,0,0,0 +28781,1,0,0,1,0,0 +28782,1,0,0,1,0,0 +28783,0,1,0,0,0,0 +28784,1,0,0,0,0,0 +28785,0,0,1,0,0,0 +28786,0,0,1,0,0,0 +28787,1,0,0,1,0,0 +28788,0,1,0,0,0,0 +28789,0,1,0,0,0,0 +28790,0,0,1,1,0,0 +28791,0,0,1,0,0,0 +28792,0,0,1,1,0,0 +28793,1,0,0,0,0,0 +28794,0,1,0,0,0,0 +28795,1,0,0,1,0,0 +28796,1,0,0,1,0,0 +28797,1,0,0,0,0,0 +28798,0,1,1,0,0,0 +28799,0,0,1,0,0,0 +28800,0,0,1,0,0,0 +28801,0,0,0,1,0,0 +28802,1,0,1,1,0,0 +28803,1,0,0,1,0,0 +28804,1,0,0,1,0,0 +28805,1,0,0,1,0,0 +28806,1,0,1,1,0,0 +28807,0,1,0,0,0,0 +28808,1,0,0,0,0,0 +28809,1,0,0,0,0,0 +28810,0,0,1,0,0,0 +28811,1,0,0,1,0,0 +28812,0,0,1,0,0,0 +28813,0,1,0,0,0,0 +28814,0,0,1,0,0,0 +28815,1,0,0,1,0,0 +28816,1,0,0,1,0,0 +28817,1,0,0,0,0,0 +28818,0,1,0,0,0,0 +28819,1,0,0,0,0,0 +28820,1,1,0,0,0,0 +28821,0,0,1,0,0,0 +28822,0,0,0,1,1,0 +28823,1,0,1,0,0,0 +28824,1,0,0,0,0,0 +28825,1,0,0,0,0,0 +28826,1,0,0,1,0,0 +28827,0,0,1,0,0,0 +28828,1,0,0,1,0,0 +28829,1,0,0,0,0,0 +28830,0,1,0,0,0,0 +28831,1,0,0,0,0,0 +28832,1,0,1,0,0,0 +28833,1,0,0,1,0,0 +28834,0,1,0,0,0,0 +28835,0,1,0,0,0,0 +28836,1,0,0,1,0,0 +28837,1,0,0,1,0,0 +28838,1,0,0,1,0,0 +28839,1,0,0,1,0,0 +28840,0,0,1,0,0,0 +28841,1,0,0,1,0,0 +28842,1,0,0,0,0,0 +28843,0,1,0,0,0,0 +28844,1,0,0,1,0,0 +28845,1,0,0,1,0,0 +28846,0,1,0,0,0,0 +28847,0,0,1,0,0,0 +28848,1,0,0,0,0,0 +28849,0,0,1,1,0,0 +28850,0,0,0,1,1,0 +28851,1,0,0,1,0,0 +28852,0,1,0,0,0,0 +28853,0,1,0,0,0,0 +28854,1,0,0,1,0,0 +28855,0,1,0,0,0,0 +28856,1,0,0,0,0,0 +28857,0,1,0,0,0,0 +28858,0,1,0,0,0,0 +28859,0,0,1,1,0,0 +28860,0,0,0,1,0,0 +28861,0,0,1,0,0,0 +28862,0,1,0,0,0,0 +28863,1,0,0,0,0,0 +28864,1,0,0,0,0,0 +28865,1,0,0,1,0,0 +28866,0,0,1,0,0,0 +28867,1,0,1,0,0,0 +28868,0,0,1,1,0,0 +28869,1,0,1,0,0,0 +28870,0,0,1,0,0,0 +28871,1,0,0,0,0,0 +28872,1,0,0,0,0,0 +28873,1,0,0,1,0,0 +28874,1,0,0,0,0,0 +28875,1,0,0,0,0,0 +28876,1,0,0,0,0,0 +28877,1,0,0,0,0,0 +28878,0,0,1,0,0,0 +28879,1,0,0,1,0,0 +28880,1,0,0,0,0,0 +28881,1,0,0,0,0,0 +28882,1,0,0,0,0,0 +28883,0,0,1,0,0,0 +28884,1,0,0,1,0,0 +28885,1,0,0,0,0,0 +28886,0,1,0,0,0,0 +28887,1,0,0,1,0,0 +28888,0,0,1,1,0,0 +28889,1,1,0,1,0,0 +28890,1,0,0,0,0,0 +28891,0,0,1,0,0,0 +28892,0,1,0,0,0,0 +28893,0,1,0,0,0,0 +28894,0,1,0,0,0,0 +28895,1,0,0,1,0,0 +28896,1,0,0,1,0,0 +28897,0,0,1,0,0,0 +28898,1,0,0,1,0,0 +28899,0,0,0,0,0,1 +28900,0,1,0,0,0,0 +28901,0,1,0,0,0,0 +28902,0,1,0,0,0,0 +28903,0,1,0,0,0,0 +28904,1,0,0,0,0,0 +28905,1,0,0,1,0,0 +28906,0,1,0,0,0,0 +28907,1,0,0,1,0,0 +28908,0,0,1,0,0,0 +28909,1,0,1,0,0,0 +28910,1,0,0,0,0,0 +28911,0,1,0,0,0,0 +28912,0,0,0,1,0,0 +28913,1,0,0,1,0,0 +28914,1,0,0,1,0,0 +28915,0,0,1,0,0,0 +28916,0,1,0,0,0,0 +28917,0,1,0,0,0,0 +28918,0,1,0,0,0,0 +28919,0,0,1,0,0,0 +28920,0,0,1,0,0,0 +28921,0,0,1,0,0,0 +28922,1,0,0,1,0,0 +28923,0,1,0,0,0,0 +28924,0,1,0,0,0,0 +28925,0,0,1,0,0,0 +28926,0,1,0,0,0,0 +28927,0,1,0,0,0,0 +28928,0,1,0,0,0,0 +28929,0,1,0,0,0,0 +28930,1,0,0,1,0,0 +28931,0,1,0,0,0,0 +28932,1,0,0,0,0,0 +28933,1,0,0,0,0,0 +28934,1,0,1,0,0,0 +28935,1,0,0,0,0,0 +28936,0,0,1,0,0,0 +28937,0,0,1,0,0,0 +28938,1,0,0,1,0,0 +28939,0,1,0,0,0,0 +28940,0,1,0,0,0,0 +28941,1,0,0,1,0,0 +28942,0,0,1,0,0,0 +28943,0,1,0,0,0,0 +28944,0,1,0,0,0,0 +28945,1,0,0,0,0,0 +28946,1,0,0,0,0,0 +28947,1,0,0,0,0,0 +28948,0,1,0,0,0,0 +28949,0,0,0,0,0,0 +28950,0,1,0,0,0,0 +28951,1,0,0,0,0,0 +28952,1,0,0,0,0,0 +28953,1,0,0,0,0,0 +28954,1,0,0,1,0,0 +28955,1,0,0,1,0,0 +28956,1,0,0,0,0,0 +28957,0,0,0,0,1,0 +28958,1,0,0,0,0,0 +28959,0,0,1,0,0,0 +28960,0,1,0,0,0,0 +28961,0,1,0,0,0,0 +28962,1,0,0,0,0,0 +28963,1,0,0,1,0,0 +28964,1,1,0,0,0,0 +28965,0,0,1,0,0,0 +28966,1,0,0,0,0,0 +28967,0,1,0,0,0,0 +28968,1,0,0,1,0,0 +28969,0,0,1,0,0,0 +28970,0,1,0,0,0,0 +28971,0,1,0,0,0,0 +28972,0,1,0,0,0,0 +28973,0,1,0,0,0,0 +28974,1,0,0,0,0,0 +28975,1,0,1,0,0,0 +28976,0,0,1,0,0,0 +28977,0,1,0,0,0,0 +28978,0,0,1,0,0,0 +28979,1,0,0,1,0,0 +28980,0,0,1,0,0,0 +28981,1,0,0,0,0,0 +28982,1,0,0,0,0,0 +28983,0,0,1,0,0,0 +28984,0,1,0,0,0,0 +28985,1,0,0,1,0,0 +28986,0,1,0,0,0,0 +28987,0,0,1,0,0,0 +28988,0,0,1,0,0,0 +28989,0,0,1,0,0,0 +28990,1,0,0,0,0,0 +28991,0,0,1,0,0,0 +28992,0,0,1,0,0,0 +28993,1,0,0,1,0,0 +28994,1,0,0,1,0,0 +28995,1,0,0,1,0,0 +28996,1,0,0,0,0,0 +28997,1,0,0,0,0,0 +28998,1,0,0,1,0,0 +28999,1,0,0,0,0,0 +29000,1,0,0,1,0,0 +29001,1,0,0,1,0,0 +29002,0,1,0,0,0,0 +29003,0,0,1,0,0,0 +29004,1,0,0,1,0,0 +29005,0,1,1,0,0,0 +29006,1,0,0,1,0,0 +29007,0,0,1,0,0,0 +29008,0,1,0,0,0,0 +29009,1,0,1,0,0,0 +29010,1,0,0,0,0,0 +29011,1,0,0,1,0,0 +29012,0,1,0,0,1,0 +29013,1,0,0,0,0,0 +29014,1,0,0,1,0,0 +29015,0,0,1,0,0,0 +29016,0,1,0,0,0,0 +29017,0,0,1,0,0,0 +29018,0,1,0,0,0,0 +29019,1,0,0,1,0,0 +29020,1,0,0,1,0,0 +29021,1,0,0,1,0,0 +29022,0,0,1,0,0,0 +29023,1,0,0,1,0,0 +29024,0,0,1,0,0,0 +29025,0,0,1,0,0,0 +29026,0,1,0,0,0,0 +29027,1,0,1,0,0,0 +29028,0,0,1,0,0,0 +29029,1,0,0,1,0,0 +29030,1,0,0,0,0,0 +29031,1,1,0,0,1,0 +29032,1,0,0,0,0,0 +29033,0,1,0,0,0,0 +29034,0,1,0,0,0,0 +29035,0,0,0,1,0,0 +29036,1,0,0,0,0,0 +29037,1,0,0,1,0,0 +29038,0,0,1,0,0,0 +29039,1,0,0,1,0,0 +29040,0,1,0,0,0,0 +29041,1,0,0,1,0,0 +29042,0,1,0,0,0,0 +29043,1,0,0,1,0,0 +29044,1,0,0,0,0,0 +29045,0,1,0,0,0,0 +29046,1,0,0,1,0,0 +29047,0,0,0,1,0,0 +29048,0,1,0,0,0,0 +29049,0,0,1,0,0,0 +29050,1,0,0,0,0,0 +29051,1,0,0,0,0,0 +29052,0,1,0,0,0,0 +29053,0,1,0,0,0,0 +29054,1,0,1,0,0,0 +29055,1,0,0,1,0,0 +29056,0,1,0,0,0,0 +29057,1,0,0,0,0,0 +29058,0,1,0,0,0,0 +29059,0,0,0,0,0,0 +29060,0,1,0,0,0,0 +29061,1,0,0,0,0,0 +29062,0,0,0,1,0,0 +29063,0,1,0,0,0,0 +29064,1,0,1,0,0,0 +29065,1,0,0,0,0,0 +29066,1,0,0,1,0,0 +29067,0,1,0,0,0,0 +29068,0,1,0,1,0,0 +29069,0,1,0,0,0,0 +29070,1,1,0,0,0,0 +29071,0,0,1,0,0,0 +29072,1,0,0,0,0,0 +29073,1,0,0,0,0,0 +29074,0,1,0,0,0,0 +29075,0,1,0,0,0,0 +29076,0,0,1,1,0,0 +29077,1,1,0,0,0,0 +29078,0,1,0,0,0,0 +29079,1,0,0,1,0,0 +29080,0,0,0,0,0,0 +29081,1,0,0,1,0,0 +29082,1,1,0,1,0,0 +29083,0,0,1,0,0,0 +29084,0,0,0,0,0,0 +29085,1,0,0,0,0,0 +29086,0,1,0,0,0,0 +29087,0,1,0,0,0,0 +29088,0,0,1,0,0,0 +29089,1,0,1,0,0,0 +29090,1,0,0,0,0,0 +29091,0,1,0,0,0,0 +29092,0,0,1,0,0,0 +29093,0,1,0,0,0,0 +29094,0,0,1,0,0,0 +29095,0,0,0,0,0,0 +29096,1,0,1,1,0,0 +29097,1,0,0,0,0,0 +29098,1,0,0,0,0,0 +29099,0,0,0,1,0,0 +29100,0,0,1,0,0,0 +29101,0,0,1,0,0,0 +29102,0,1,0,0,0,0 +29103,1,0,0,1,0,0 +29104,1,0,0,1,0,0 +29105,1,0,0,0,0,0 +29106,0,1,0,0,0,0 +29107,1,0,0,1,0,0 +29108,1,0,0,1,0,0 +29109,1,0,0,1,1,0 +29110,0,0,0,1,0,0 +29111,0,0,1,0,0,0 +29112,1,0,0,0,0,0 +29113,1,0,0,0,0,0 +29114,0,1,0,0,0,0 +29115,0,0,1,0,0,0 +29116,1,0,0,0,0,0 +29117,1,0,0,1,0,0 +29118,1,0,0,1,0,0 +29119,1,0,0,1,0,0 +29120,1,0,0,1,0,0 +29121,0,0,1,0,0,0 +29122,0,0,1,0,0,0 +29123,0,0,1,0,0,0 +29124,1,0,0,0,0,0 +29125,0,0,0,0,1,0 +29126,1,0,0,0,0,0 +29127,0,1,0,0,0,0 +29128,0,1,0,0,1,0 +29129,0,0,1,0,0,0 +29130,1,0,0,1,0,0 +29131,1,0,0,1,0,0 +29132,0,1,0,0,0,0 +29133,0,1,0,0,0,0 +29134,0,1,0,0,0,0 +29135,1,0,1,0,0,0 +29136,1,0,0,0,0,0 +29137,1,0,0,0,0,0 +29138,0,1,0,0,0,0 +29139,1,0,1,1,0,0 +29140,1,0,0,1,0,0 +29141,0,0,1,0,0,0 +29142,1,0,1,1,0,0 +29143,1,0,0,1,0,0 +29144,0,0,1,1,0,0 +29145,0,1,0,0,1,0 +29146,0,1,0,0,0,0 +29147,0,1,0,0,0,0 +29148,0,0,0,0,1,0 +29149,0,0,0,1,0,0 +29150,1,0,0,0,0,0 +29151,1,0,0,1,0,0 +29152,1,0,1,0,0,0 +29153,1,0,0,1,0,0 +29154,0,0,1,0,0,0 +29155,1,0,0,1,0,0 +29156,0,1,0,0,0,0 +29157,0,0,1,0,0,0 +29158,0,1,0,0,0,0 +29159,0,0,0,1,0,0 +29160,1,0,0,0,0,0 +29161,0,0,1,0,0,0 +29162,1,0,0,0,0,0 +29163,1,0,0,0,0,0 +29164,1,0,0,1,0,0 +29165,0,0,1,0,0,0 +29166,0,1,0,0,0,0 +29167,0,1,0,0,0,0 +29168,0,0,0,1,0,0 +29169,0,1,0,0,0,0 +29170,0,0,1,0,0,0 +29171,1,0,0,1,0,0 +29172,1,0,0,1,0,0 +29173,1,0,1,0,0,0 +29174,1,1,0,0,0,0 +29175,0,0,1,0,0,0 +29176,0,1,0,0,0,0 +29177,0,1,0,0,0,0 +29178,0,0,1,0,0,0 +29179,1,0,0,0,0,0 +29180,0,0,1,1,0,0 +29181,0,1,0,0,0,0 +29182,0,0,1,0,0,0 +29183,1,0,0,0,0,0 +29184,0,0,1,0,0,0 +29185,1,0,0,0,0,0 +29186,1,0,0,0,0,0 +29187,0,1,0,1,0,0 +29188,0,1,0,0,0,0 +29189,0,1,0,0,0,0 +29190,1,0,0,0,0,0 +29191,0,1,0,0,0,0 +29192,0,0,0,1,0,0 +29193,1,0,0,1,0,0 +29194,1,0,0,0,0,0 +29195,1,0,0,1,0,0 +29196,1,0,1,0,0,0 +29197,0,0,1,0,0,0 +29198,0,1,0,0,0,0 +29199,0,0,1,0,0,0 +29200,1,0,0,0,0,0 +29201,0,1,0,0,0,0 +29202,0,1,0,0,0,0 +29203,0,1,0,0,0,0 +29204,1,0,0,0,0,0 +29205,0,0,0,1,0,0 +29206,1,0,0,0,0,0 +29207,0,1,0,0,0,0 +29208,0,1,0,0,0,0 +29209,1,0,0,0,0,0 +29210,0,1,0,0,0,0 +29211,0,1,0,0,0,0 +29212,1,0,0,1,0,0 +29213,1,0,0,1,0,0 +29214,0,0,1,0,0,0 +29215,0,0,0,0,0,0 +29216,0,1,0,0,0,0 +29217,0,0,1,1,0,0 +29218,0,1,0,0,0,0 +29219,0,0,0,1,0,0 +29220,0,1,0,0,0,0 +29221,0,1,0,0,0,0 +29222,0,0,1,0,0,0 +29223,0,0,0,1,0,0 +29224,0,0,1,0,0,0 +29225,0,1,0,0,0,0 +29226,0,0,0,0,0,0 +29227,0,0,1,1,0,0 +29228,0,0,0,1,0,0 +29229,1,0,0,1,0,0 +29230,1,0,0,0,0,0 +29231,1,0,1,1,0,0 +29232,0,0,1,0,0,0 +29233,1,0,0,1,0,0 +29234,1,0,0,0,0,0 +29235,0,0,1,1,0,0 +29236,0,0,1,0,0,0 +29237,1,0,1,0,0,0 +29238,1,0,0,1,0,0 +29239,0,1,0,0,0,0 +29240,1,0,0,0,0,0 +29241,0,1,0,0,0,0 +29242,0,0,1,1,0,0 +29243,0,0,1,0,0,0 +29244,1,0,0,0,0,0 +29245,1,0,0,0,1,0 +29246,0,0,0,0,0,0 +29247,0,0,1,0,0,0 +29248,0,0,0,0,1,0 +29249,1,0,0,1,0,0 +29250,1,0,0,1,0,0 +29251,0,0,1,0,0,0 +29252,0,1,0,0,0,0 +29253,1,0,0,1,0,0 +29254,0,1,0,0,0,0 +29255,0,1,0,0,0,0 +29256,0,1,1,0,0,0 +29257,1,1,0,0,0,0 +29258,1,0,0,0,0,0 +29259,0,1,0,0,0,0 +29260,1,0,0,0,0,0 +29261,1,0,0,1,0,0 +29262,0,0,0,0,0,1 +29263,0,0,1,0,0,0 +29264,0,0,0,1,1,0 +29265,0,0,1,1,0,0 +29266,1,0,0,1,0,0 +29267,0,0,1,0,0,0 +29268,0,0,1,0,0,0 +29269,0,1,0,0,0,0 +29270,0,0,1,0,0,0 +29271,0,1,0,0,0,0 +29272,1,0,0,0,0,0 +29273,0,1,0,1,0,0 +29274,0,0,1,1,0,0 +29275,0,0,1,1,0,0 +29276,0,0,1,0,0,0 +29277,1,0,0,0,0,0 +29278,1,0,0,0,0,0 +29279,0,0,1,0,0,0 +29280,1,0,0,1,0,0 +29281,1,0,0,0,0,0 +29282,1,0,0,1,0,0 +29283,0,0,0,1,1,0 +29284,1,1,0,0,0,0 +29285,1,0,0,1,0,0 +29286,0,0,1,0,0,0 +29287,0,1,0,0,0,0 +29288,0,0,0,0,0,0 +29289,1,0,0,0,0,0 +29290,1,0,1,0,0,0 +29291,0,1,0,0,0,0 +29292,0,0,1,0,0,0 +29293,0,1,0,0,0,0 +29294,0,0,1,0,0,0 +29295,0,1,0,0,0,0 +29296,0,1,0,1,0,0 +29297,0,0,1,0,0,0 +29298,1,0,0,1,0,0 +29299,0,1,0,1,0,0 +29300,0,1,0,0,0,0 +29301,0,1,1,0,0,0 +29302,0,1,0,0,0,0 +29303,1,0,0,1,0,0 +29304,1,0,0,1,0,0 +29305,1,1,0,0,0,0 +29306,0,0,1,0,0,0 +29307,0,0,1,0,0,0 +29308,0,0,0,1,0,0 +29309,1,0,1,0,0,0 +29310,0,1,0,0,0,0 +29311,0,1,0,0,0,0 +29312,0,0,0,0,0,0 +29313,1,0,0,0,0,0 +29314,1,0,0,1,0,0 +29315,0,0,0,0,0,1 +29316,1,0,0,0,0,0 +29317,0,0,1,0,0,0 +29318,1,0,0,1,0,0 +29319,0,0,1,1,0,0 +29320,1,0,0,1,0,0 +29321,0,1,0,0,0,0 +29322,0,1,0,0,0,0 +29323,1,0,0,1,0,0 +29324,1,0,0,1,0,0 +29325,1,0,0,1,0,0 +29326,1,0,0,0,0,0 +29327,0,0,1,1,0,1 +29328,0,1,0,0,0,0 +29329,1,0,0,0,0,0 +29330,1,0,0,0,0,0 +29331,0,0,1,0,0,0 +29332,1,0,1,0,0,0 +29333,1,0,0,1,0,0 +29334,1,0,1,1,0,0 +29335,1,0,0,1,0,0 +29336,0,1,0,0,0,0 +29337,1,0,0,0,0,0 +29338,1,0,0,0,0,0 +29339,1,0,0,1,0,0 +29340,1,0,1,0,0,0 +29341,0,1,0,0,0,0 +29342,0,1,0,0,0,0 +29343,1,0,0,1,0,0 +29344,0,1,1,0,0,0 +29345,0,1,0,0,0,0 +29346,0,1,0,0,0,0 +29347,1,0,0,1,0,0 +29348,1,0,0,1,0,0 +29349,0,1,0,0,0,0 +29350,1,0,0,1,0,0 +29351,0,0,1,0,0,0 +29352,0,1,0,0,0,0 +29353,0,0,1,0,0,0 +29354,0,0,0,0,1,0 +29355,1,0,1,0,0,0 +29356,1,0,1,0,0,0 +29357,0,1,0,0,0,0 +29358,1,0,0,1,0,0 +29359,0,1,0,0,0,0 +29360,0,0,1,0,0,0 +29361,0,1,0,0,0,0 +29362,1,0,0,1,0,0 +29363,0,0,0,1,0,0 +29364,0,1,0,0,0,0 +29365,1,0,0,0,0,0 +29366,0,0,1,0,0,0 +29367,0,1,1,0,0,0 +29368,1,0,0,0,0,0 +29369,1,0,0,0,0,0 +29370,0,1,0,0,1,0 +29371,1,0,0,1,0,0 +29372,0,0,1,0,0,0 +29373,0,1,0,0,0,0 +29374,0,1,0,0,0,0 +29375,1,0,1,0,0,0 +29376,0,1,0,0,0,0 +29377,0,0,1,0,0,0 +29378,1,0,0,0,0,0 +29379,0,1,0,0,0,0 +29380,1,0,0,0,0,0 +29381,0,0,1,0,0,0 +29382,0,1,1,0,0,0 +29383,0,0,1,0,0,0 +29384,1,0,0,0,0,0 +29385,1,0,0,1,0,0 +29386,1,0,1,0,0,0 +29387,0,1,0,0,0,0 +29388,0,0,0,1,0,0 +29389,0,0,1,0,0,0 +29390,0,0,1,0,0,0 +29391,0,0,0,0,0,0 +29392,0,1,0,0,0,0 +29393,0,0,1,0,0,0 +29394,1,0,1,0,0,0 +29395,0,1,0,0,0,0 +29396,0,1,0,0,0,0 +29397,0,1,0,0,0,0 +29398,0,1,0,0,0,0 +29399,1,0,0,1,0,0 +29400,1,0,0,1,0,0 +29401,0,1,0,0,0,0 +29402,0,0,1,0,0,0 +29403,1,0,0,0,0,0 +29404,0,0,1,0,0,0 +29405,1,0,1,0,0,0 +29406,1,0,0,0,0,0 +29407,0,1,0,0,0,0 +29408,1,0,0,1,0,0 +29409,0,0,1,0,0,0 +29410,1,0,0,0,0,0 +29411,0,0,1,0,0,0 +29412,1,0,0,1,0,0 +29413,1,1,0,1,0,0 +29414,0,0,0,1,0,0 +29415,1,0,0,0,0,0 +29416,1,0,0,0,0,0 +29417,0,0,1,1,0,0 +29418,0,1,0,0,0,0 +29419,0,0,1,1,0,0 +29420,0,0,1,0,0,0 +29421,1,0,0,0,0,0 +29422,1,0,0,1,0,0 +29423,0,1,0,0,0,0 +29424,0,0,1,0,0,0 +29425,0,1,0,0,0,0 +29426,1,0,0,1,0,0 +29427,0,1,0,0,0,0 +29428,1,0,0,1,0,0 +29429,0,1,0,0,0,0 +29430,1,0,0,0,0,0 +29431,1,0,0,0,0,0 +29432,0,0,0,1,0,0 +29433,0,0,1,0,0,0 +29434,1,1,0,0,0,0 +29435,1,0,0,1,0,0 +29436,0,0,1,0,0,0 +29437,1,0,1,0,0,0 +29438,1,0,0,0,0,0 +29439,0,0,1,1,0,0 +29440,0,0,1,0,0,0 +29441,1,0,0,1,0,0 +29442,1,0,0,0,0,0 +29443,1,0,0,0,0,0 +29444,0,0,1,0,0,0 +29445,1,0,0,1,0,0 +29446,0,0,1,0,0,0 +29447,1,0,0,1,0,0 +29448,1,0,0,0,0,0 +29449,1,0,1,0,0,0 +29450,0,0,1,0,0,0 +29451,0,1,0,0,0,0 +29452,1,0,0,1,0,0 +29453,1,0,0,1,0,0 +29454,1,0,0,1,0,0 +29455,0,1,0,0,0,0 +29456,1,0,0,0,0,0 +29457,1,0,1,1,0,0 +29458,0,1,0,0,0,0 +29459,1,1,0,0,0,0 +29460,0,0,0,0,1,0 +29461,0,0,1,0,0,0 +29462,1,0,0,0,0,0 +29463,0,1,0,1,0,0 +29464,1,0,0,1,0,0 +29465,1,0,0,1,0,0 +29466,0,0,1,0,0,0 +29467,0,0,1,0,0,0 +29468,0,1,0,0,0,0 +29469,1,0,0,0,0,0 +29470,0,0,1,0,0,0 +29471,1,0,0,1,0,0 +29472,1,0,0,0,0,0 +29473,0,0,1,0,0,0 +29474,1,0,0,0,0,0 +29475,1,0,0,1,0,0 +29476,0,1,0,0,0,0 +29477,0,0,1,0,0,0 +29478,0,1,1,0,0,0 +29479,1,0,0,0,0,0 +29480,0,0,1,0,0,0 +29481,0,0,0,1,0,0 +29482,0,1,1,0,0,0 +29483,0,1,0,0,0,0 +29484,1,0,0,0,0,0 +29485,1,0,0,0,0,0 +29486,1,0,0,0,0,0 +29487,0,1,0,0,0,0 +29488,0,0,1,0,0,0 +29489,0,0,0,0,0,0 +29490,0,0,1,0,0,0 +29491,1,0,0,0,0,0 +29492,0,1,0,0,0,0 +29493,1,0,0,0,0,0 +29494,1,0,0,0,0,0 +29495,1,0,0,0,0,0 +29496,0,1,0,1,1,0 +29497,1,0,1,0,0,0 +29498,1,0,0,1,0,0 +29499,0,0,0,1,0,0 +29500,1,0,0,0,0,0 +29501,1,0,0,0,0,0 +29502,0,1,0,0,0,0 +29503,0,0,1,0,0,0 +29504,0,0,1,0,0,0 +29505,0,0,1,0,0,0 +29506,0,1,0,0,0,0 +29507,1,0,0,1,0,0 +29508,0,1,0,0,0,0 +29509,1,0,0,0,0,0 +29510,0,0,1,0,0,0 +29511,1,0,1,0,0,0 +29512,1,0,0,0,0,0 +29513,0,0,1,0,0,0 +29514,1,0,0,0,0,0 +29515,0,1,0,0,0,0 +29516,0,1,0,0,0,0 +29517,1,0,0,0,1,0 +29518,1,0,0,1,0,0 +29519,0,1,0,0,0,0 +29520,0,0,0,1,1,0 +29521,0,1,0,0,0,0 +29522,1,0,0,1,0,0 +29523,1,0,0,0,0,0 +29524,1,0,0,0,0,0 +29525,1,0,0,1,0,0 +29526,0,0,1,1,0,0 +29527,1,0,0,1,0,0 +29528,0,0,1,0,0,0 +29529,0,1,0,0,0,0 +29530,0,1,0,0,0,0 +29531,0,0,0,1,0,0 +29532,0,1,0,0,0,0 +29533,1,0,0,0,0,0 +29534,1,1,0,0,0,0 +29535,0,1,0,0,0,0 +29536,0,1,0,0,0,0 +29537,1,0,0,1,0,0 +29538,0,0,1,1,0,0 +29539,1,0,0,0,0,0 +29540,0,1,0,0,0,0 +29541,1,0,0,0,0,0 +29542,1,0,0,0,0,0 +29543,0,0,1,0,0,0 +29544,0,1,0,0,0,0 +29545,1,0,0,1,0,0 +29546,0,0,1,0,0,0 +29547,0,0,0,0,0,0 +29548,0,0,1,0,0,0 +29549,1,0,0,1,0,0 +29550,0,0,1,0,0,0 +29551,0,1,0,0,0,0 +29552,0,1,0,0,0,0 +29553,0,1,0,0,0,0 +29554,0,1,0,1,0,0 +29555,1,0,0,0,0,0 +29556,1,0,0,1,0,0 +29557,0,0,1,0,0,0 +29558,0,0,1,0,0,0 +29559,1,0,0,0,0,0 +29560,1,0,0,0,0,0 +29561,0,1,0,0,0,0 +29562,1,0,0,1,0,0 +29563,0,1,0,0,0,0 +29564,0,1,1,0,0,0 +29565,1,0,0,0,0,0 +29566,0,1,0,0,0,0 +29567,0,1,0,0,0,0 +29568,0,1,0,0,0,0 +29569,0,0,1,0,0,0 +29570,1,0,0,1,0,0 +29571,0,0,1,1,0,0 +29572,0,0,1,1,0,0 +29573,1,0,0,0,0,0 +29574,1,0,0,1,0,0 +29575,0,1,0,0,0,0 +29576,0,1,0,0,0,0 +29577,0,0,1,0,0,0 +29578,1,0,0,0,0,0 +29579,0,1,0,0,0,0 +29580,0,1,0,0,0,0 +29581,1,0,0,0,0,0 +29582,0,0,1,0,0,0 +29583,0,1,0,1,0,0 +29584,1,0,0,0,0,0 +29585,1,0,0,1,0,0 +29586,0,1,0,0,0,0 +29587,1,0,0,0,0,0 +29588,0,0,1,0,0,0 +29589,1,0,0,0,0,0 +29590,0,1,0,0,0,0 +29591,0,1,0,0,0,0 +29592,0,0,1,1,0,0 +29593,1,0,0,0,0,0 +29594,0,0,1,0,0,0 +29595,0,0,1,0,0,0 +29596,0,0,0,0,1,0 +29597,1,0,1,0,0,0 +29598,1,0,0,0,0,0 +29599,1,0,0,0,0,0 +29600,1,0,0,0,1,0 +29601,0,0,0,1,0,0 +29602,0,0,1,1,0,0 +29603,0,1,0,0,0,0 +29604,0,0,1,1,0,0 +29605,0,0,0,0,0,0 +29606,0,1,0,0,0,0 +29607,1,0,0,1,0,0 +29608,0,1,0,0,0,0 +29609,0,1,0,0,0,0 +29610,1,0,0,0,0,0 +29611,0,1,0,0,0,0 +29612,0,1,0,1,0,0 +29613,0,1,0,0,0,0 +29614,0,1,0,0,0,0 +29615,1,1,0,0,0,0 +29616,1,0,1,0,0,0 +29617,0,1,0,0,0,0 +29618,0,1,0,0,0,0 +29619,0,0,0,1,0,0 +29620,0,0,1,0,0,0 +29621,1,0,0,0,0,0 +29622,1,0,0,1,0,0 +29623,0,0,1,0,0,0 +29624,0,1,0,0,0,0 +29625,1,0,1,1,0,0 +29626,0,0,1,1,0,0 +29627,1,0,0,0,0,0 +29628,1,0,0,0,0,0 +29629,1,0,0,1,0,0 +29630,0,0,1,0,0,0 +29631,0,0,1,0,0,0 +29632,1,0,1,0,0,0 +29633,0,0,0,1,0,0 +29634,1,0,1,0,0,0 +29635,1,1,0,0,0,0 +29636,0,0,1,0,0,0 +29637,1,0,0,1,0,0 +29638,1,0,0,1,0,0 +29639,1,0,1,0,0,0 +29640,0,0,1,0,0,1 +29641,0,0,1,0,0,0 +29642,0,0,1,0,0,0 +29643,1,0,0,0,0,0 +29644,0,0,1,0,0,0 +29645,1,0,0,1,0,0 +29646,0,1,0,1,0,0 +29647,0,0,1,1,0,0 +29648,0,1,0,0,0,0 +29649,1,0,0,0,0,0 +29650,0,1,0,0,0,0 +29651,0,1,0,0,0,0 +29652,0,0,1,0,0,0 +29653,0,0,1,0,0,0 +29654,0,1,0,0,0,0 +29655,0,1,0,0,0,0 +29656,1,0,0,0,0,0 +29657,1,0,0,1,0,0 +29658,1,0,0,1,0,0 +29659,0,0,1,1,0,0 +29660,0,1,0,0,0,0 +29661,1,0,0,0,0,0 +29662,1,0,0,0,0,0 +29663,1,0,0,1,0,0 +29664,0,1,0,0,0,0 +29665,0,0,0,1,0,0 +29666,0,1,0,0,0,0 +29667,0,1,0,0,1,0 +29668,1,1,0,0,0,0 +29669,1,0,0,1,0,0 +29670,0,1,0,0,0,0 +29671,0,0,1,0,0,0 +29672,0,0,1,0,0,0 +29673,0,0,0,0,0,0 +29674,0,0,1,0,0,0 +29675,1,0,0,1,0,0 +29676,0,0,1,0,0,0 +29677,1,0,0,0,0,0 +29678,0,0,1,0,0,0 +29679,1,0,0,0,0,0 +29680,0,1,0,1,0,0 +29681,1,0,0,1,0,0 +29682,0,1,0,0,0,0 +29683,1,0,0,0,0,0 +29684,1,0,0,0,0,0 +29685,1,0,0,0,0,0 +29686,1,0,0,0,0,0 +29687,1,0,0,0,0,0 +29688,0,1,0,0,0,0 +29689,0,1,0,0,0,0 +29690,1,0,0,1,0,0 +29691,1,0,0,0,0,0 +29692,0,0,0,1,0,0 +29693,0,0,1,1,0,0 +29694,0,0,1,0,0,0 +29695,1,1,0,0,0,0 +29696,1,0,0,1,0,0 +29697,0,1,0,0,0,0 +29698,1,0,0,0,0,0 +29699,0,1,0,0,0,0 +29700,1,0,0,0,0,0 +29701,1,0,0,1,0,0 +29702,0,1,0,0,0,0 +29703,1,0,0,1,0,0 +29704,0,0,1,0,0,0 +29705,0,0,1,0,0,0 +29706,1,0,0,0,0,0 +29707,0,1,0,0,0,0 +29708,0,0,0,1,0,0 +29709,0,0,1,0,0,0 +29710,1,0,1,1,0,0 +29711,1,0,0,1,0,0 +29712,0,1,1,0,0,0 +29713,0,0,1,0,0,0 +29714,1,0,0,0,0,0 +29715,1,0,0,1,0,0 +29716,0,0,1,0,0,0 +29717,1,0,0,1,0,0 +29718,0,1,0,0,0,0 +29719,0,0,1,1,0,0 +29720,1,0,0,1,0,0 +29721,1,0,0,1,0,0 +29722,1,0,0,0,0,0 +29723,0,1,0,1,0,0 +29724,0,1,0,0,0,0 +29725,0,1,0,0,0,0 +29726,0,0,0,1,0,0 +29727,0,1,0,0,0,0 +29728,1,0,0,1,0,0 +29729,1,0,0,0,0,0 +29730,0,0,1,0,0,0 +29731,1,0,0,1,0,0 +29732,1,0,0,0,0,0 +29733,0,1,0,0,0,0 +29734,0,0,1,0,0,0 +29735,0,0,1,0,0,0 +29736,1,0,0,0,0,0 +29737,0,0,1,0,0,0 +29738,1,0,1,0,0,0 +29739,0,0,1,0,0,0 +29740,0,1,0,0,0,0 +29741,0,1,0,0,0,0 +29742,1,0,1,1,0,0 +29743,1,0,0,1,0,0 +29744,0,1,0,0,0,0 +29745,0,1,0,0,0,0 +29746,0,0,1,0,0,0 +29747,0,1,0,0,0,0 +29748,0,1,0,0,0,0 +29749,1,0,0,0,0,0 +29750,1,0,0,0,0,0 +29751,1,0,0,1,0,0 +29752,0,0,1,0,0,0 +29753,1,0,1,0,0,0 +29754,1,0,0,0,0,0 +29755,1,0,0,1,0,0 +29756,1,0,0,1,0,0 +29757,0,1,0,0,0,0 +29758,1,0,0,1,0,0 +29759,1,0,1,1,0,0 +29760,0,1,0,0,0,0 +29761,0,0,1,0,0,0 +29762,0,0,1,0,0,0 +29763,1,0,0,1,0,0 +29764,1,0,0,1,0,0 +29765,1,0,0,0,0,0 +29766,0,1,0,0,0,0 +29767,0,1,0,0,0,0 +29768,0,1,1,0,0,0 +29769,0,0,1,1,0,0 +29770,1,0,0,0,0,0 +29771,0,0,0,1,0,0 +29772,0,0,1,0,0,0 +29773,0,0,1,0,0,0 +29774,0,1,0,0,0,0 +29775,1,0,0,0,1,0 +29776,1,0,0,1,0,0 +29777,0,1,0,0,0,0 +29778,0,0,1,1,0,0 +29779,0,1,0,0,0,0 +29780,1,0,0,1,0,0 +29781,0,0,1,1,0,0 +29782,1,0,0,0,0,0 +29783,1,0,0,1,0,0 +29784,0,0,1,0,0,0 +29785,0,1,0,0,0,0 +29786,0,1,1,0,0,0 +29787,1,0,0,1,0,0 +29788,0,0,1,0,0,0 +29789,0,0,1,0,0,0 +29790,0,0,1,0,0,0 +29791,1,0,0,0,0,0 +29792,0,1,0,0,0,0 +29793,0,0,1,1,0,0 +29794,1,0,0,1,0,0 +29795,0,1,0,0,1,0 +29796,0,1,0,0,0,0 +29797,0,1,0,0,0,0 +29798,0,0,1,0,0,0 +29799,1,0,0,0,0,0 +29800,0,0,1,0,0,0 +29801,1,0,0,1,0,0 +29802,1,0,0,0,0,0 +29803,1,0,0,1,0,0 +29804,0,1,0,0,0,0 +29805,1,0,0,0,0,0 +29806,0,1,0,0,0,0 +29807,0,0,0,1,0,0 +29808,0,1,0,0,0,0 +29809,0,1,0,0,0,0 +29810,0,1,0,0,0,0 +29811,0,0,0,0,0,0 +29812,0,1,0,0,0,0 +29813,0,0,1,0,0,0 +29814,1,0,0,1,0,0 +29815,0,0,1,0,0,0 +29816,0,1,0,0,0,0 +29817,0,1,0,0,0,0 +29818,0,1,0,0,0,0 +29819,1,0,0,0,0,0 +29820,1,0,0,0,0,0 +29821,1,0,0,1,0,0 +29822,1,0,0,1,0,0 +29823,1,0,0,1,0,0 +29824,1,0,0,1,0,0 +29825,0,0,1,0,0,0 +29826,1,0,0,1,0,0 +29827,0,0,1,0,0,0 +29828,0,1,0,0,0,0 +29829,0,0,1,1,0,0 +29830,0,0,1,0,0,0 +29831,0,0,1,0,0,0 +29832,0,1,0,0,0,0 +29833,0,0,0,0,0,0 +29834,0,0,1,0,0,0 +29835,1,0,0,1,0,0 +29836,0,0,1,0,0,0 +29837,1,0,0,1,0,0 +29838,1,0,0,1,0,0 +29839,0,0,1,1,0,0 +29840,1,0,0,1,0,0 +29841,1,0,0,0,0,0 +29842,0,0,1,0,0,0 +29843,1,0,0,0,0,0 +29844,0,1,0,0,0,0 +29845,0,0,1,0,0,0 +29846,1,0,0,1,0,0 +29847,1,0,0,1,0,0 +29848,0,0,0,0,1,0 +29849,0,0,1,0,0,0 +29850,0,1,0,0,0,0 +29851,0,1,0,0,0,0 +29852,1,0,0,0,0,0 +29853,1,0,0,0,0,0 +29854,0,0,0,0,1,0 +29855,0,1,0,0,0,0 +29856,1,0,0,0,0,0 +29857,0,0,1,0,0,0 +29858,1,0,0,0,0,0 +29859,1,0,0,1,0,0 +29860,0,0,1,0,0,0 +29861,1,0,0,0,0,0 +29862,1,0,0,1,0,0 +29863,0,1,0,0,0,0 +29864,1,0,0,1,0,0 +29865,0,0,1,0,0,0 +29866,1,0,0,1,0,0 +29867,1,0,0,1,0,0 +29868,0,0,0,1,0,0 +29869,1,0,0,1,0,0 +29870,1,0,0,0,0,0 +29871,1,0,0,0,0,0 +29872,0,0,1,0,0,0 +29873,1,0,0,0,0,0 +29874,0,0,1,0,0,0 +29875,0,0,1,0,0,0 +29876,0,0,1,0,0,0 +29877,0,0,0,0,1,0 +29878,1,0,0,0,0,0 +29879,1,0,0,1,0,0 +29880,0,0,1,0,0,0 +29881,0,0,0,1,0,0 +29882,1,0,0,0,0,0 +29883,0,1,0,0,0,0 +29884,1,1,0,0,0,0 +29885,0,1,0,0,0,0 +29886,0,0,1,0,0,0 +29887,0,0,1,0,0,0 +29888,0,0,1,0,0,0 +29889,0,1,0,0,0,0 +29890,0,1,0,0,0,0 +29891,1,0,0,0,0,0 +29892,1,0,0,1,0,0 +29893,0,0,1,0,0,0 +29894,0,1,0,0,0,0 +29895,1,0,1,0,0,0 +29896,0,1,0,0,0,0 +29897,0,1,0,0,0,0 +29898,1,0,1,1,0,0 +29899,0,1,0,0,0,0 +29900,1,0,0,1,0,0 +29901,1,0,0,0,0,0 +29902,0,0,1,1,1,0 +29903,0,1,0,0,0,0 +29904,0,0,1,0,0,0 +29905,0,1,0,0,0,0 +29906,0,1,0,0,0,0 +29907,1,0,0,0,0,0 +29908,0,0,1,0,0,0 +29909,1,0,0,1,0,0 +29910,0,1,0,0,0,0 +29911,0,0,1,0,0,0 +29912,0,1,0,0,0,0 +29913,0,1,0,0,0,0 +29914,0,0,1,0,0,0 +29915,1,0,0,0,0,0 +29916,1,0,1,1,0,0 +29917,1,0,0,1,0,0 +29918,0,0,1,0,0,0 +29919,1,0,0,0,0,0 +29920,0,0,1,1,0,0 +29921,1,0,0,1,0,0 +29922,0,1,1,0,0,0 +29923,1,0,0,0,0,0 +29924,0,0,0,1,0,0 +29925,1,0,0,0,0,0 +29926,1,0,0,1,0,0 +29927,0,1,1,0,0,0 +29928,1,0,1,0,0,0 +29929,0,1,0,0,0,0 +29930,0,0,1,0,0,0 +29931,1,0,0,1,0,0 +29932,1,0,0,0,0,0 +29933,0,0,1,0,0,0 +29934,1,0,0,0,0,0 +29935,0,1,0,0,0,0 +29936,1,0,0,1,0,0 +29937,0,1,0,0,0,0 +29938,0,1,0,0,0,0 +29939,1,0,0,0,0,0 +29940,1,0,1,0,0,0 +29941,0,0,0,1,0,0 +29942,0,0,1,1,0,0 +29943,0,0,1,0,0,1 +29944,0,1,0,0,0,0 +29945,0,0,0,0,0,0 +29946,0,0,1,0,0,0 +29947,1,0,0,0,0,0 +29948,0,0,1,1,0,0 +29949,1,0,0,0,0,0 +29950,1,0,0,0,0,0 +29951,0,1,0,0,0,0 +29952,0,0,1,0,0,0 +29953,0,1,0,1,0,0 +29954,1,0,0,1,0,0 +29955,0,0,1,0,0,0 +29956,0,0,1,0,0,0 +29957,1,0,0,0,0,0 +29958,1,0,1,0,0,0 +29959,0,0,0,0,1,0 +29960,0,0,0,1,0,0 +29961,1,0,0,0,0,0 diff --git a/Prediction Models/Research topic Prediction/test_8iecVfC.zip b/Prediction Models/Research topic Prediction/test_8iecVfC.zip new file mode 100644 index 00000000..fb90e827 Binary files /dev/null and b/Prediction Models/Research topic Prediction/test_8iecVfC.zip differ diff --git a/Prediction Models/Research topic Prediction/train_tGmol3O.zip b/Prediction Models/Research topic Prediction/train_tGmol3O.zip new file mode 100644 index 00000000..3f9679ca Binary files /dev/null and b/Prediction Models/Research topic Prediction/train_tGmol3O.zip differ