dimanche 30 décembre 2018

Dessins utiles d'Android

Aligner des boutons horizontalement


<LinearLayout
    android:orientation="horizontal"
    android:layout_width="match_parent"
    android:layout_height="wrap_content">
    <Button
        android:layout_width="match_parent"
        android:layout_height="wrap_content"
        android:layout_weight="1"
        android:text="Btn1"/>
    <Button
        android:layout_width="match_parent"
        android:layout_height="wrap_content"
        android:layout_weight="1"
        android:text="Btn2"/>
    <Button
        android:layout_width="match_parent"
        android:layout_height="wrap_content"
        android:layout_weight="1"
        android:text="Btn3"/>
</LinearLayout>

Aligner des rangées des boutons verticalement dans  scrollview


<?xml version="1.0" encoding="utf-8"?>
<ScrollView
    xmlns:android="http://schemas.android.com/apk/res/android"
    android:layout_width="fill_parent"
    android:layout_height="fill_parent">
    <LinearLayout
        android:layout_width="fill_parent"
        android:layout_height="fill_parent"
        android:layout_weight="1"
        android:orientation="vertical">
        <LinearLayout
            android:layout_width="fill_parent"
            android:layout_height="fill_parent">
            <Button
                android:layout_width="match_parent"
                android:layout_height="wrap_content"
                android:layout_weight="1"
                android:text="Btn1"/>
            <Button
                android:layout_width="match_parent"
                android:layout_height="wrap_content"
                android:layout_weight="1"
                android:text="Btn2"/>
            <Button
                android:layout_width="match_parent"
                android:layout_height="wrap_content"
                android:layout_weight="1"
                android:text="Btn3"/>
        </LinearLayout>
        <LinearLayout
            android:layout_width="fill_parent"
            android:layout_height="fill_parent">
            <Button
                android:layout_width="match_parent"
                android:layout_height="wrap_content"
                android:layout_weight="1"
                android:text="Btn1"/>
            <Button
                android:layout_width="match_parent"
                android:layout_height="wrap_content"
                android:layout_weight="1"
                android:text="Btn2"/>
            <Button
                android:layout_width="match_parent"
                android:layout_height="wrap_content"
                android:layout_weight="1"
                android:text="Btn3"/>
        </LinearLayout>
        <LinearLayout
            android:layout_width="fill_parent"
            android:layout_height="fill_parent">
            <Button
                android:layout_width="match_parent"
                android:layout_height="wrap_content"
                android:layout_weight="1"
                android:text="Btn1"/>
            <Button
                android:layout_width="match_parent"
                android:layout_height="wrap_content"
                android:layout_weight="1"
                android:text="Btn2"/>
            <Button
                android:layout_width="match_parent"
                android:layout_height="wrap_content"
                android:layout_weight="1"
                android:text="Btn3"/>
        </LinearLayout>
        <LinearLayout
            android:layout_width="fill_parent"
            android:layout_height="fill_parent">
            <Button
                android:layout_width="match_parent"
                android:layout_height="wrap_content"
                android:layout_weight="1"
                android:text="Btn1"/>
            <Button
                android:layout_width="match_parent"
                android:layout_height="wrap_content"
                android:layout_weight="1"
                android:text="Btn2"/>
            <Button
                android:layout_width="match_parent"
                android:layout_height="wrap_content"
                android:layout_weight="1"
                android:text="Btn3"/>
        </LinearLayout>
        <LinearLayout
            android:layout_width="fill_parent"
            android:layout_height="fill_parent">
            <Button
                android:layout_width="match_parent"
                android:layout_height="wrap_content"
                android:layout_weight="1"
                android:text="Btn1"/>
            <Button
                android:layout_width="match_parent"
                android:layout_height="wrap_content"
                android:layout_weight="1"
                android:text="Btn2"/>
            <Button
                android:layout_width="match_parent"
                android:layout_height="wrap_content"
                android:layout_weight="1"
                android:text="Btn3"/>
        </LinearLayout>
        <LinearLayout
            android:layout_width="fill_parent"
            android:layout_height="fill_parent">
            <Button
                android:layout_width="match_parent"
                android:layout_height="wrap_content"
                android:layout_weight="1"
                android:text="Btn1"/>
            <Button
                android:layout_width="match_parent"
                android:layout_height="wrap_content"
                android:layout_weight="1"
                android:text="Btn2"/>
            <Button
                android:layout_width="match_parent"
                android:layout_height="wrap_content"
                android:layout_weight="1"
                android:text="Btn3"/>
        </LinearLayout>
        <LinearLayout
            android:layout_width="fill_parent"
            android:layout_height="fill_parent">
            <Button
                android:layout_width="match_parent"
                android:layout_height="wrap_content"
                android:layout_weight="1"
                android:text="Btn1"/>
            <Button
                android:layout_width="match_parent"
                android:layout_height="wrap_content"
                android:layout_weight="1"
                android:text="Btn2"/>
            <Button
                android:layout_width="match_parent"
                android:layout_height="wrap_content"
                android:layout_weight="1"
                android:text="Btn3"/>
        </LinearLayout>
        <LinearLayout
            android:layout_width="fill_parent"
            android:layout_height="fill_parent">
            <Button
                android:layout_width="match_parent"
                android:layout_height="wrap_content"
                android:layout_weight="1"
                android:text="Btn1"/>
            <Button
                android:layout_width="match_parent"
                android:layout_height="wrap_content"
                android:layout_weight="1"
                android:text="Btn2"/>
            <Button
                android:layout_width="match_parent"
                android:layout_height="wrap_content"
                android:layout_weight="1"
                android:text="Btn3"/>
        </LinearLayout>
        <LinearLayout
            android:layout_width="fill_parent"
            android:layout_height="fill_parent">
            <Button
                android:layout_width="match_parent"
                android:layout_height="wrap_content"
                android:layout_weight="1"
                android:text="Btn1"/>
            <Button
                android:layout_width="match_parent"
                android:layout_height="wrap_content"
                android:layout_weight="1"
                android:text="Btn2"/>
            <Button
                android:layout_width="match_parent"
                android:layout_height="wrap_content"
                android:layout_weight="1"
                android:text="Btn3"/>
        </LinearLayout>
        <LinearLayout
            android:layout_width="fill_parent"
            android:layout_height="fill_parent">
            <Button
                android:layout_width="match_parent"
                android:layout_height="wrap_content"
                android:layout_weight="1"
                android:text="Btn1"/>
            <Button
                android:layout_width="match_parent"
                android:layout_height="wrap_content"
                android:layout_weight="1"
                android:text="Btn2"/>
            <Button
                android:layout_width="match_parent"
                android:layout_height="wrap_content"
                android:layout_weight="1"
                android:text="Btn3"/>
        </LinearLayout>
        <LinearLayout
            android:layout_width="fill_parent"
            android:layout_height="fill_parent">
            <Button
                android:layout_width="match_parent"
                android:layout_height="wrap_content"
                android:layout_weight="1"
                android:text="Btn1"/>
            <Button
                android:layout_width="match_parent"
                android:layout_height="wrap_content"
                android:layout_weight="1"
                android:text="Btn2"/>
            <Button
                android:layout_width="match_parent"
                android:layout_height="wrap_content"
                android:layout_weight="1"
                android:text="Btn3"/>
        </LinearLayout>
        <LinearLayout
            android:layout_width="fill_parent"
            android:layout_height="fill_parent">
            <Button
                android:layout_width="match_parent"
                android:layout_height="wrap_content"
                android:layout_weight="1"
                android:text="Btn1"/>
            <Button
                android:layout_width="match_parent"
                android:layout_height="wrap_content"
                android:layout_weight="1"
                android:text="Btn2"/>
            <Button
                android:layout_width="match_parent"
                android:layout_height="wrap_content"
                android:layout_weight="1"
                android:text="Btn3"/>
        </LinearLayout>
    </LinearLayout>
</ScrollView>


EditText et l'unité 


<LinearLayout
    android:orientation="horizontal"
    android:layout_width="match_parent"
    android:layout_height="wrap_content">

    <EditText
        android:layout_width="wrap_content"
        android:layout_height="wrap_content"
        android:layout_weight="1"
        android:hint="Edit here"/>

    <TextView
        android:layout_width="wrap_content"
        android:layout_height="wrap_content"
        android:gravity="right"
        android:text="€"/>
</LinearLayout>

Effect de Ripple sur un TextView

Effect de ripple. Voir ici aussi.
<FrameLayout xmlns:android="http://schemas.android.com/apk/res/android"
    android:layout_width="match_parent"
    android:focusable="true"
    android:clickable="true"
    android:layout_height="wrap_content"
    android:foreground="?android:attr/selectableItemBackground">
    <LinearLayout android:orientation="vertical"
        android:layout_width="match_parent"
        android:layout_height="wrap_content">
        <TextView
            android:id="@+id/textView"
            android:layout_width="wrap_content"
            android:layout_height="wrap_content"
            android:text="TextView" />
    </LinearLayout>
</FrameLayout>

Bas de page dans scrollview


<?xml version="1.0" encoding="utf-8"?>
<LinearLayout xmlns:android="http://schemas.android.com/apk/res/android"
              android:layout_width="match_parent"
              android:layout_height="match_parent"
              android:padding="@dimen/common_padding"
              android:orientation="vertical">
    <ScrollView
        android:layout_width="match_parent"
        android:layout_height="match_parent"
        android:layout_weight="1">
        <LinearLayout
            android:orientation="vertical"
            android:layout_width="match_parent"
            android:layout_height="match_parent">
            <!-- 中身 -->

        </LinearLayout>
    </ScrollView>
    <LinearLayout
        android:layout_width="match_parent"
        android:layout_height="wrap_content"
        android:gravity="bottom"
        android:orientation="horizontal">

        <Button
            android:layout_width="match_parent"
            android:layout_height="wrap_content"
            android:layout_weight="1"
            android:text="@string/cancel"/>
        <Button
            android:layout_width="match_parent"
            android:layout_height="wrap_content"
            android:layout_weight="1"
            android:text="@string/ok"/>
    </LinearLayout>
</LinearLayout>

dimanche 3 juin 2018

Configuration de Xdebug et Netbeans

Configuration de Xdebug et Netbeans


Maintenant, nous allons configurer php pour xdebug.
Ouvrir /etc/php.ini
$ sudo vi /etc/php.ini

Et ajouter les lignes suivantes dans /etc/php.ini:
[XDebug]
zend_extension=/usr/lib64/php/modules/xdebug.so
html_errors=on
xdebug.remote_autostart=on
xdebug.remote_enable=on
xdebug.remote_handler=dbgp
xdebug.remote_host="192.168.33.10"
xdebug.remote_port=9000
xdebug.remote_mode=req
xdebug.idekey="netbeans-xdebug"
xdebug.remote_connect_back = On

(Appuyez sur la touche A du clavier pour accéder au mode insérer pour pouvoir éditer le fichier. Appuyez sur la touche échap pour arrêter mode insérer, après d'avoir fini, appuyez sur les touches  "Shift + g" pour aller en bas de page. "Shift + zz" pour enregistrer et fermer le fichier.  On peut au mode commande en appuyant sur ":". Pour enregistrer et quitter le mode commande, écrire ":wq" et appuyez sur entrée. Pour quitter le fichier sans sauvegarder, ":q!" et appuyez sur entrée. Pour chercher un mot, appuyez sur "?"  et écrire le mot cherché. Par exemple, si on écrit "?aaa" et que l'on appuie sur entrée, "aaa" sera recherché et surligné dans le fichier. Appuyez sur "n" pour aller au résultat suivant.)

Vérifier attentivement si adresse IP (surligné avec rouge) est correct. Utilise ton adresse IP écrit dans Vagrantfile.
 L'emplacement de xdebug.so est également important (surligné avec blue).
Vérifier si  l'emplacement est correct avec cette commande.
Installez "mlocate":
$ sudo install mlocate
$ sudo updatedb
Et:
$ sudo locate xdebug.so
Si l'emplacement est pas correct, modifier le correctement.

Et redémarrer httpd:
$ sudo systemctl restart httpd

S'assurer que tu as "info.php" dans le dossier partagé.


Nous avons créé ce.

ça.


Télécharger et installer Netbeans:
https://netbeans.org/features/php/
(Au fait, mon version est 8.2)

Après l'installation, exécuter Netbeans en tant qu'administrateur. Choisir File --> New Project.


Choisir "PHP" --> "PHP Application with existing sources"


Sources Folder: le répertoire du projet. C'est le dossier partagé cette fois.
PHP version: PHP 7.0
Default Encoding: UTF-8
Et cliquer "Next".

Project URL: 192.168.33.10 (C'est écrit dans Vagrantfile)
Index File: info.php (le fichier exécuté au début)
Et cliquer "Finnish".


Clic droit sur le nom de projet. Et cliquer "Properties".



Choisir "Run Configuration" et cliquer "Advanced".


Server path: le répertoire du projet dans la machine virtuel.
Project path: le répertoire du projet dans l'ordinateur.
Et cliquer "OK".

Maintenant, nous pouvons exécuter xdebug. Cliquer le nom de la ligne pour ajouter un point d'arrêt. Et cliquer le bouton et démarrer le déboguer.


La logiciel arrête l'exécution au point d'arrêt, où tu peux vérifier l'intérieur d'une variable etc. L'exécution de l'étape est possible en appuyant sur F7. Si tu a fini tout avec succès, "netbeans-xdebug: running" devrait apparaître en bas à droite de Netbeans.


CakePHP3


Si vous utilisez CakePHP3, changez le "run configuration" comme ça: 

samedi 7 avril 2018

Clignoter sur feuille de calcul Excel

Ouvrir Excel et la fenêtre VBA. Ajouter un module depuis la fenêtre.

Faire un clic-droit sur ici ou cliquer sur "Insertion" du menu.



Sur le module, ajouter ces lignes de code:
Sub Blink()
  Const ColorIdx1 = 37
  Const ColorIdx2 = xlColorIndexNone
If Worksheets("Sheet1").Range("A1").Interior.ColorIndex = ColorIdx1 Then
    Worksheets("Sheet1").Range("A1").Interior.ColorIndex = ColorIdx2
    Worksheets("Sheet1").Range("A2").Interior.ColorIndex = ColorIdx1
Else
    Worksheets("Sheet1").Range("A1").Interior.ColorIndex = ColorIdx1
    Worksheets("Sheet1").Range("A2").Interior.ColorIndex = ColorIdx2
End If
    Application.OnTime Now + TimeValue("00:00:01"), "Blink"
End Sub


Et ajouter ces lignes de code dans ThisWorkBook:
Private Sub Workbook_Open()
 Blink
End Sub

ThisWorkbook est ici.


Exécuter le Blink fonction. A1 et A2 de Sheet1 clignote toute les secondes.

dimanche 18 mars 2018

Comment utiliser Keras et Tensorflow et créer Android app (classifier)

Nous avons besoin d’entraîner un modèle de Keras (classifier), parce que nous allons utiliser le modèle dans tensorflow sur un android app.

D'abord, installer Keras.
Installer Keras dans Linux

Et tester l'apprentissage profond.
Installer Keras et tester l'apprentissage profond

Maintenant, vous pouvez utiliser Keras. Nous allons créer et entraîner un modèle de Keras.
(Le modèle de Keras est ce que vous pouvez préserver des poids appris ou des informations sur la façon dont les couches sont combinées.) Entraîner un modèle comme ça et créer un fichier .hdf5. J'ai crée un modèle de classification des animaux (animal_model.hdf5).   

Et nous devons transformer animal_model.hdf5 en fichier .pb pour le faire fonctionner sur tensorflow d'android. Pour le transformer, nous allons utiliser ça: keras_to_tensorflow

$ git clone https://github.com/amir-abdi/keras_to_tensorflow
$ cd ./keras_to_tensorflow

Et copier coller le fichier "animal_model.hdf5" dans le dossier "keras_to_tensorflow".

Et faire cette commande:
$ python3.5 keras_to_tensorflow.py -input_model_file ./animal_model.hdf5

Le fichier .pb va être généré dans ce dossier.

Maintenant, nous allons utiliser le modèle pour les applications de tensorflow sur android.
Comment utiliser les applications de tensorflow sur android

Dans le dossier "assets", ajouter le fichier .pb et label.txt.
Écrire les catégories dans le label.txt comme ça:
cat
dog



Changer le nom des fichier dans ClassifierActivity.java.

Et changer "input", "output", "IMAGE_SIZE", "IMAGE_MEAN", "IMAGE_STD".

Vous pouvez obtenir les noms de "input" et "output" comme ça:
>>> import tensorflow as tf
>>> gf = tf.GraphDef()
>>> gf.ParseFromString(open('/votre/path/de/fichier.pb','rb').read())
>>> [n.name + '=>' +  n.op for n in gf.node if n.op in ( 'Softmax','Placeholder')]

Le résultat:
['Mul=>Placeholder', 'final_result=>Softmax']
Mul est input, final_result est output.

Vous pouvez obtenir le "image_size" dans le fichier de python de Keras ce qui vous avez utilisé pour l'apprentissage:
ou...


Démarrer l'application.


Votre modelé sur tensorflow fonctionne comme ça :)  







Comment utiliser les applications de tensorflow sur android

Le guide de démarrage officiel est ici.

1. Installer Android Studio.

2. Si votre ordinateur est Windows, installer git pour windows.
(Ou, si vous utilisez Linux ou Mac, vous pouvez installer git sur la console comme: $ sudo apt-get install git)

3. Nous allons cloner le projet de tensorflow depuis Github. Ouvrir votre terminal (ou l'invite de commande) et faire cette commande:
git clone https://github.com/tensorflow/tensorflow

Et le projet de tensorflow va être copié dans le dossier actuel.



4. Ouvrir Android Studio, et choisir "Open an existing Android Studio project". Choisir le dossier copié de tensorflow "votre-directement-de-tensorflow/tensorflow/tensorflow/examples/android".


Cliquer sur "OK".

5. Ouvrir "build.gradle".

6. Chercher "def nativeBuildSystem" et changer "none" en "bazel".


Il va vous être demandé si vous voulez synchroniser. Cliquer sur "sync now".

6. Cliquer sur le bouton démarrer.

7. Les applis vont démarrer. Peut-être utiliser API27.





Si vous voulez changer la vue de résultat (de "classifier"), changer ici:

samedi 17 mars 2018

Comment enregistrer le modelé avec les poids appris par Keras

D'abord, nous avons besoin de Keras pour le faire fonctionner. (Installer Keras dans Linux, ou Keras dans Windows)
Et, pour le faire fonctionner, nous avons besoin de créer "animal" dossier.


Et "train" et "validate" dossiers dans le "animal" dossier.

Dans les "train" et "validate" dossiers, les catégories d'animal: "cat" et "dog".


Dans les dossiers, les photos de chat et chien.


Vous avez besoin de utiliser différentes photos pour les photos de "train" et de "validate".

Enregistrer ces lignes de code comme "animal.py" et faire "python3.5 aninal.py" . Ce code enregistre le modelé avec les poids appris. model.save enregistre le modelé (Le document de Keras).
from __future__ import print_function

import numpy as np
import keras
from keras.models import Sequential
from keras.layers import Conv2D, MaxPooling2D
from keras.layers import Activation, Dropout, Flatten, Dense
from keras.preprocessing.image import ImageDataGenerator
from keras.models import model_from_json
from keras.layers import Dense, Dropout, Activation, AlphaDropout
from keras.preprocessing.text import Tokenizer
import keras.backend.tensorflow_backend as KTF
import tensorflow as tf
import os.path


f_log = './log'
f_model = './'
weights_filename = 'animal_model.hdf5'
model_filename = weights_filename

batch_size = 32
epochs = 5
nb_validation_samples = 14000

old_session = KTF.get_session()
print('Building model...')
session = tf.Session('')
KTF.set_session(session)

if os.path.isfile(os.path.join(f_model,weights_filename)):
    print('\n\n\n\nSaved parameters found. I will use this file...')
    print(os.path.join(f_model,model_filename + '\n\n\n\n'))
    model_hdf5 = os.path.join(f_model, model_filename)
    model = keras.models.load_model(model_hdf5)
    model.summary()
else:
    print('\n\n\n\n' + os.path.join(f_model,weights_filename))
    print('Saved parameters Not found. Creating new model...\n\n\n\n')
    model = Sequential()
    model.add(Conv2D(32, 3, 3, input_shape=(200, 200, 3)))
    model.add(Activation('relu'))
    model.add(MaxPooling2D(pool_size=(2, 2)))

    model.add(Conv2D(64, 3, 3))
    model.add(Activation('relu'))
    model.add(MaxPooling2D(pool_size=(2, 2)))

    model.add(Flatten())
    model.add(Dense(64))
    model.add(Activation('relu'))
    model.add(Dropout(0.5))
    model.add(Dense(2))
    model.add(Activation('softmax'))

    model.summary()

    model.compile(loss='categorical_crossentropy',
                optimizer='adam',
                metrics=['accuracy'])

train_datagen = ImageDataGenerator(
    rescale=1.0 / 255,
    shear_range=0.2,
    zoom_range=0.2,
    horizontal_flip=True)

test_datagen = ImageDataGenerator(rescale=1.0 / 255)

train_generator = train_datagen.flow_from_directory(
    'animals/train',
    target_size=(200, 200),
    batch_size=batch_size,
    class_mode='categorical')

validation_generator = test_datagen.flow_from_directory(
    'animals/validation',
    target_size=(200, 200),
    batch_size=batch_size,
    class_mode='categorical')

tb_cb = keras.callbacks.TensorBoard(log_dir=f_log, histogram_freq=0)
cp_cb = keras.callbacks.ModelCheckpoint(filepath = os.path.join(f_model,weights_filename), monitor='val_loss', verbose=1, save_best_only=True, mode='auto')
cbks = [tb_cb, cp_cb]

history = model.fit_generator(
    train_generator,
    steps_per_epoch=np.ceil(nb_validation_samples/batch_size),
    epochs=epochs,
    validation_data=validation_generator,
    validation_steps=np.ceil(nb_validation_samples/batch_size),
    )

score = model.evaluate_generator(validation_generator, nb_validation_samples/batch_size)

print('')
print('Test score:', score[0])
print('Test accuracy:', score[1])
print('save weights')
model.save(os.path.join(f_model,weights_filename))
KTF.set_session(old_session)

Le fichier du modelé  

samedi 3 mars 2018

Installation de MariaDB

Contenu du didacticiel

  1. Vagrant et Virtual Box
  2. Installer Apache  / (Utiliser Nginx et PHP)
  3. Installer MySQL / MariaDB
  4. Installer PHP  / Python

MariaDB

D'abord, mettre yum à jour:
sudo yum update

Et installer MariaDB:
sudo yum install mariadb-server

Démarrer et activer MariaDB (pour CentOS 7)
sudo systemctl enable mariadb
$ sudo systemctl start mariadb

Ou, si vous utilisez CentOS 6:
sudo service mariadb enable
$ sudo service mariadb start

Maintenant nous allons préparer MariaDB. C'est indispensable quand nous le demarrons pour la première fois. Exécuter cette commande:

$ sudo mysql_secure_installation

Et c'est fini :)

Exécuter cette commande pour se connecter dans MariaDB:
Si il n'y a pas un mot de passe:

$ mysql -u root


Si il y a un mot de passe:

$ mysql -u root -p(le mot de passe)



Si vous voulez changer le mot de passe en "root", exécuter ces commandes:

MariaDB[none]> use mysql;
MariaDB[mysql]> update user set password=PASSWORD("root") where User='root';
MariaDB[mysql]> flush privileges;
MariaDB[mysql]> exit;

Après, vous pouvez vous connecter dans MariaDB comme ça;

$ mysql -u root -proot

dimanche 18 février 2018

L'apprentissage (de "breakout d'atari") par renforcement



D'abord, installer keras-rl et paquets nécessaire.

Créer un fichier texte et le nommer "atari.py". Copier-coller le suivant dans le fichier texte:
from __future__ import division
import argparse
import numpy as np
import gym
from gym import wrappers
import os.path
import pickle

from keras.models import Sequential
from keras.layers import Dense, Activation, Flatten, Convolution2D, Permute
from keras.optimizers import Adam
import keras.backend as K
from PIL import Image
from rl.agents.dqn import DQNAgent
from rl.policy import LinearAnnealedPolicy, BoltzmannQPolicy, EpsGreedyQPolicy
from rl.memory import SequentialMemory
from rl.core import Processor
from rl.callbacks import FileLogger, ModelIntervalCheckpoint

ENV_NAME = 'BreakoutDeterministic-v4'
INPUT_SHAPE = (84, 84)
WINDOW_LENGTH = 4
weights_filename = 'dqn_weights.h5f'

class AtariProcessor(Processor):
    def process_observation(self, observation):
        assert observation.ndim == 3  # (height, width, channel)
        img = Image.fromarray(observation)
        img = img.resize(INPUT_SHAPE).convert('L')  # resize and convert to grayscale
        processed_observation = np.array(img)
        assert processed_observation.shape == INPUT_SHAPE
        return processed_observation.astype('uint8')  # saves storage in experience memory

    def process_state_batch(self, batch):
        processed_batch = batch.astype('float32') / 255.
        return processed_batch

    def process_reward(self, reward):
        return np.clip(reward, -1., 1.)

env = gym.make(ENV_NAME)
env = wrappers.Monitor(env, './breakout', force=True)
np.random.seed(123)
env.seed(123)
nb_actions = env.action_space.n

input_shape = (WINDOW_LENGTH,) + INPUT_SHAPE
def create_model(weights_filename, input_shape) :
    weights_filename="./"+weights_filename
    model = Sequential()
    model.add(Permute((2, 3, 1), input_shape=input_shape))
    model.add(Convolution2D(32, 8, 8, subsample=(4, 4)))
    model.add(Activation('relu'))
    model.add(Convolution2D(64, 4, 4, subsample=(2, 2)))
    model.add(Activation('relu'))
    model.add(Convolution2D(64, 3, 3, subsample=(1, 1)))
    model.add(Activation('relu'))
    model.add(Flatten())
    model.add(Dense(512))
    model.add(Activation('relu'))
    model.add(Dense(nb_actions))
    model.add(Activation('linear'))
    return model

model = create_model(weights_filename, input_shape);
print(model.summary())


memory = SequentialMemory(limit=1000000, window_length=WINDOW_LENGTH)

processor = AtariProcessor()
policy = LinearAnnealedPolicy(EpsGreedyQPolicy(), attr='eps', value_max=1., value_min=.1, value_test=.05, nb_steps=1000000)
dqn = DQNAgent(model=model, nb_actions=nb_actions, policy=policy, memory=memory,
               processor=processor, nb_steps_warmup=50000, gamma=.99, target_model_update=10000,
               train_interval=4, delta_clip=1.)
dqn.compile(Adam(lr=.00025), metrics=['mae'])

checkpoint_weights_filename = 'dqn_'+ ENV_NAME +'_weights_{step}.h5f'
log_filename = 'dqn_{}_log.json'.format(ENV_NAME)

parser = argparse.ArgumentParser()
parser.add_argument('--mode', choices=['train', 'test'], default='train')
args = parser.parse_args()

if args.mode == 'test':
    dqn.test(env, nb_episodes=10, visualize=True)
else:
    checkpoint_weights_filename = 'dqn_weights_{step}.h5f'
    callbacks = [ModelIntervalCheckpoint(checkpoint_weights_filename, interval=100000)]
    callbacks += [FileLogger(log_filename, interval=100000)]
    if os.path.isfile(weights_filename):
        print('\n\n\n\nSaved parameters found. I will use this file...\n'+ weights_filename +'\n\n\n\n')
        dqn.load_weights(weights_filename)
    else:
        ('\n\n\n\nSaved parameters Not found. Creating new one...\n\n\n\n')
    dqn.fit(env, callbacks=callbacks, nb_steps=4000000, log_interval=50000, visualize=True, verbose=1)
    dqn.save_weights('dqn_weights.h5f'.format(ENV_NAME), overwrite=True)

Et enregistrer le fichier.

Pour traîner le modèle, utiliser "$ sudo python3.5 atari.py "
Pour tester Le modèle entraîné, utiliser "$ sudo python3.5 atari.py --mode test".

References

matthiasplappert/keras-rl examples (Latest commit 3dcd547  on Nov 30, 2017)
https://github.com/matthiasplappert/keras-rl/tree/master/examples
Visited Feb 17 2018

L'apprentissage (de "cart pole") par renforcement

D'abord, installer python et keras dans votre ordinateur.
Installer Keras dans Linux

Installer paquets nécessaires:
$ python3.6-m pip install keras-rl
$ python3.6 -m pip install gym
$ python3.6 -m pip install gym[all]
$ sudo apt-get install libav-tools

Créer un fichier texte et le nommer "test.py". (Si l'extension n'est pas visible, changez les paramètres pour le faire apparaître.) Copier-coller le suivant dans le fichier texte:
import numpy as np
import gym

from keras.models import Sequential
from keras.layers import Dense, Activation, Flatten
from keras.optimizers import Adam
import os.path
from rl.agents.dqn import DQNAgent
from rl.policy import BoltzmannQPolicy
from rl.memory import SequentialMemory


ENV_NAME = 'CartPole-v0'


# Get the environment and extract the number of actions.
env = gym.make(ENV_NAME)
np.random.seed(123)
env.seed(123)
nb_actions = env.action_space.n
weights_filename = 'dqn_{}_weights.h5f'.format(ENV_NAME)
# Next, we build a very simple model.
model = Sequential()
model.add(Flatten(input_shape=(1,) + env.observation_space.shape))
model.add(Dense(16))
model.add(Activation('relu'))
model.add(Dense(16))
model.add(Activation('relu'))
model.add(Dense(16))
model.add(Activation('relu'))
model.add(Dense(nb_actions))
model.add(Activation('linear'))
if os.path.isfile(weights_filename):
    print('\n\n\n\nSaved parameters found. I will use this file...\n'+ weights_filename +'\n\n\n\n')
    model.load_weights(weights_filename)
else:
    print('\n\n\n\nSaved parameters Not found. Creating new one...\n\n\n\n')
print(model.summary())

# Finally, we configure and compile our agent. You can use every built-in Keras optimizer and
# even the metrics!
memory = SequentialMemory(limit=50000, window_length=1)
policy = BoltzmannQPolicy()
dqn = DQNAgent(model=model, nb_actions=nb_actions, memory=memory, nb_steps_warmup=10,
               target_model_update=1e-2, policy=policy)
dqn.compile(Adam(lr=1e-3), metrics=['mae'])

# Okay, now it's time to learn something! We visualize the training here for show, but this
# slows down training quite a lot. You can always safely abort the training prematurely using
# Ctrl + C.
dqn.fit(env, nb_steps=50000, visualize=True, verbose=2)

# After training is done, we save the final weights.
dqn.save_weights('dqn_{}_weights.h5f'.format(ENV_NAME), overwrite=True)

# Finally, evaluate our algorithm for 5 episodes.
dqn.test(env, nb_episodes=5, visualize=True)

Enregistrer le fichier et l'exécuter :
$ python3.6 test.py

L'apprentissage (de "cart pole") par renforcement va commencer:

Other examples:
https://github.com/matthiasplappert/keras-rl/tree/master/examples


Refereces

matthiasplappert/keras-rl examples (cartpole)
https://github.com/matthiasplappert/keras-rl/tree/master/examples

Installer Keras dans Linux

Mon Linux est Linux mint (Sylvia 18.3).

Installer pip3.
$ sudo apt-get install  python3-pip

Mettre pip3 à jour.
$ python3.6 -m pip install -U pip

Installer setuptools de python.
$ python3.6 -m pip install setuptools

Installer tensorflow.
Si votre ordinateur n'a pas de carte graphique (GPU) de nvidia:
$ python3.6 -m pip install tensorflow
Si votre ordinateur a carte graphique de nvidia:
$ python3.6 -m pip installtensorflow-gpu
(Si vous avez carte graphique de nvidia, on a besoin de installer cuda8.0 pour la carte graphique. Télécharger .deb d'ici et installer cuda comme ça: $ sudo apt-get install cuda-8.0)

Installer keras.
$ python3.6-m pip install keras

Installer paquets pour python.
$ python3.6 -m pip install h5py
$ python3.6 -m pip install matplotlib
$ python3.6 -m pip install pillow
$ python3.6 -m pip install pandas

Utiliser python3.6 et exécuter logiciels de keras.:
$ sudo python3.6 xxx.py

dimanche 11 février 2018

Comment créer "Jeu de la vie" pour Android

Qu'est ce que "Jeu de la vie"?

Le jeu de la vie est un automate cellulaire imaginé par John Horton Conway en 1970 qui est probablement, au début du xxie siècle, le plus connu de tous les automates cellulaires. Malgré des règles très simples, le jeu de la vie est Turing-complet. (Jeu de la vie, wikipedia)




D'abord, installer Android studio et créer un projet du jeu de la vie. J'ai choisi "API22" pour le SDK minimum.



Créer xml pour l'application. Cliquer sur "Text" et nous pouvons directement éditer xml.




Changer les lettres rouges par le nom du site web et changer les lettres bleus par le nom du projet.
Copier coller dans l'éditeur de xml.
<?xml version="1.0" encoding="utf-8"?>
<android.support.constraint.ConstraintLayout xmlns:android="http://schemas.android.com/apk/res/android"
    xmlns:app="http://schemas.android.com/apk/res-auto"
    xmlns:tools="http://schemas.android.com/tools"
    android:layout_width="match_parent"
    android:layout_height="match_parent"
    tools:context="com.blogspot.noteoneverything.gameoflife.MainActivity">

    <TextView
        android:id="@+id/textView"
        android:layout_width="wrap_content"
        android:layout_height="wrap_content"
        android:text="Le jeu de la vie"
        android:textAppearance="@android:style/TextAppearance.Material.Large"
        android:textSize="25dp"
        app:layout_constraintBottom_toBottomOf="@+id/guideline-topword-h"
        app:layout_constraintLeft_toLeftOf="parent"
        app:layout_constraintRight_toRightOf="parent"
        app:layout_constraintTop_toTopOf="parent" />

    <TableLayout
        android:id="@+id/game_panel"
        android:layout_width="0dp"
        android:layout_height="0dp"
        android:background="#cccccc"
        android:orientation="vertical"
        android:stretchColumns="0,1,2,3,4,5,6,7,8,9,10,11,12,13,14,15,16,17,18,19,20,21,22,23,24,25,26,27,28,29,30,31,32,33,34,35,36,37,38,39"
        app:layout_constraintBottom_toBottomOf="parent"
        app:layout_constraintLeft_toLeftOf="parent"
        app:layout_constraintRight_toRightOf="parent"
        app:layout_constraintTop_toBottomOf="@+id/guideline-topword-h">

        <TableRow
            android:layout_width="0dp"
            android:layout_height="match_parent"
            android:layout_weight="5">

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="0px"
                android:background="#cccccc"
                android:visibility="invisible" />

        </TableRow>
        <TableRow
            android:layout_width="0dp"
            android:layout_height="match_parent"
            android:layout_weight="5">

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="0px"
                android:background="#cccccc"
                android:visibility="invisible" />

        </TableRow>
        <TableRow
            android:layout_width="0dp"
            android:layout_height="match_parent"
            android:layout_weight="5">

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="0px"
                android:background="#cccccc"
                android:visibility="invisible" />

        </TableRow>
        <TableRow
            android:layout_width="0dp"
            android:layout_height="match_parent"
            android:layout_weight="5">

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="0px"
                android:background="#cccccc"
                android:visibility="invisible" />

        </TableRow>
        <TableRow
            android:layout_width="0dp"
            android:layout_height="match_parent"
            android:layout_weight="5">

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="0px"
                android:background="#cccccc"
                android:visibility="invisible" />

        </TableRow>
        <TableRow
            android:layout_width="0dp"
            android:layout_height="match_parent"
            android:layout_weight="5">

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="0px"
                android:background="#cccccc"
                android:visibility="invisible" />

        </TableRow>
        <TableRow
            android:layout_width="0dp"
            android:layout_height="match_parent"
            android:layout_weight="5">

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="0px"
                android:background="#cccccc"
                android:visibility="invisible" />

        </TableRow>
        <TableRow
            android:layout_width="0dp"
            android:layout_height="match_parent"
            android:layout_weight="5">

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="0px"
                android:background="#cccccc"
                android:visibility="invisible" />

        </TableRow>
        <TableRow
            android:layout_width="0dp"
            android:layout_height="match_parent"
            android:layout_weight="5">

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="0px"
                android:background="#cccccc"
                android:visibility="invisible" />

        </TableRow>
        <TableRow
            android:layout_width="0dp"
            android:layout_height="match_parent"
            android:layout_weight="5">

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="0px"
                android:background="#cccccc"
                android:visibility="invisible" />

        </TableRow>
        <TableRow
            android:layout_width="0dp"
            android:layout_height="match_parent"
            android:layout_weight="5">

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="0px"
                android:background="#cccccc"
                android:visibility="invisible" />

        </TableRow>
        <TableRow
            android:layout_width="0dp"
            android:layout_height="match_parent"
            android:layout_weight="5">

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="0px"
                android:background="#cccccc"
                android:visibility="invisible" />

        </TableRow>
        <TableRow
            android:layout_width="0dp"
            android:layout_height="match_parent"
            android:layout_weight="5">

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="0px"
                android:background="#cccccc"
                android:visibility="invisible" />

        </TableRow>
        <TableRow
            android:layout_width="0dp"
            android:layout_height="match_parent"
            android:layout_weight="5">

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="0px"
                android:background="#cccccc"
                android:visibility="invisible" />

        </TableRow>
        <TableRow
            android:layout_width="0dp"
            android:layout_height="match_parent"
            android:layout_weight="5">

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="0px"
                android:background="#cccccc"
                android:visibility="invisible" />

        </TableRow>
        <TableRow
            android:layout_width="0dp"
            android:layout_height="match_parent"
            android:layout_weight="5">

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="0px"
                android:background="#cccccc"
                android:visibility="invisible" />

        </TableRow>
        <TableRow
            android:layout_width="0dp"
            android:layout_height="match_parent"
            android:layout_weight="5">

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="0px"
                android:background="#cccccc"
                android:visibility="invisible" />

        </TableRow>
        <TableRow
            android:layout_width="0dp"
            android:layout_height="match_parent"
            android:layout_weight="5">

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="0px"
                android:background="#cccccc"
                android:visibility="invisible" />

        </TableRow>
        <TableRow
            android:layout_width="0dp"
            android:layout_height="match_parent"
            android:layout_weight="5">

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="0px"
                android:background="#cccccc"
                android:visibility="invisible" />

        </TableRow>
        <TableRow
            android:layout_width="0dp"
            android:layout_height="match_parent"
            android:layout_weight="5">

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="0px"
                android:background="#cccccc"
                android:visibility="invisible" />

        </TableRow>
        <TableRow
            android:layout_width="0dp"
            android:layout_height="match_parent"
            android:layout_weight="5">

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="0px"
                android:background="#cccccc"
                android:visibility="invisible" />

        </TableRow>
        <TableRow
            android:layout_width="0dp"
            android:layout_height="match_parent"
            android:layout_weight="5">

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="0px"
                android:background="#cccccc"
                android:visibility="invisible" />

        </TableRow>
        <TableRow
            android:layout_width="0dp"
            android:layout_height="match_parent"
            android:layout_weight="5">

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="0px"
                android:background="#cccccc"
                android:visibility="invisible" />

        </TableRow>
        <TableRow
            android:layout_width="0dp"
            android:layout_height="match_parent"
            android:layout_weight="5">

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="0px"
                android:background="#cccccc"
                android:visibility="invisible" />

        </TableRow>
        <TableRow
            android:layout_width="0dp"
            android:layout_height="match_parent"
            android:layout_weight="5">

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="0px"
                android:background="#cccccc"
                android:visibility="invisible" />

        </TableRow>
        <TableRow
            android:layout_width="0dp"
            android:layout_height="match_parent"
            android:layout_weight="5">

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="0px"
                android:background="#cccccc"
                android:visibility="invisible" />

        </TableRow>
        <TableRow
            android:layout_width="0dp"
            android:layout_height="match_parent"
            android:layout_weight="5">

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="0px"
                android:background="#cccccc"
                android:visibility="invisible" />

        </TableRow>
        <TableRow
            android:layout_width="0dp"
            android:layout_height="match_parent"
            android:layout_weight="5">

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="0px"
                android:background="#cccccc"
                android:visibility="invisible" />

        </TableRow>
        <TableRow
            android:layout_width="0dp"
            android:layout_height="match_parent"
            android:layout_weight="5">

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="0px"
                android:background="#cccccc"
                android:visibility="invisible" />

        </TableRow>
        <TableRow
            android:layout_width="0dp"
            android:layout_height="match_parent"
            android:layout_weight="5">

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="0px"
                android:background="#cccccc"
                android:visibility="invisible" />

        </TableRow>
        <TableRow
            android:layout_width="0dp"
            android:layout_height="match_parent"
            android:layout_weight="5">

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="0px"
                android:background="#cccccc"
                android:visibility="invisible" />

        </TableRow>
        <TableRow
            android:layout_width="0dp"
            android:layout_height="match_parent"
            android:layout_weight="5">

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="0px"
                android:background="#cccccc"
                android:visibility="invisible" />

        </TableRow>
        <TableRow
            android:layout_width="0dp"
            android:layout_height="match_parent"
            android:layout_weight="5">

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="0px"
                android:background="#cccccc"
                android:visibility="invisible" />

        </TableRow>
        <TableRow
            android:layout_width="0dp"
            android:layout_height="match_parent"
            android:layout_weight="5">

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="0px"
                android:background="#cccccc"
                android:visibility="invisible" />

        </TableRow>
        <TableRow
            android:layout_width="0dp"
            android:layout_height="match_parent"
            android:layout_weight="5">

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="0px"
                android:background="#cccccc"
                android:visibility="invisible" />

        </TableRow>
        <TableRow
            android:layout_width="0dp"
            android:layout_height="match_parent"
            android:layout_weight="5">

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="0px"
                android:background="#cccccc"
                android:visibility="invisible" />

        </TableRow>
        <TableRow
            android:layout_width="0dp"
            android:layout_height="match_parent"
            android:layout_weight="5">

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="0dp"
                android:layout_height="0px"
                android:background="#cccccc"
                android:visibility="invisible" />

        </TableRow>
        <TableRow
            android:layout_width="0dp"
            android:layout_height="match_parent"
            android:layout_weight="5">

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="0px"
                android:background="#cccccc"
                android:visibility="invisible" />

        </TableRow>
        <TableRow
            android:layout_width="0dp"
            android:layout_height="match_parent"
            android:layout_weight="5">

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="0px"
                android:background="#cccccc"
                android:visibility="invisible" />

        </TableRow>
        <TableRow
            android:layout_width="0dp"
            android:layout_height="match_parent"
            android:layout_weight="5">

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />
            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent"

                />

            <View
                android:layout_width="match_parent"
                android:layout_height="match_parent" />

            <View
                android:layout_width="0dp"
                android:layout_height="0px"
                android:background="#cccccc"
                android:visibility="invisible" />

        </TableRow>


    </TableLayout>


    <android.support.constraint.Guideline
        android:id="@+id/guideline-topword-v"
        android:layout_width="wrap_content"
        android:layout_height="wrap_content"
        android:orientation="vertical"
        app:layout_constraintGuide_percent="0.2" />

    <android.support.constraint.Guideline
        android:id="@+id/guideline-topword-h"
        android:layout_width="wrap_content"
        android:layout_height="wrap_content"
        android:orientation="horizontal"
        app:layout_constraintGuide_percent="0.2" />

    <Button
        android:id="@+id/start_button"
        android:layout_width="wrap_content"
        android:layout_height="wrap_content"
        android:onClick="evaluatePanel"
        android:text="Start"
        app:layout_constraintBottom_toTopOf="@+id/game_panel"
        app:layout_constraintEnd_toEndOf="parent" />

</android.support.constraint.ConstraintLayout>

Cliquer sur "Design".

Nous allons voir un 40 x 40 panneau.

Ajouter les lignes de code dans MainActivity.java (ou votre java fichier d'Activity du panneau):
package com.blogspot.noteoneverything.gameoflife;

import android.content.ClipData;
import android.graphics.drawable.ColorDrawable;
import android.support.v7.app.AppCompatActivity;
import android.os.Bundle;
import android.view.DragEvent;
import android.view.View;
import android.view.MotionEvent;
import android.view.View.OnTouchListener;
import android.view.View.OnDragListener;
import android.widget.Button;
import android.widget.TableLayout;
import android.widget.TableRow;
import android.graphics.Color;
import android.graphics.drawable.Drawable;
import android.os.AsyncTask;

import java.util.ArrayList;
import java.util.HashMap;
import java.util.Map;

public class MainActivity extends AppCompatActivity {
    ArrayList<View> aliveCells = new ArrayList<View>();
    ArrayList<View> deadCells = new ArrayList<View>();
    volatile boolean running = false;
    AsyncEvaluate ae = new AsyncEvaluate();

    @Override
    protected void onCreate(Bundle savedInstanceState) {
        super.onCreate(savedInstanceState);
        setContentView(R.layout.activity_main);
        TableLayout tl = (TableLayout) findViewById(R.id.game_panel);
        final int childCount = tl.getChildCount();
        for (int i = 0; i < childCount; i++) {
            TableRow row = (TableRow) tl.getChildAt(i);
            final int rowChildCount = row.getChildCount();
            for (int j = 0; j < rowChildCount; j++) {
                View cell = row.getChildAt(j);
                cell.setOnTouchListener(new OnTouchListener() {
                    @Override
                    public boolean onTouch(View v, MotionEvent ev) {
                        switch (ev.getAction() & MotionEvent.ACTION_MASK) {
                            case MotionEvent.ACTION_DOWN:
                                ClipData data = ClipData.newPlainText("", "");
                                View.DragShadowBuilder shadowBuilder = new View.DragShadowBuilder(null);
                                v.startDrag(data, shadowBuilder, v, 0);

                                break;
                            case MotionEvent.ACTION_CANCEL:
                            case MotionEvent.ACTION_UP:
                                break;
                            case MotionEvent.ACTION_MOVE:
                                changeColor(v);
                                break;
                            default:
                                break;
                        }
                        return true;
                    }
                });
                cell.setOnDragListener(new OnDragListener() {
                    @Override
                    public boolean onDrag(View v, DragEvent ev) {
                        final int action = ev.getAction();
                        switch (action) {
                            case DragEvent.ACTION_DRAG_STARTED:
                                break;
                            case DragEvent.ACTION_DRAG_ENTERED:
                                changeColor(v);
                                break;
                            case DragEvent.ACTION_DROP:
                                break;
                            default:
                                break;
                        }
                        return true;
                    }
                });
            }
        }
    }

    public void evaluatePanel(View v){
        if(ae.getStatus() == AsyncTask.Status.RUNNING){
            System.out.println("stopped");
            ae.cancel(true);
            running = false;
        } else {
            System.out.println("running");
            ae = new AsyncEvaluate();
            ae.execute("");
            running = true;
        }
    }

    public void changeCells(){
        TableLayout tl = (TableLayout) findViewById(R.id.game_panel);
        final int childCount = tl.getChildCount();
        for (int i = 0; i < childCount; i++) {
            TableRow rowMain = (TableRow) tl.getChildAt(i);
            final int rowChildCount = rowMain.getChildCount()-1;
            for (int j = 0; j < rowChildCount; j++) {
                View cellMain = rowMain.getChildAt(j);
                TableRow rowUp = null;
                if(i >= 1) rowUp = (TableRow) tl.getChildAt(i-1);
                else rowUp = (TableRow) tl.getChildAt(childCount-1);
                TableRow rowDown = null;
                if(i < childCount-1) rowDown = (TableRow) tl.getChildAt(i+1);
                else rowDown = (TableRow) tl.getChildAt(0);
                View cellN = null;
                View cellNW = null;
                View cellNE = null;
                if(rowUp != null){
                    cellN = rowUp.getChildAt(j);
                    if(j > 0) cellNW = rowUp.getChildAt(j-1);
                    else cellNW = rowUp.getChildAt(rowChildCount-1);
                    if(j < rowChildCount-1) cellNE = rowUp.getChildAt(j+1);
                    else cellNE = rowUp.getChildAt(0);
                }
                View cellW = null;
                if(j >= 1) cellW = rowMain.getChildAt(j-1);
                else if(j==0) cellW = rowMain.getChildAt(rowChildCount-1);
                View cellE = null;
                if(j < rowChildCount-1) cellE = rowMain.getChildAt(j+1);
                else{
                    cellE = rowMain.getChildAt(0);
                }
                View cellS = null;
                View cellSW = null;
                View cellSE = null;
                if(rowDown != null){
                    cellS = rowDown.getChildAt(j);
                    if(j > 0) cellSW = rowDown.getChildAt(j-1);
                    else cellSW = rowDown.getChildAt(rowChildCount-1);
                    if(j < rowChildCount-1) cellSE = rowDown.getChildAt(j+1);
                    else cellSE = rowDown.getChildAt(0);
                }
                ArrayList<View> cells = new ArrayList<View>();
                cells.add(cellN);
                cells.add(cellNE);
                cells.add(cellNW);
                cells.add(cellE);
                cells.add(cellW);
                cells.add(cellS);
                cells.add(cellSE);
                cells.add(cellSW);
                Map<String, View> allCells = evaluateCellsAroundMe(cellMain, cells);
                View dead = allCells.get("dead");
                if(dead != null) deadCells.add(dead);
                View alive = allCells.get("alive");
                if(alive != null) aliveCells.add(alive);
            }
        }
        changeCellColor(aliveCells, deadCells);
    }

    public Map<String, View> evaluateCellsAroundMe(View cellMain, ArrayList<View> cells){
        Map<String, View> map = new HashMap<String, View>();
        int numOfCellsAlive = 0;
        int color;
        for (View cell: cells) {
            if(cell != null){
                color = Color.TRANSPARENT;
                Drawable background = cell.getBackground();
                if (background instanceof ColorDrawable) color = ((ColorDrawable) background).getColor();
                if(color == -16711936) numOfCellsAlive++;
            }
        }
        int colorMain = Color.TRANSPARENT;
        Drawable backgroundMain = cellMain.getBackground();
        if (backgroundMain instanceof ColorDrawable) colorMain = ((ColorDrawable)backgroundMain).getColor();

        //Birth
        if(numOfCellsAlive == 3 && colorMain != -16711936){
            map.put("alive", cellMain);
            return map;
        }
        //Crowded
        if(numOfCellsAlive >= 4 && colorMain == -16711936){
            map.put("dead", cellMain);
            return map;
        }
        //Live
        if((numOfCellsAlive == 2 || numOfCellsAlive == 3) && colorMain == -16711936){
            map.put("alive", cellMain);
            return map;
        };
        //Isolated
        if(numOfCellsAlive <= 1 && colorMain == -16711936){
            map.put("dead", cellMain);
            return map;
        }
        return map;
    }

    public void changeColor(View v) {
        int color = Color.TRANSPARENT;
        Drawable background = v.getBackground();
        if (background instanceof ColorDrawable) color = ((ColorDrawable) background).getColor();
        if(color == -16711936) v.setBackgroundColor(Color.parseColor("#cccccc"));
        else v.setBackgroundColor(0xFF00FF00);
    }
    public void changeColorGray(View v) {
        v.setBackgroundColor(Color.parseColor("#cccccc"));
    }
    public void changeColorGreen(View v){
        v.setBackgroundColor(0xFF00FF00);
    }
    public void changeCellColor(ArrayList<View> aliveCells, ArrayList<View> deadCells){
        for (View aliveCell: aliveCells) {
            if(aliveCell != null){
                changeColorGreen(aliveCell);
            }
        }
        aliveCells.clear();
        for (View deadCell: deadCells) {
            if(deadCell != null){
                changeColorGray(deadCell);
            }
        }
        deadCells.clear();
    }


    private class AsyncEvaluate extends AsyncTask<String, Void, String> {
        @Override
        protected String doInBackground(String... params) {
            while (running) {
                try {
                    Thread.sleep(100);
                    runOnUiThread(new Runnable() // start actions in UI thread
                    {
                        @Override
                        public void run() {;
                            // this action have to be in UI thread
                            changeCells();
                        }
                    });
                } catch (InterruptedException e) {
                    Thread.interrupted();
                    return "Interrupted";
                } catch (IllegalThreadStateException e){
                    Thread.interrupted();
                    return "Interrupted";
                }
            }
            return "Executed";
        }

        @Override
        protected void onPostExecute(String result) {

            // txt.setText(result);
            // might want to change "executed" for the returned string passed
            // into onPostExecute() but that is upto you
        }

        @Override
        protected void onPreExecute() {
            Button startbtn = (Button) findViewById(R.id.start_button);
            startbtn.setText("Stop");
        }

        @Override
        protected void onProgressUpdate(Void... values) {}

        @Override
        protected void onCancelled() {
            Button startbtn = (Button) findViewById(R.id.start_button);
            startbtn.setText("Start");
        }
    }
}

Et exécuter le code. Nous pouvons dessiner sur le panneau.

Cliquer sur "Start".


Le jeu de la vie va commencer!