提交 2b553441 编写于 作者: G guosheng

Merge branch 'develop' of https://github.com/PaddlePaddle/models into...

Merge branch 'develop' of https://github.com/PaddlePaddle/models into add-transformer-BeamsearchDecoder-dev
export CUDA_VISIBLE_DEVICES=2,3,4,5
python -u ../../tools/profile.py --feature_lst data/train_feature.lst \
--label_lst data/train_label.lst \
--mean_var data/aishell/global_mean_var \
--parallel \
--frame_dim 2640 \
--class_num 101 \
#-*- coding: utf-8 -*-
#File: DQN.py
from agent import Model
import gym
import argparse
from tqdm import tqdm
from expreplay import ReplayMemory, Experience
import numpy as np
import os
UPDATE_FREQ = 4
MEMORY_WARMUP_SIZE = 1000
def run_episode(agent, env, exp, train_or_test):
assert train_or_test in ['train', 'test'], train_or_test
total_reward = 0
state = env.reset()
for step in range(200):
action = agent.act(state, train_or_test)
next_state, reward, isOver, _ = env.step(action)
if train_or_test == 'train':
exp.append(Experience(state, action, reward, isOver))
# train model
# start training
if len(exp) > MEMORY_WARMUP_SIZE:
batch_idx = np.random.randint(
len(exp) - 1, size=(args.batch_size))
if step % UPDATE_FREQ == 0:
batch_state, batch_action, batch_reward, \
batch_next_state, batch_isOver = exp.sample(batch_idx)
agent.train(batch_state, batch_action, batch_reward, \
batch_next_state, batch_isOver)
total_reward += reward
state = next_state
if isOver:
break
return total_reward
def train_agent():
env = gym.make(args.env)
state_shape = env.observation_space.shape
exp = ReplayMemory(args.mem_size, state_shape)
action_dim = env.action_space.n
agent = Model(state_shape[0], action_dim, gamma=0.99)
while len(exp) < MEMORY_WARMUP_SIZE:
run_episode(agent, env, exp, train_or_test='train')
max_episode = 4000
# train
total_episode = 0
pbar = tqdm(total=max_episode)
recent_100_reward = []
for episode in xrange(max_episode):
# start epoch
total_reward = run_episode(agent, env, exp, train_or_test='train')
pbar.set_description('[train]exploration:{}'.format(agent.exploration))
pbar.update()
# recent 100 reward
total_reward = run_episode(agent, env, exp, train_or_test='test')
recent_100_reward.append(total_reward)
if len(recent_100_reward) > 100:
recent_100_reward = recent_100_reward[1:]
pbar.write("episode:{} test_reward:{}".format(\
episode, np.mean(recent_100_reward)))
pbar.close()
if __name__ == '__main__':
parser = argparse.ArgumentParser()
parser.add_argument('--env', type=str, default='MountainCar-v0', \
help='enviroment to train DQN model, e.g CartPole-v0')
parser.add_argument('--gamma', type=float, default=0.99, \
help='discount factor for accumulated reward computation')
parser.add_argument('--mem_size', type=int, default=500000, \
help='memory size for experience replay')
parser.add_argument('--batch_size', type=int, default=192, \
help='batch size for training')
args = parser.parse_args()
train_agent()
<img src="mountain_car.gif" width="300" height="200">
# Reproduce DQN model
+ DQN in:
[Human-level Control Through Deep Reinforcement Learning](http://www.nature.com/nature/journal/v518/n7540/full/nature14236.html)
# Mountain-CAR benchmark & performance
[MountainCar-v0](https://gym.openai.com/envs/MountainCar-v0/)
A car is on a one-dimensional track, positioned between two "mountains". The goal is to drive up the mountain on the right; however, the car's engine is not strong enough to scale the mountain in a single pass. Therefore, the only way to succeed is to drive back and forth to build up momentum.
<img src="curve.png" >
# How to use
+ Dependencies:
+ python2.7
+ gym
+ tqdm
+ paddle-fluid
+ Start Training:
```
# use mountain-car enviroment as default
python DQN.py
# use other enviorment
python DQN.py --env CartPole-v0
```
#-*- coding: utf-8 -*-
#File: agent.py
import paddle.fluid as fluid
from paddle.fluid.param_attr import ParamAttr
import numpy as np
from tqdm import tqdm
import math
UPDATE_TARGET_STEPS = 200
class Model(object):
def __init__(self, state_dim, action_dim, gamma):
self.global_step = 0
self.state_dim = state_dim
self.action_dim = action_dim
self.gamma = gamma
self.exploration = 1.0
self._build_net()
def _get_inputs(self):
return [fluid.layers.data(\
name='state', shape=[self.state_dim], dtype='float32'),
fluid.layers.data(\
name='action', shape=[1], dtype='int32'),
fluid.layers.data(\
name='reward', shape=[], dtype='float32'),
fluid.layers.data(\
name='next_s', shape=[self.state_dim], dtype='float32'),
fluid.layers.data(\
name='isOver', shape=[], dtype='bool')]
def _build_net(self):
state, action, reward, next_s, isOver = self._get_inputs()
self.pred_value = self.get_DQN_prediction(state)
self.predict_program = fluid.default_main_program().clone()
action_onehot = fluid.layers.one_hot(action, self.action_dim)
action_onehot = fluid.layers.cast(action_onehot, dtype='float32')
pred_action_value = fluid.layers.reduce_sum(\
fluid.layers.elementwise_mul(action_onehot, self.pred_value), dim=1)
targetQ_predict_value = self.get_DQN_prediction(next_s, target=True)
best_v = fluid.layers.reduce_max(targetQ_predict_value, dim=1)
best_v.stop_gradient = True
target = reward + (1.0 - fluid.layers.cast(\
isOver, dtype='float32')) * self.gamma * best_v
cost = fluid.layers.square_error_cost(\
input=pred_action_value, label=target)
cost = fluid.layers.reduce_mean(cost)
self._sync_program = self._build_sync_target_network()
optimizer = fluid.optimizer.Adam(1e-3)
optimizer.minimize(cost)
# define program
self.train_program = fluid.default_main_program()
# fluid exe
place = fluid.CUDAPlace(0)
self.exe = fluid.Executor(place)
self.exe.run(fluid.default_startup_program())
def get_DQN_prediction(self, state, target=False):
variable_field = 'target' if target else 'policy'
# layer fc1
param_attr = ParamAttr(name='{}_fc1'.format(variable_field))
bias_attr = ParamAttr(name='{}_fc1_b'.format(variable_field))
fc1 = fluid.layers.fc(input=state,
size=256,
act='relu',
param_attr=param_attr,
bias_attr=bias_attr)
param_attr = ParamAttr(name='{}_fc2'.format(variable_field))
bias_attr = ParamAttr(name='{}_fc2_b'.format(variable_field))
fc2 = fluid.layers.fc(input=fc1,
size=128,
act='tanh',
param_attr=param_attr,
bias_attr=bias_attr)
param_attr = ParamAttr(name='{}_fc3'.format(variable_field))
bias_attr = ParamAttr(name='{}_fc3_b'.format(variable_field))
value = fluid.layers.fc(input=fc2,
size=self.action_dim,
param_attr=param_attr,
bias_attr=bias_attr)
return value
def _build_sync_target_network(self):
vars = fluid.default_main_program().list_vars()
policy_vars = []
target_vars = []
for var in vars:
if 'GRAD' in var.name: continue
if 'policy' in var.name:
policy_vars.append(var)
elif 'target' in var.name:
target_vars.append(var)
policy_vars.sort(key=lambda x: x.name.split('policy_')[1])
target_vars.sort(key=lambda x: x.name.split('target_')[1])
sync_program = fluid.default_main_program().clone()
with fluid.program_guard(sync_program):
sync_ops = []
for i, var in enumerate(policy_vars):
sync_op = fluid.layers.assign(policy_vars[i], target_vars[i])
sync_ops.append(sync_op)
sync_program = sync_program.prune(sync_ops)
return sync_program
def act(self, state, train_or_test):
sample = np.random.random()
if train_or_test == 'train' and sample < self.exploration:
act = np.random.randint(self.action_dim)
else:
state = np.expand_dims(state, axis=0)
pred_Q = self.exe.run(self.predict_program,
feed={'state': state.astype('float32')},
fetch_list=[self.pred_value])[0]
pred_Q = np.squeeze(pred_Q, axis=0)
act = np.argmax(pred_Q)
self.exploration = max(0.1, self.exploration - 1e-6)
return act
def train(self, state, action, reward, next_state, isOver):
if self.global_step % UPDATE_TARGET_STEPS == 0:
self.sync_target_network()
self.global_step += 1
action = np.expand_dims(action, -1)
self.exe.run(self.train_program, \
feed={'state': state, \
'action': action, \
'reward': reward, \
'next_s': next_state, \
'isOver': isOver})
def sync_target_network(self):
self.exe.run(self._sync_program)
#-*- coding: utf-8 -*-
#File: expreplay.py
from collections import namedtuple
import numpy as np
Experience = namedtuple('Experience', ['state', 'action', 'reward', 'isOver'])
class ReplayMemory(object):
def __init__(self, max_size, state_shape):
self.max_size = int(max_size)
self.state_shape = state_shape
self.state = np.zeros((self.max_size, ) + state_shape, dtype='float32')
self.action = np.zeros((self.max_size, ), dtype='int32')
self.reward = np.zeros((self.max_size, ), dtype='float32')
self.isOver = np.zeros((self.max_size, ), dtype='bool')
self._curr_size = 0
self._curr_pos = 0
def append(self, exp):
if self._curr_size < self.max_size:
self._assign(self._curr_pos, exp)
self._curr_size += 1
else:
self._assign(self._curr_pos, exp)
self._curr_pos = (self._curr_pos + 1) % self.max_size
def _assign(self, pos, exp):
self.state[pos] = exp.state
self.action[pos] = exp.action
self.reward[pos] = exp.reward
self.isOver[pos] = exp.isOver
def __len__(self):
return self._curr_size
def sample(self, batch_idx):
# index mapping to avoid sampling lastest state
batch_idx = (self._curr_pos + batch_idx) % self._curr_size
next_idx = (batch_idx + 1) % self._curr_size
state = self.state[batch_idx]
reward = self.reward[batch_idx]
action = self.action[batch_idx]
next_state = self.state[next_idx]
isOver = self.isOver[batch_idx]
return (state, action, reward, next_state, isOver)
# 使用ParallelExecutor的中文命名实体识别示例
以下是本例的简要目录结构及说明:
```text
.
├── data # 存储运行本例所依赖的数据,从外部获取
├── reader.py # 数据读取接口, 从外部获取
├── README.md # 文档
├── train.py # 训练脚本
├── infer.py # 预测脚本
```
## 数据
在data目录下,有两个文件夹,train_files中保存的是训练数据,test_files中保存的是测试数据,作为示例,在目录下我们各放置了两个文件,实际训练时,根据自己的实际需要将数据放置在对应目录,并根据数据格式,修改reader.py中的数据读取函数。
## 训练
修改 [train.py](./train.py)`main` 函数,指定数据路径,运行`python train.py`开始训练。
训练记录形如
```txt
pass_id:0, time_cost:4.92960214615s
[Train] precision:0.000862136531076, recall:0.0059880239521, f1:0.00150726226363
[Test] precision:0.000796178343949, recall:0.00335758254057, f1:0.00128713933283
pass_id:1, time_cost:0.715255975723s
[Train] precision:0.00474094141551, recall:0.00762112139358, f1:0.00584551148225
[Test] precision:0.0228873239437, recall:0.00727476217124, f1:0.0110403397028
pass_id:2, time_cost:0.740842103958s
[Train] precision:0.0120967741935, recall:0.00163309744148, f1:0.00287769784173
[Test] precision:0, recall:0.0, f1:0
```
## 预测
修改 [infer.py](./infer.py)`infer` 函数,指定:需要测试的模型的路径、测试数据、预测标记文件的路径,运行`python infer.py`开始预测。
预测结果如下
```txt
152804 O O
130048 O O
38862 10-B O
784 O O
1540 O O
4145 O O
2255 O O
0 O O
1279 O O
7793 O O
373 O O
1621 O O
815 O O
2 O O
247 24-B O
401 24-I O
```
输出分为三列,以"\t"分割,第一列是输入的词语的序号,第二列是标准结果,第三列为标记结果。多条输入序列之间以空行分隔。
24-B
24-I
27-B
27-I
20-B
20-I
21-B
21-I
22-B
22-I
23-B
23-I
28-B
28-I
29-B
29-I
12-B
12-I
11-B
11-I
10-B
10-I
13-B
13-I
38-B
38-I
14-B
14-I
16-B
16-I
33-B
33-I
18-B
18-I
31-B
31-I
30-B
30-I
37-B
37-I
36-B
36-I
35-B
35-I
19-B
19-I
32-B
32-I
O
;18528 45786 10718 1 348423 18528 45786 10718 408 2 1184 26 348423 0 370732 0 408 2 1184 0 13405 99 558667 2 1670 2 52 0 2 0 111;31 32 32 0 0 31 32 32 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 17;39 40 40 0 0 39 40 40 33 34 33 0 0 0 0 0 33 34 33 0 21 22 0 0 33 0 0 0 0 0 31;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;88 19554 67 31745 423 561 6463 0 49680 0 537 0 224317 0 13851 0 88778 0 23 1256 2013 46 380362 4832 16141 25 116 0 2 0 88 2384 110 28 18 0 2 0 1774 884 224 23 13 199 712 729 1256;9 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 17 18 18 18 18 0 0 0 1 2 2 0 0 0 0 0 0;13 33 0 33 33 34 33 0 33 0 0 0 21 0 33 0 0 0 0 33 33 0 0 21 22 0 33 0 0 0 31 32 32 32 32 0 0 0 1 2 2 0 33 34 33 33 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;22 379 2031 2675 691 14657 4817 1190 4223 108 643 62 6287 66 1311 406 58 2 92 401 257;0 0 0 39 40 40 40 0 0 0 0 0 0 0 0 0 0 0 17 18 18;0 0 33 47 48 48 48 33 33 34 34 0 33 0 33 33 0 0 31 32 32;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2397 7008 10 219 359 423 3 17 1 4 9;43 44 0 0 0 0 0 0 0 1 2;51 52 0 0 0 33 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1;
;300 2 2077 2 4778 1 405 1 35 19 31 95;0 0 0 0 0 0 0 0 0 0 0 0;33 0 21 0 33 0 1 0 21 22 33 34;1 1 1 1 1 1 1 1 1 1 1 1;
;277 2 80497 8869 104 2 322 5;0 0 0 0 0 0 1 2;0 0 33 33 33 0 1 2;1 1 1 1 1 1 1 1;
;625964 10 20 156 1 625964 31 273 1 140 1 1809 1 1526 1 2139 1 704 731 1538;0 0 0 0 0 0 23 24 0 0 0 0 0 0 0 0 0 5 6 6;0 33 34 33 0 0 29 30 0 33 0 33 0 33 0 33 0 33 34 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 49516 16 0 212 574 6251 1742 904 3 7779 492 1 3372 43 1 4 47;0 0 0 0 0 0 0 0 0 0 0 0 0 33 34 0 1 2;0 33 0 0 0 0 33 34 0 0 33 0 0 33 34 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2875 2267 1172 2151 3 39 13 324 242 46 605 510941 784 16181 139 154 2120 3644 0 7920 0 9255 0 6807 55 144 7 679 1 1115 40;0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 1 0 5 0 0 0 0 0 0 0;33 33 33 33 0 33 34 34 0 0 1 0 33 34 0 0 0 33 0 33 0 1 0 33 0 0 0 33 0 9 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;3784 563 3648 1025 46 22417 6272 539 90 64 856 422 949 165 82 3784 1449 83 0;0 0 0 0 0 9 0 0 0 0 0 0 0 0 0 0 0 0 0;33 34 33 34 0 13 33 0 0 0 33 0 33 0 0 33 34 0 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;490 73 2288 381 28116 5577 1136 1311 406 5;0 9 10 0 0 0 0 0 0 0;0 13 14 33 0 33 34 33 33 34;1 1 1 1 1 1 1 1 1 1;
;328 312 2017 445 437 0 2961 5807 2 210 2 35 19 2 41 72;0 0 0 39 40 0 0 0 0 0 0 0 0 0 1 2;13 0 0 47 48 0 35 36 0 33 0 21 22 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;25530 0 7437 0 2 0 2448 426 0 2 0 387 19;0 0 0 0 0 0 0 0 0 0 0 1 2;33 0 31 0 0 0 0 0 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1;
;48654 148 1295 101 37 91 180 1 4 9;9 10 0 0 0 0 0 0 1 2;13 14 33 34 33 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1;
;88 27 13026 75 13026 376 67668 376 503 5031 1056 58;9 10 9 10 9 10 9 10 10 0 0 0;13 14 13 14 13 14 13 14 14 33 34 34;1 1 1 1 1 1 1 1 1 1 1 1;
;34896 9148 1 34896 9148 37 1 410 34896 9148 104 26 182 0 2 0 111;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 17;33 33 0 33 33 33 0 33 33 33 33 0 33 0 0 0 31;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;54670 1105 1243 5100 1798 6085 252 110 10200 9467;17 18 18 18 0 0 0 0 0 0;13 33 34 33 0 33 0 21 22 33;1 1 1 1 1 1 1 1 1 1;
;35301 7453 14085 1479 3 3310 1 4 9;21 0 9 10 0 0 0 1 2;27 33 13 14 0 33 0 1 2;1 1 1 1 1 1 1 1 1;
;241 1355 178 733 305 91 180;0 0 0 0 0 0 0;35 36 36 33 33 0 0;1 1 1 1 1 1 1;
;4415 18090 497 2789 4919 34872 351 86208 2400 17406 2143 4239 922 10 16504 922 24 1 4 9;0 17 18 18 18 18 18 18 18 18 18 18 18 0 0 0 0 0 1 2;31 32 32 32 32 32 32 32 32 32 32 32 32 0 33 34 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;77781 726 2295 1554 4254 12944 53031 8582 125 58 2 34 41483;21 22 0 0 0 0 0 0 0 0 0 9 0;27 28 33 33 33 33 21 21 33 0 0 13 33;1 1 1 1 1 1 1 1 1 1 1 1 1;
;69685 251 545770 10 20 156 0 49 6272 2162 48 329 2527 2 2527 329 1538 1 69685 251 545770 3 6272 1576 32 5295 1 69685 251 545770 3 273 1 69685 251 545770 15 817;21 22 22 0 0 0 0 5 6 6 6 0 0 0 0 0 0 0 21 22 22 0 0 0 0 0 0 21 22 22 0 0 0 21 22 22 0 0;13 0 0 33 34 33 0 0 9 10 0 0 0 0 35 36 36 0 13 0 0 0 33 33 0 33 0 13 0 0 0 33 0 13 0 0 0 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;49002 1484 939 1042 2889 1407 2 27064 1407 2 8293 5 0;0 27 28 0 0 0 0 0 0 0 1 2 0;35 33 34 33 33 33 0 21 33 0 1 2 0;1 1 1 1 1 1 1 1 1 1 1 1 1;
;139 29096 89981 11555 144 48398 14819 2 12155 71830 2407 48339 20107 4730 353 332 1 29096 89981 11555 633 71 2 340 247 2578 5;0 0 0 0 0 0 0 0 0 9 10 0 0 0 0 0 0 0 0 0 0 0 0 9 1 2 2;0 31 0 0 0 33 33 0 33 13 14 33 33 0 0 0 0 31 0 0 33 34 0 13 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;489 169 2298 275 6811 2737 329 1 34 1803 5;0 0 0 0 0 0 0 0 1 2 2;33 34 34 34 34 34 34 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1;
;8395 1531 46 0 52640 0 962 0 5918 0 2699 1457 86 0 2 0 5758 0 67 142 0 2 0 5758 62 34 66;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 17 0 9 0;33 33 0 0 29 0 0 0 33 0 33 33 34 0 0 0 31 0 0 33 0 0 0 31 0 13 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;85 97 1705 181 787 118 3280 2917 136 27 5483 3391 1 934 4053 5;0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2;33 34 34 34 0 0 0 0 0 0 33 33 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;34 3156 4527 18117;9 0 0 0;13 33 39 33;1 1 1 1;
;20 10 38123 60 1 4 9;0 0 0 0 0 1 2;0 0 33 0 0 1 2;1 1 1 1 1 1 1;
;49 3337 894 48 2 141 2 35 887 55 2 31 95 2 4121 1047 19;19 20 20 20 0 0 0 0 0 0 0 19 20 0 0 0 0;0 25 26 0 0 33 0 33 33 34 0 33 34 0 1 2 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;22 3 158 164 3325 4306 3877 1 4 9;0 0 0 0 0 0 0 0 1 2;21 22 22 22 33 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1;
;857 251 19508 0 103 6828 376 1342 5;9 0 0 0 9 10 10 1 2;13 0 21 0 13 14 14 1 2;1 1 1 1 1 1 1 1 1;
;14 15862 2785 6919 16 44 170 40 1 15862 2785 6919 926 1 15862 2785 6919 838 2 916 2093 163 7 702 2759 7 65;0 11 12 0 0 0 0 0 0 11 12 0 0 0 11 12 0 0 0 1 2 0 0 0 0 0 0;0 15 16 33 0 33 33 33 0 15 16 33 33 0 15 16 33 33 0 1 2 33 0 1 31 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;4400 14052 85 869 367 6 4400 14052 85 724 534 40 6 14452 1528 3994 438 224 31 367 6 17415 25468;27 28 0 0 0 0 0 0 0 0 0 0 0 21 22 22 0 0 0 0 0 0 0;21 22 0 33 33 0 21 22 0 33 33 33 0 27 28 28 33 34 33 33 0 33 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1434 215 422 33 60 0 7445 91 8 22 10294 1434 1556 4495 3 4178 8 236 220 3 8 1887 677 43 94 10 162 38 298 227 3 8 12 1406 2640 5092 10 91 1 4 9;0 0 0 0 0 0 0 0 0 0 17 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 0 0 0 0 0 0 0 0 0 31 33 0 33 0 33 0 0 0 0 0 0 0 0 33 0 33 34 0 0 0 0 33 34 33 33 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;5147 9423 75 2340 5;9 10 10 1 2;13 14 14 1 2;1 1 1 1 1;
;1795 1 6526 1 86267 3 655 0 2 0 1115;0 0 0 0 0 0 0 0 0 0 5;0 0 33 0 21 0 33 0 0 0 9;1 1 1 1 1 1 1 1 1 1 1;
;57148 1956 28475 2233 7104 0 2400 223 40028 6454 23 68 25 1 188 167;21 0 21 0 0 0 0 0 0 0 0 0 0 0 17 0;27 33 27 33 34 0 33 34 33 33 0 0 0 0 31 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;41 341 5044 13 145 8 1082 41 341 2444 13 145 1 1739 2325 1 35259;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;0 0 0 33 34 0 33 0 0 35 36 36 0 33 33 0 13;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;326 4996 3975 21 8 250 1082 391 3066 8 8 94 99 3111 3 10 331 326 8 1053 348 1860 254 8 165 921 5342 254 524 8 541 24121 27586 8 3112 1 4 9;5 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;9 33 33 34 0 0 33 0 33 0 0 33 34 33 0 0 0 9 0 33 0 0 0 0 0 33 33 0 0 0 0 33 0 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;6604 22 275 39 13 417 14135 56 3 5484 30975 8675 22014 10 62 0 66 408 388 37688 22014 642 388 1448 27290 2780 22014 715 388 515 22014 1104 388 63063 22014 1 4 130 112;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 9 10 0 0 0 0 0 1 2 2;33 21 22 33 34 0 33 0 0 33 33 35 36 0 0 0 0 0 0 33 34 0 0 21 22 22 22 0 0 13 14 0 0 33 34 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;48046 14942 2400 668 2898 38 0 56 0 5591 275 3451 1 233 922 14143 1 114 204;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;27 33 0 0 33 34 0 0 0 0 33 34 0 33 34 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;497606 7 19198 55703 7 65 3 339 196 1;0 0 0 0 0 0 0 0 0 0;0 0 0 0 33 34 0 33 33 0;1 1 1 1 1 1 1 1 1 1;
;395189 20 156 1 4 9;0 0 0 0 1 2;0 0 33 0 1 2;1 1 1 1 1 1;
;60226 946 2315 5404 62 165 3 1277 6759 93 1854 9545 66 1 4 9;17 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;31 33 34 33 0 0 0 33 33 0 33 33 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1433 1114 1180 19 7653 1828 23169 1 4 9;17 0 0 0 0 0 0 0 1 2;31 33 34 33 33 34 33 0 1 2;1 1 1 1 1 1 1 1 1 1;
;67 22 8255 0 23 216 13 206 25 1 9302 201 1 6945;0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 34 34 0 0 0 33 34 0 0 33 34 0 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;11443 67218 63 18 1975 1 69 255 1 18 69 1 4958 24120 616 28 18 0;0 21 0 0 0 0 0 0 0 0 0 0 17 18 18 18 18 0;33 27 0 33 33 0 21 22 0 33 33 0 31 32 32 32 32 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;605565 141 534 1 605565 137 141 1 605565 2190 254 3 141 438 14 4675 141 201 16;0 0 0 0 0 0 0 0 21 0 0 0 0 0 0 0 0 0 0;21 33 33 0 21 33 34 0 21 0 0 0 33 34 0 0 9 10 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;15017 1365 30410 1339 42 12133 0 2191 117 407 34 42 23 35 1488 25 0 2 0 69 0 2 0 207 31;9 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;13 33 33 33 0 33 0 33 0 0 33 34 0 33 0 0 0 0 0 33 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;835 1506 915 10 9958 3 203 17 3422 714 1550 179 17 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;21 22 33 0 33 0 0 0 33 0 0 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;106 7138 14530 848 9034 8732 1483 998 2016 362 0 2 0 102 38 378 97 768 112 0 2 0 768 112;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;21 22 22 0 0 33 0 0 33 34 0 0 0 33 34 27 28 1 2 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;3498 2 111;0 0 17;33 0 31;1 1 1;
;192 159 257 899 20589 1863 986 1341 3364 210 58 1 598 1754 257 4223 785 244;17 18 18 0 0 0 0 0 0 0 0 0 17 18 18 0 0 0;31 32 32 33 34 21 22 22 22 22 22 0 31 32 32 33 33 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;13 127 304 1121 2 315 2 35 19 2 41 72;0 0 0 0 0 0 0 0 0 0 1 2;33 34 33 33 0 33 0 21 22 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1;
;222 13 470 6416 32 21663 13 332 108910 3 3842 1 4 9;0 0 0 21 0 21 0 0 0 0 0 0 1 2;21 22 0 27 0 0 33 34 33 0 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;139 17629 3571 22614 144 0 4556 1135 39870 8 6188 82 9099 8132 83 0 23 2645 9152 5 25;0 0 0 0 0 0 21 22 22 0 0 0 0 0 0 0 0 1 2 2 0;0 33 33 33 0 0 27 28 28 0 33 0 33 33 0 0 0 1 2 2 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;10237 1833 46 15841 3 36165 10 13 523 19040 2 45 81 5;0 0 0 17 0 0 0 0 0 0 0 1 2 2;33 34 0 31 0 0 0 33 34 33 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;4643 98 647 174 1222 1451 30 1 4 9;17 18 0 0 0 0 0 0 1 2;31 32 33 34 0 33 34 0 1 2;1 1 1 1 1 1 1 1 1 1;
;39 57 414 1243 1152 244 1267 407 161 14716 90855 82 488 33313 83 2 2 1549 2 2 169 5 0;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 0;0 0 33 34 33 0 33 0 33 33 33 0 0 33 0 0 0 33 0 0 1 2 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;58754 2912 2 8946 18686 7073 898 10442 0 529 524 3903 14457 1749 118 17980 12014 2 1433 401;17 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;31 33 0 33 27 0 0 33 0 0 0 33 0 0 0 0 33 0 21 22;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;16354 873 26965 1215 755 798 3 2007 15 3424 1 4 9;19 20 20 0 0 0 0 0 0 0 0 1 2;25 26 26 33 33 34 0 0 0 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1;
;92 6624 6887 725 175 404 81 5777 516 269 14736 0 129 42 2019 2 342 5 0;9 9 9 10 10 0 0 0 0 0 0 0 0 0 0 0 1 2 0;13 13 13 14 14 0 0 33 33 34 33 0 0 0 33 0 1 2 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;30152 755 44824 5359 6831 3 4304 178 33 2718 8 129 2 220 2671 84 2 260 6184 2 6044 1285 2 330 1715 2825;0 0 0 0 0 0 0 0 23 24 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2;33 0 33 33 33 0 33 0 29 30 0 0 0 0 0 0 0 33 34 0 33 33 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;6791 8593 611 86 1 504 1 4 61;0 23 24 24 0 0 0 1 2;33 29 30 30 0 0 0 1 2;1 1 1 1 1 1 1 1 1;
;160685 2837 23 69600 178 25 46 82 63 21 340 8999 96 160 61968 7818 3 4851 2837 32 1065 3 8 1257 9543 0 26 490 214 115 10 6538 440 160 3 178 8 165 10 30 7818 302 11717 8 1257 9543 0 26 490 860 7 7 7 83;11 12 0 9 0 0 0 0 0 0 9 0 0 0 0 0 0 11 12 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;15 16 0 13 0 0 0 0 33 34 13 33 0 0 0 33 0 15 16 0 33 0 0 0 33 0 0 0 0 0 0 33 33 0 0 0 0 33 34 0 33 0 33 0 0 33 0 0 0 0 0 0 0 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2700 33587 632 825 18653 102 137 116 71 1 123 1 147 0 2 0 489 2182 5;17 18 18 18 18 0 0 0 0 0 0 0 0 0 0 0 1 2 2;13 11 39 40 33 33 21 33 34 0 33 0 33 0 0 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1321 3704 55843 27309 12641 8 77 804 91 180 59 59 1 3704 55843 43 1 4 47;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 0 27 29 33 0 33 34 0 0 0 0 0 0 27 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;46740 2337 41307 5432 477 85 2 7642 1 4 61;0 0 0 0 0 0 0 0 0 1 2;0 33 21 22 22 0 0 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1;
;179 21233 5465 825 67 804 21233 5465 825 0 80 160 6431 17 0 2 0 11 76 0 2 0 4904 0 2 0 2240 0 2696 0 709 197;31 32 32 32 0 0 31 32 32 0 0 0 0 0 0 0 0 0 0 0 0 0 17 0 0 0 0 0 0 0 1 2;39 40 40 40 0 0 39 40 40 0 0 0 33 0 0 0 0 33 34 0 0 0 31 0 0 0 33 0 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;617 7496 3358 1182 8 190 3 4260 7 7 7 0 2 0 649 848 5;9 19 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2;13 25 21 22 0 0 0 33 0 0 0 0 0 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 117 7 1876 16 139 95407 3709 34357 8106 6368 3709 2954 3709 112190 154251 11373 1296 144 73 2294 1968 5354 12580 56 1 27477 723 384 43 1 4 47;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 29 0 0 0 0 0 0 0 0 0 0 17 18 18 0 0 1 2;0 0 0 33 0 0 27 0 21 35 36 0 0 0 33 37 33 34 0 0 0 33 33 33 34 0 31 32 32 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;406 1083 96 136 3 3223 3029 8553 8 236 406 1083 8 440 406 5804 0 2 0 612 295 42;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2;33 9 0 0 0 33 33 33 0 0 33 9 0 33 33 33 0 0 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;402576 2 24418;0 0 0;33 0 0;1 1 1;
;59982 11 64 24 17 305 3910 24 17 19101 279 184 4404 93 24 17 1 4209 872 43 1 4 47;17 0 0 0 0 0 0 0 0 0 5 6 6 0 0 0 0 17 0 0 0 1 2;31 33 34 0 0 33 33 0 0 0 9 10 10 33 34 0 0 31 21 22 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;37695 73 6097 3349 1568 118 4830 13 8932 36523 10566 1364 3692 8985 8 3946 10815 8 31865 333 8 1 4 209 132;37 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 17 23 24;45 0 0 33 34 0 0 0 33 33 0 0 21 22 0 33 33 0 33 0 0 0 31 29 30;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1985 7932 900 470 1758 8 3029 30 2616 1961 1 4 9;0 0 0 0 0 0 0 0 0 0 0 1 2;33 21 0 0 0 0 33 0 33 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1;
;49 235 16512 1247 48 41 20955 1 14 315 301 36 4128 301 16 1 3820 1635 258;0 0 0 0 0 0 0 0 0 0 0 0 27 28 0 0 0 0 0;0 33 33 34 0 0 33 0 0 33 34 0 35 36 0 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 564 407 1305 1986 42136 63 178 1506 446 16 1 564 407 1305 1986 42136 63 178 1506 1 4 493;0 9 0 0 0 11 0 0 0 0 0 0 9 0 0 0 11 0 0 0 0 1 2;0 13 33 34 33 15 21 22 0 33 0 0 13 33 34 33 15 21 22 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;233 813 58330 60223 19924 1260 1 314 159 142 5;0 0 0 0 0 0 0 1 2 2 2;21 22 22 33 34 33 0 1 2 2 2;1 1 1 1 1 1 1 1 1 1 1;
;14 2856 3 4463 16 2856 3 4463 37 1 2856 3 4463 104 1 2856 3 4463 87 0 2 427 262 318 5;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 33 0 33 0 33 0 33 33 0 33 0 33 33 0 33 0 33 31 0 0 33 31 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1903 6109 33932 28191 8745 45246 1245 3 3101 657 7 1 4 130 112;0 0 0 0 0 0 0 0 0 0 0 0 1 2 2;33 0 47 48 47 48 48 0 33 33 0 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;23888 51 276873 10755 10241 10221 2984 0 81 10221 2524 58600 1 328 110 1 328 5;17 0 21 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;31 0 27 33 33 33 33 0 0 33 33 33 0 13 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;17770 39 151 224 19 31 95 0 1 12766 836 264 201;0 0 0 0 1 2 0 0 0 0 0 0 0;33 0 33 0 1 2 33 0 0 0 33 34 33;1 1 1 1 1 1 1 1 1 1 1 1 1;
;500 1296136 19548 1177 87946 847 8210 5404 778 19 360 38 938 2 315 2 35 19 2 41 72;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 0 33 33 33 33 33 33 0 33 33 34 0 0 33 0 21 22 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;22 6050 33 11 13 585 171 21 8 11 13 29 278 0 11 145 11280 15 70 22191 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 0 0 0 33 34 33 0 0 0 33 34 0 0 33 34 33 33 34 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;181 1279 1312 450 4764 129 1813 53824 76 1250 17923 71927 0 181 8368 7849 2 45 81 5;0 0 0 0 9 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2;21 22 33 0 0 0 0 33 34 0 33 33 0 0 33 33 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 5427 7159 2148 14375 2 1587 25203 16 37 6 87 6 44 6 4125 6 598 27 30625 19168 495 1567 4123 244 2 395 5;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 23 0 17 18 18 18 18 18 18 18 0 1 2;0 33 33 0 31 0 33 33 0 33 0 31 0 33 0 29 0 13 14 33 31 21 22 33 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;7834 41799 39 1267 224 2 2 35 979 19 31 291 2 205 354 2 41 72;0 0 0 0 0 0 0 0 0 1 2 0 0 0 0 0 1 2;33 34 0 33 0 0 0 33 33 1 2 33 0 33 34 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;275 5 11018 27 4824 18 46 106 82 666 83 8593 2109 18060 1986 82 4933 83 1 137 2321 1 588 5;17 18 18 18 18 18 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 34 13 0 33 34 0 0 0 0 0 33 33 33 33 0 33 0 0 21 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;15 3489 1729 56 152 13584 4811 118 2262 103 3 7503 1 4 209 132;0 0 0 0 0 29 0 0 0 0 0 37 0 17 23 24;0 33 0 0 0 37 0 0 33 34 0 33 0 31 29 30;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;380187 0 869278 790 0 2 0 5523;0 0 0 0 0 0 0 0;0 0 0 0 0 0 0 33;1 1 1 1 1 1 1 1;
;22 1244 5519 3102 129 8 7293 3767 1 3283 3102 129 43 1 4 47;0 0 0 23 24 0 0 0 0 0 0 0 0 0 1 2;0 33 33 29 30 0 33 33 0 21 22 22 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;794 691 554 521 10170 295 4876 1379 220 1 4 61;0 0 0 0 0 0 0 0 0 0 1 2;25 0 33 34 33 21 22 33 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1;
;49 51604 133522 48 27805 133522 2454 44395 72899 1 405 1 35 19 31 95;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;0 33 27 0 27 27 33 33 0 0 1 0 21 22 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;779 2816 5515 853 176 15940 1 4 61;0 0 0 0 0 0 0 1 2;21 22 33 33 0 33 0 1 2;1 1 1 1 1 1 1 1 1;
;546 1989 51 90 699 215 166 7338 1 357 546 43 1 4 47;0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 34 0 33 34 0 0 33 0 21 22 22 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;546 54 115 1244 11 2201 638 21 1 6927 14618 43 1 4 47;1 2 2 0 0 0 0 0 0 0 19 0 0 1 2;1 2 2 33 0 33 33 0 0 33 33 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;142 7700 383 1815 1095 2 10482 355 2 0 39 57 535;0 0 0 0 0 0 0 0 0 0 0 0 0;33 47 21 22 33 0 33 0 0 0 0 0 0;1 1 1 1 1 1 1 1 1 1 1 1 1;
;30798 148 2183 4891 376 7122 2719 5992;9 10 9 10 10 0 0 0;13 14 13 14 14 21 22 33;1 1 1 1 1 1 1 1;
;56 8257 13 1174 4629 21 8 348 12 1117 8 4786 54 298 30 3199 11546 254 11325 1608 1 4 209 132;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 23 24 0 17 23 24;0 33 0 33 0 0 0 0 0 0 0 0 33 34 0 0 0 0 29 30 0 31 29 30;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;404 854 3316 129 22915 282 1 404 854 3316 19 1 5502 315;45 46 46 46 21 0 0 45 46 46 0 0 45 46;53 54 54 54 27 33 0 53 54 54 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;7763 1661 249 90 8913 49 11479 1171 48 672 38 3 3665 1251 1 76 1922 1 5841 523;0 0 0 0 0 45 46 46 46 0 0 0 0 0 0 0 0 0 0 0;39 0 33 34 33 33 34 34 34 33 0 0 33 0 0 53 54 0 31 32;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;37215 2563 3597 11 122 12 3819 51 1722 33 3 134 690 10188 1 1394 2246 1 1539 5;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 21 22 0 0 33 34 0 33 33 34 0 0 33 0 33 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;9838 4416 30 6636 1 5194 3026 638 1 5194 3026 2786 1630;19 20 20 20 0 0 0 0 0 0 0 0 0;33 34 34 34 0 1 2 33 0 1 2 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1;
;218 10572 237 28377 34 172 1265 904 1 188 69 108;17 18 18 0 0 0 0 0 0 5 6 0;31 32 32 33 21 22 22 22 0 9 10 33;1 1 1 1 1 1 1 1 1 1 1 1;
;2 0 389 18130 148 339 27603 5233 359 0 2 0 693 51 26 26 13264 1682 7 5281 2 18745 7 65 0;0 0 17 18 18 18 18 18 18 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;0 0 13 13 14 33 33 39 0 0 0 0 25 26 26 26 33 33 0 21 0 39 33 34 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;11254 12689 59 171631 117 50 25338 18961 53 31 291 53 387 5 8 19 35 31 95;0 0 0 21 0 0 0 0 0 0 0 0 1 2 0 0 0 0 0;33 33 0 27 0 0 33 33 0 21 22 0 1 2 0 21 22 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2245 570 284 4006 38 1009 6 1009 91 38 3152 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 34 0 33 34 0 0 0 33 34 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;6002 14970 2438 74411 101 450 0 2569 15410 125 5521 3719 501 369 2 45 81 5;21 22 0 0 0 0 0 0 0 0 0 37 38 0 0 1 2 2;21 22 33 33 0 0 0 0 33 33 0 33 34 0 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;524 868 44444 5;1 2 2 2;21 22 22 22;1 1 1 1;
;593 1764 174 62 424 66;21 22 22 0 0 0;27 28 28 0 33 0;1 1 1 1 1 1;
;11280 3 2371 19197 1123 20 17 1 4 9;0 0 0 0 0 0 0 0 1 2;33 0 0 33 0 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1;
;3866 8647 3492 177 3604 1472 86 3879 21 8 397 236 1335 13 964 8 12 9 227 1351 1801 17 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;51 11 9 0 33 33 34 33 34 0 33 0 0 21 22 0 33 34 0 0 33 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1873 2165 1155 1 1873 2165 1155 37 1 1873 2165 1155 104 26 182 0 2 0 111;23 24 31 0 23 24 31 0 0 23 24 31 0 0 0 0 0 0 17;29 30 39 0 29 30 39 33 0 29 30 39 33 0 33 0 0 0 31;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;896 67419 15870 832 58 2 119 2 35 19 2 41 72;17 17 0 0 0 0 0 0 0 0 0 1 2;31 31 33 21 22 0 33 0 21 22 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1;
;22 89 668 782 15 143 17 1 4 9;0 0 0 0 0 0 0 0 1 2;0 33 34 0 33 34 34 0 1 2;1 1 1 1 1 1 1 1 1 1;
;12423 5424 7204 23810 15158 8 1279 106276 2476 346 17135 0 566 0 3315 5;21 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;27 33 33 33 33 0 0 0 33 34 34 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;69 3121 3121 3121 0 102 2 378 2 1752 0 1240 1877 40862 17 1400 574 14495 46 221 620 302 38 298 59 3096 1877 1720 96 122 25499 17 0 2 0 69 3121 3121 3121 0 3622 28249 100 0;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 9 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 21 0 0;21 22 22 22 0 33 0 33 0 33 0 33 0 33 0 0 0 33 0 33 34 0 0 0 0 33 0 33 34 0 33 0 0 0 0 21 22 22 22 0 0 27 33 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;132 6377 51 22 1970 15620 5576 12952 373 16058 3488 1742 8 11 356 930 29 3643 614 477 1 4 209 132;0 0 0 0 0 37 38 0 0 0 0 0 0 0 0 0 0 0 0 0 0 17 23 24;33 33 0 0 0 45 46 0 0 0 33 34 0 33 34 33 34 33 33 34 0 31 29 30;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;11824 30 172 45 3 2070 1 4 61;5 0 0 0 0 0 0 1 2;9 0 33 33 34 33 0 1 2;1 1 1 1 1 1 1 1 1;
;48853 13 682 113817 3 185 1 185;0 0 0 0 0 1 0 1;33 34 34 33 0 1 0 1;1 1 1 1 1 1 1 1;
;192768 0 217587 0 29957 0 43385 0 338883 0 11140 0 239 0 27649 0 52966 0 7088 4474 3141 0 55876 0 2 0 10870;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;0 0 21 0 33 0 33 0 21 0 33 0 0 0 33 0 0 0 33 33 33 0 33 0 0 0 9;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 16032 66541 16 1 16032 66541 14 260 26 44 26 37 16 1 16032 66541 260 1197 201 0 2 0 111;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1;0 33 33 0 0 33 33 0 33 0 33 0 33 0 0 33 33 33 33 33 0 0 0 31;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;5006 6618 5189 250 3626;9 37 0 0 0;13 33 33 0 33;1 1 1 1 1;
;18460 148 39 4959 691 82 10856 1063 83 3561 484 1122 1508 7 2210 40 2 1028 35 170 1229 2 3492 1196;9 10 0 0 0 0 0 0 0 0 0 39 40 0 0 0 0 0 0 0 0 0 0 0;13 14 0 33 0 0 33 0 0 0 33 47 48 21 22 33 0 33 33 33 33 0 9 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;575757 0 23 794 25 0 2 0 5523;0 0 0 0 0 0 0 0 0;0 0 0 25 0 0 0 0 33;1 1 1 1 1 1 1 1 1;
;60420 3 5216 1 9400 7231 43 1 4 47;21 0 0 0 0 0 0 0 1 2;33 0 33 0 27 28 0 0 1 2;1 1 1 1 1 1 1 1 1 1;
;22 12 10 13283 8 7800 98 647 8 96 15 640 1419 98 2119 2 247;0 0 0 0 0 17 18 0 0 0 0 0 17 18 0 0 17;55 56 56 21 0 31 32 33 0 21 22 33 31 32 21 0 31;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;49 15305 32638 48 0 2 0 14021 1177 31;0 0 0 0 0 0 0 0 0 0;35 36 36 36 0 0 0 13 33 33;1 1 1 1 1 1 1 1 1 1;
;126 2933 331 699 30 12022 17052 212 17052 160 17 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 33 0 33 0 0 0 0 0 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;338 1150 27570 7553 3227 0 3854 357 658 17511 10295 1 188 634;9 0 0 17 18 0 0 9 0 0 0 0 0 0;13 33 33 25 26 0 0 13 0 33 33 0 9 10;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;377 177 1141 265 57 6 1141 177 2572 265 154 6 2572 177 377 265 85 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 23 24 0 0 0 0 1 2;33 34 34 0 0 0 33 34 0 0 0 0 29 30 0 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;397 467 4495 183 93 594 2061 183 24 0 730 12 502 0 1373 0 742 742 742 59 1 4 9;0 23 24 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 29 30 0 0 0 31 0 0 0 33 33 34 0 33 0 33 34 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;6355 52964 3731 9403 1 4 61;0 39 0 0 0 1 2;33 47 33 33 0 1 2;1 1 1 1 1 1 1;
;966074 67 4577 173 1 4 9;21 0 0 0 0 0 0;27 0 27 28 0 1 2;1 1 1 1 1 1 1;
;3694 129 1485 331 795 17410 6 12 9 1351 156 1 4 9;23 24 0 0 0 0 0 0 0 0 0 0 1 2;29 30 33 0 33 33 0 33 34 0 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;81 2056 8636 559 28 18 6 81 2056 8636 559 28 18 128 277 6 403 6 843 123 6 147;17 18 18 18 18 18 0 17 18 18 18 18 18 0 0 0 0 0 0 0 0 0;0 0 0 33 33 34 0 0 0 0 33 33 34 1 2 0 33 0 21 22 0 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;820 45 12820 298 820 29 2843 951 10 15 441 1 4 209 132;0 0 0 0 0 0 11 12 0 0 0 0 17 23 24;0 35 36 0 0 0 15 16 0 0 33 0 31 29 30;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;10203 518 5793 15 517 1300 455 2772 17 1 4 9;0 0 0 0 0 0 0 0 0 0 1 2;33 0 33 0 33 33 0 33 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1;
;115950 1397 10837 18583 63 21 8 15752 33 63 1651 8 89 11 152 1070 84 0 2 0 1715 4347 0 2 0 9676 210 2 439 210 1285 197;0 9 0 17 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 0 9 0 0 0;0 13 33 31 33 34 0 33 0 0 0 0 33 34 0 0 0 0 0 0 33 34 0 0 0 1 2 0 13 33 34 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1649 101 82 446 83 5318 40074 110 118 269 8014 2 247 119;0 0 0 0 0 0 0 0 0 0 0 0 17 18;33 34 0 33 0 33 33 33 34 34 33 0 31 32;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;49 11525 7764 41 589 48 57 430 1587 224 231 0;19 20 20 20 20 20 0 0 0 0 0 0;0 25 26 26 26 0 0 0 33 0 0 0;1 1 1 1 1 1 1 1 1 1 1 1;
;642478 0 2 0 1062 27 39 127 169 107 412 4518 98 3174 1062 39 127 107 4990 697;21 0 0 0 17 18 18 18 18 18 17 18 18 18 18 18 18 18 0 0;27 0 0 0 31 32 32 32 32 32 31 32 32 33 13 33 34 33 33 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;984 113 287 182 5;17 18 18 0 0;31 32 32 33 34;1 1 1 1 1;
;14 3632 2638 86 170 55 5318 40 16 3632 2638 86 695 55 622 57 7 85 40 1 1249 94 78 40 5;0 5 6 6 0 0 5 0 0 5 6 6 0 0 0 0 0 0 0 0 0 0 0 0 0;0 9 10 10 33 34 33 33 0 9 10 10 33 0 33 34 0 0 33 0 1 33 34 33 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 2914 2134 16 44 170 40 1 2914 2134 926 1 2914 2134 838 2 916 2093 163 7 702 2759 7 65;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 0 0 0 0 0 0;0 33 33 0 33 33 33 0 33 33 33 0 33 33 33 0 1 2 33 0 1 31 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1120 317 22 4843 0 39 812 224 0 2 0 19 31 95 0 2 0 1120 317 22 4843 0 2 0 3589 2196;0 0 0 0 0 0 0 0 0 0 0 1 2 0 0 0 0 0 0 0 0 0 0 0 1 2;33 34 34 34 0 0 33 0 0 0 0 1 2 33 0 0 0 33 34 34 34 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;139331 2407 2374 1 2087 5;9 10 0 0 1 2;13 14 33 0 1 2;1 1 1 1 1 1;
;41382 40157 7844 10 250 15684 8251 3 60 1 487 3 2072 32 1541 1 114 204;21 22 0 0 0 0 9 0 0 0 0 0 17 18 0 0 1 2;27 28 33 0 0 33 13 0 0 0 33 34 31 32 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;64 20 6066 212 1677 8935 21900 2564 3 4555 5638 625 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 0 33 0 33 33 34 34 0 21 22 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;6363 1362 257 3 257 986 1 4 9;17 18 18 0 0 0 0 1 2;31 32 32 0 33 33 0 1 2;1 1 1 1 1 1 1 1 1;
;710 11219 15092 13762 10 9472 16550 181 8 7120 15 3072 60 719 15 767 60 0 2 2 0 391 3375 170 738 372;0 0 0 0 0 35 36 36 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 0 0 0;0 0 33 33 0 43 44 44 0 33 0 33 0 33 0 0 0 0 0 0 0 1 2 21 22 22;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;82 21467 2017 83 607485 46 67 218 1086 29555 3 6087 1 44 131 1 342 5 0;0 21 22 0 21 0 0 17 18 0 0 0 0 0 0 0 1 2 0;0 27 28 0 27 0 0 31 32 33 0 33 0 33 33 0 1 2 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;82 10476 1126 83 1472 86 1 4 61;0 0 0 0 0 0 0 1 2;0 0 0 0 33 34 0 1 2;1 1 1 1 1 1 1 1 1;
;9672 8088 11 1451 1851 8 42 4594 9672 8088 118 3 1176 84 1 4 209 132;37 38 0 0 0 0 0 0 37 38 0 0 0 0 0 17 23 24;33 34 33 34 33 0 33 34 33 34 0 0 33 0 0 31 29 30;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 35431 16 109903 0 642 0 16385 7 0 87190 0 2 0 13933 0 6613 14 1288 16 53 2448 426 46 49 617 190 2338 3584 629 4198 48 53 31 291 53 387 5 8 19 35 31 95;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 0 0 0 0 0;0 33 0 21 22 22 0 33 0 0 27 0 0 0 21 22 22 0 33 0 0 0 0 0 0 13 33 34 33 33 33 0 0 21 22 0 1 2 0 21 22 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;130063 2 5613 832 5;0 0 1 2 2;33 0 1 2 2;1 1 1 1 1;
;44781 10 13 166 8266 8 5808 274 455 212 12039 4592 8 136 212 457 122 5696 27859 84;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 0 33 34 34 0 33 0 0 0 33 34 0 33 34 33 0 0 33 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;658 5476 152 6577 45 221 6 333 21062 4437 681 284 11547 2638 63 6550 23236 26 451 6 5476 586 2004 121 228 7 2835 8796 6 541 17047 14771 166 681 43429 14167 62 11537 681 2638 654 3 1913 121 228 7 85 892 6 2758 30 509;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 39 40 0 0 0 0 0 0 0 0 0 0 0;0 47 0 21 22 22 0 0 33 33 0 0 33 33 0 33 0 0 0 0 47 33 0 0 0 0 33 33 0 0 33 33 0 0 33 33 0 33 0 47 48 0 33 0 0 0 31 32 0 0 0 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;3518 16241 167 1 3518 16241 167 261 0 2 2818 434 128 0 408 2074 25983 7 2171 2828;9 0 0 0 9 10 10 0 0 0 0 0 0 0 0 0 0 0 0 0;13 33 33 0 13 33 33 33 0 0 0 33 33 0 33 34 0 33 34 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2904 4062 8132 1340 57 169 1439 449 91 4548 1 4 9;0 0 0 0 0 23 24 0 0 0 0 1 2;53 54 54 54 0 29 30 0 0 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1;
;1137827 1 14 443 71 1 1489 71 1 908 71 1 434 71 1 123 147 1 116 71 16 196 2 1841 510;21 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;27 0 0 33 34 0 33 33 0 33 34 0 33 33 0 33 33 0 33 34 0 33 0 21 22;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;656 11247 310 2 315 2 35 19 2 41 72;9 0 0 0 0 0 0 0 0 1 2;13 21 22 0 33 0 21 22 0 1 2;1 1 1 1 1 1 1 1 1 1 1;
;509 431 386 3 73 798 341 21 13 422 44837 8 1091 1670 386 331 9370 59;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;0 21 22 0 33 34 33 34 33 34 33 0 0 33 0 33 34 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;653 12043 11138 6 5089 23 63854 25 1890 6 12043 1237 400 6 404 358 11138 6 11138 1237 2668 8 12043 27337 8 435 16531 6 11138 3037 1785 8 2907 8973 8 7265 0 2 0 1552 193085 3 1899 204;0 0 0 0 0 0 0 0 0 0 29 0 0 0 0 0 0 0 0 0 0 0 29 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 9 23 0 1 2;33 21 22 0 33 0 21 0 0 0 37 33 34 0 0 0 29 0 29 33 34 0 37 33 0 33 33 0 29 29 30 0 0 0 0 0 0 0 0 13 29 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;77332 1507 197 818 150 108;17 18 18 18 18 18;13 14 31 32 32 32;1 1 1 1 1 1;
;284 25534 63 3611 3 20418 1 34 586 69 5 0;0 0 0 0 0 0 0 1 2 2 2 0;0 33 0 33 0 33 0 1 2 2 2 0;1 1 1 1 1 1 1 1 1 1 1 1;
;15799 2162 685 94 0 373 305 303 6098 17 2 34 186 5 2 34 1109 339 411 128 2 1308 325 6 1231 6 1118 6 2351 6 861 6 110 449 71;5 6 0 0 0 0 0 0 5 0 0 1 2 2 0 9 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;9 10 33 33 0 0 33 33 33 0 0 1 2 2 0 13 33 33 34 34 0 33 33 0 33 0 33 0 33 0 33 0 33 0 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 10092 2127 6908 682 446 16 1 10092 2127 6908 682 63 178 1506 1 4 493;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 0 0 33 34 33 0 0 0 0 33 34 21 22 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;105 9957 1507 280 282 1 9957 1507 2247 557 282 26 2312 3105 26 13 3675 14 6494 768 282 16;0 9 10 0 0 0 9 10 0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 13 14 33 34 0 13 14 33 34 33 0 33 0 0 0 33 0 31 32 33 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 352 789 30274 87 57 2 24745 30274 37 826 16 37 1 87 1 44 0 2 427 262 318 5;0 0 9 31 0 0 0 0 31 0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 33 13 39 31 0 0 0 39 33 34 0 33 0 31 0 33 0 0 33 31 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2350 27923 3 98 174 9443 325 602 294 1 1451 359616 1 504 1 4 61;0 0 0 0 0 0 0 0 0 0 21 22 0 0 0 1 2;33 33 0 33 34 33 33 33 33 0 27 28 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;4090 4790 311 51465 0 48358 300 55 40 36 4090 4790 311 51465 0 48358 300 763 55 713 695 55 0 57 7 228 1 9330 40 199;45 46 46 5 0 0 0 0 0 0 45 46 46 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 34 34 9 0 27 33 34 33 0 33 34 34 9 0 27 33 33 0 33 33 0 0 0 0 0 0 9 10 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;598 27 3385 5925 192 119 28 18;17 18 18 18 18 18 18 18;13 14 0 0 33 34 33 34;1 1 1 1 1 1 1 1;
;11046 4097 57 1357 1 11046 4097 57 1357 37 1 410 11046 4097 57 1357 104 26 182 0 2 0 111;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 17;33 0 0 0 0 33 0 0 0 33 0 33 33 0 0 0 33 0 33 0 0 0 31;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 11664 36156 9005 16 1 11664 36156 9005 44 1 37 1 13 2514 5;0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2;0 33 53 33 0 0 33 53 9 10 0 33 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2397 5939 54976 580 13 29 2498 17935 91 180 1 4 9;17 18 18 0 0 0 0 0 0 0 0 1 2;31 32 11 0 33 34 0 0 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1;
;28292 46 5795 5568 12562 0 5542 9424 12130 1 268 131 1 342 5 0;0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 0;31 0 33 0 33 0 33 0 33 0 21 33 0 1 2 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;34102 1087 19003 929 2752 81 756 2 2 34102 148 2 342 5 1684 131 0;21 0 0 0 0 0 0 0 0 9 10 0 1 2 9 0 0;21 33 33 33 34 0 33 0 0 13 14 0 1 2 13 33 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;9029 254 122 2712 6509 2497 2758 9019 8 11 668 24 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 33 34 33 33 33 0 33 0 55 56 56 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;29191 1630 1574 161 28 18 2 277;17 18 18 18 18 18 0 0;31 32 32 32 32 32 0 0;1 1 1 1 1 1 1 1;
;14 50 16271 1258 16 1 50 16271 1258 14 260 26 44 26 37 16 1 50 16271 1258 260 1197 201 0 2 0 111;0 21 22 0 0 0 21 22 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1;0 27 28 0 0 0 27 28 0 0 33 0 33 0 33 0 0 27 28 0 33 33 33 0 0 0 31;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;140 1545 1372 1 4 61;0 0 0 0 1 2;33 33 0 0 1 2;1 1 1 1 1 1;
;140 7401 51 10486 600 1 4 9;0 0 0 0 0 0 1 2;33 33 0 33 0 0 1 2;1 1 1 1 1 1 1 1;
;14 281 11601 711 79362 16 281 11601 711 79362 37 1 281 11601 711 79362 104 1 281 11601 711 79362 87 0 2 427 262 318 5;0 23 24 24 0 0 23 24 24 0 0 0 23 24 24 0 0 0 23 24 24 0 0 0 0 0 0 1 2;0 29 30 30 0 0 29 30 30 0 33 0 29 30 30 0 33 0 29 30 30 0 31 0 0 33 31 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2113 138 2602 1617 1 4 61;0 0 0 0 0 1 2;33 34 33 33 0 1 2;1 1 1 1 1 1 1;
;27493 3683 5390 2 2240 253 2 8505 687;0 0 0 0 0 0 0 1 2;33 34 33 0 33 33 0 1 2;1 1 1 1 1 1 1 1 1;
;487 134 10 1136 0 9177 0 15936 0 59432 0 2501 0;0 0 0 0 0 0 0 0 0 33 0 0 0;0 33 34 34 0 53 54 54 0 25 0 33 0;1 1 1 1 1 1 1 1 1 1 1 1 1;
;10119 5950 39616 164 13998 11015 502 1 2178 10119 5950;0 0 0 0 0 0 0 0 0 0 0;33 34 33 34 34 33 0 0 1 33 34;1 1 1 1 1 1 1 1 1 1 1;
;3263 443;0 0;33 33;1 1;
;2350 23229 2472 3 1546 67 2223 435 2189 323 756 208 53 53 568 28719 186 1336 435 121 3438 2 2 49 1492 142 257 6172 48 102 38 2835 276 0;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 27 28 28 28 28 28 0 0 0 0 0;33 21 22 0 33 34 34 33 33 34 33 33 33 34 0 33 34 33 33 0 0 0 0 0 33 34 34 34 0 33 34 33 0 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2178 31 363 1 195 1621 40 5419 363 1 94 56 170 363 2178 73 78 2 6735 78 211;0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2 0 0 0 0;21 22 22 0 0 0 33 33 0 0 33 0 33 0 1 2 2 0 21 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;88 27 71 345 120 108 102 38 2340 71 345 1530 2877 2431 10562 2 2340 50 243 211 176 243 120 150 791 833 481;17 18 18 18 18 18 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;31 32 32 32 32 32 33 34 33 34 33 34 33 33 33 0 33 33 34 33 0 33 34 33 33 34 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;3330 3 5618 2330 3468 10 6365 5516 2 17616 145 1125 5 2 17616 145 2116 2 141 2332 2 141 40 2 163 7 4710 9852 7 65;0 0 0 0 0 0 0 0 0 0 0 1 2 0 0 0 0 0 1 2 0 0 0 0 0 0 0 0 0 0;33 0 33 33 0 0 33 33 0 0 0 1 2 0 0 0 33 0 1 2 0 33 34 0 33 0 45 33 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 68 16 1534 930 3 2544 390 4670 8 321 45 3 12 2046 2100 1 8984 100 1 110 54 115 100;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 7 0 0 0 0 0 0;0 0 0 33 34 0 21 0 33 0 33 33 34 33 34 33 0 11 33 0 9 10 10 10;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;163604 0 357605 0 62538 0 66028 0 36 0 105404;0 0 0 0 0 0 0 0 0 0 0;0 0 11 0 0 0 25 0 0 0 0;1 1 1 1 1 1 1 1 1 1 1;
;702 38 13 3918 38 1207 38 1552 3 626 1 4 9;0 0 0 0 0 0 0 9 0 29 0 1 2;33 34 0 33 34 33 0 13 0 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1;
;489 169 2298 275 14026 329;0 0 0 0 0 0;33 34 34 34 34 34;1 1 1 1 1 1;
;1404 1881 8889 5725 0 550 8213 77 41 4390 10 2065 2 1404 2 3931 1988 2 1881 1988 2 10596 300 5 36 10596 3321;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 0 0 0;33 33 33 33 0 33 33 33 34 33 0 0 0 33 0 33 33 0 33 33 0 51 1 2 0 51 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;34 169 98 329 257 0 3032 1321;17 18 18 18 18 0 0 0;31 32 32 32 32 0 33 34;1 1 1 1 1 1 1 1;
;70303 106 248 10396 1730 1540 23 1235 189 25 1 86388 3336 1 3644 55 7 679 1 1115 40;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;35 36 36 36 33 34 0 0 0 0 0 27 28 0 33 0 0 33 0 9 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;946 2200 25168 1282 9997 0 1957 24962 3 19107 1 1422 217 415 5 1 1572 7 65;0 37 38 38 0 0 0 0 0 0 0 1 2 2 2 0 0 0 0;33 45 46 46 0 0 0 33 0 33 0 1 2 2 2 0 0 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;82 520 8170 289 1803 1092 83 10 520 7897 2897 8089 0 2 0 3353 2601 0 2 0 3908 5;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 0 33 0 33 34 0 0 0 0 33 33 0 0 0 33 33 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;4395 2472 3456 3 1847 202 1 4 9;0 0 0 0 0 0 0 1 2;33 34 33 0 33 33 0 1 2;1 1 1 1 1 1 1 1 1;
;157 4903 16800 13112 19290 7871 138 1 157 16800 7871 138 44 1 157 16800 7871 138 87 1 157 27 1145 9105 458 138 28 18;9 9 9 9 9 0 0 0 0 9 0 0 0 0 9 10 0 0 0 0 9 10 0 0 0 0 0 0;13 14 33 33 13 33 34 0 13 14 33 34 33 0 13 14 33 34 31 0 13 14 33 33 21 22 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;187 149535 22 26301 3 418 4110 1 418 4110 747 1 6945;0 0 0 0 0 0 0 0 0 0 0 0 0;0 0 33 34 0 33 34 0 33 34 33 0 33;1 1 1 1 1 1 1 1 1 1 1 1 1;
;157 890474 1107 28 18 2 277;17 18 18 18 18 0 0;13 27 33 33 34 0 0;1 1 1 1 1 1 1;
;187 74 10772 1632 4740 496 107 3862 176 1632 3556 1664 379 4573 41157 270 138 366;0 0 17 18 18 18 18 0 0 0 0 0 0 0 0 0 0 0;0 0 13 14 33 25 26 33 0 0 33 34 0 33 33 34 33 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;7327 107 3766 1245 5288 0 4977 2898 9742 777 453 4891 453 12158 1 4154 1693 5;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2;33 34 33 34 33 0 33 0 33 33 0 0 0 0 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;193 40 2 26748 235 139 163 7 1977 47766 7 65 144;0 0 0 0 0 0 0 0 0 0 0 0 0;21 22 0 33 33 0 33 0 33 0 33 34 0;1 1 1 1 1 1 1 1 1 1 1 1 1;
;13764 9669 23 68 25 2 105245 0 11756 0 38080 2 412 2 588 648 5;11 12 0 0 0 0 0 0 0 0 0 0 9 0 1 2 2;15 16 0 0 0 0 21 0 35 0 15 0 13 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 4425 86 37 16 4425 86 104 37 1 4425 86 44 0 2 0 34 352 259;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2;0 21 22 33 0 21 22 33 34 0 21 22 33 0 0 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;20177 4703 23 88 25 1023 119 28 18 1 1256 712 1 3411 116;0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;31 33 0 13 0 33 34 33 34 0 21 22 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;169 1439 207 323 17 6612 87958 8 421 10679 2758 240 59 2 1353 99;0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;21 22 22 22 0 33 33 0 33 34 34 34 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2551 44 0 2551 301 0 4701 141 0 6252 141 0 11767 629 430;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 33 0 33 33 0 33 34 0 9 10 0 33 33 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2121 120 2632 637 1653 1689 13421 2727 3 1233 45242 1017 84 84 84 0 2 0 1412 3306 0 2 0 3385 1321 5 36 2632 42 100;0 0 9 0 0 0 0 0 0 0 29 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2 0 1 2 2;0 33 13 13 14 0 0 33 0 0 33 0 0 0 0 0 0 0 33 34 0 0 0 1 2 2 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;8709 20354 10 20 676 1 4 209 132;0 0 0 0 0 0 17 23 24;33 33 33 34 33 0 31 29 30;1 1 1 1 1 1 1 1 1;
;3759 1123 283 1098 4850 0 21405 407 1114 152 4560 346 2640 516 2 45 81 5;0 0 0 0 0 0 0 0 0 0 17 18 0 0 0 1 2 2;33 34 33 34 0 0 33 0 33 0 31 32 33 33 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1199 923 113 2807 168 1845 13 24077 168 468 355 1 4 61;0 9 10 0 0 39 40 0 0 0 0 0 1 2;33 13 14 33 33 47 48 33 33 33 34 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;15536 72706 9429 122 21 8 1482 11 89 11 698 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 33 0 21 22 0 0 33 34 34 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;92 20632 15704 1818 830 178 6 20632 15704 1818 830 178 446 3639 37 14 20632 15704 1818 830 178 123 1413 6 147 6 826 2073 16 11055 73 5112 261;17 18 18 18 18 0 0 17 18 18 18 18 0 0 0 0 17 18 18 18 18 0 0 0 0 0 0 0 0 0 0 0 0;13 14 14 15 16 0 0 13 14 15 16 0 33 33 33 0 13 14 15 16 0 33 33 0 33 0 33 34 0 33 34 34 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;19920 3358 649 141 49 7561 1952 8095 48 985 126611 280 0 2 0 19920 2314 0 2 0 19920 148 1466 153;9 0 0 0 19 20 20 20 20 0 9 0 0 0 0 9 0 0 0 0 0 0 0 0;13 33 33 34 0 53 54 54 0 33 13 33 0 0 0 13 33 0 0 0 13 14 31 32;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;4218 760 1450 1 2691 1262 62 424 1172 66 1 5 1305 33245 7 65 3774;0 0 0 0 21 22 0 0 0 0 0 0 0 0 0 0 0;0 0 33 0 0 0 0 33 33 0 0 33 34 0 33 34 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;222 3161 1122 85 2889 2201 300 55 74 1 4 9;0 45 46 46 0 0 0 0 0 0 1 2;0 53 54 54 33 33 33 34 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1;
;608 155 5499 44;0 0 29 0;33 0 33 33;1 1 1 1;
;31639 2343 4300 108 263 5742 6 852 450 4334 6 150 32 544 179 586 3265 1159 6888 3 423 59 0 2 0 8777 3201 255 5;17 18 18 18 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2 2;13 33 33 34 33 33 0 33 34 0 0 33 0 33 0 33 34 0 33 0 33 0 0 0 0 1 2 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1734 42 3757 2242 1914 45 3 4555 1914 8 11 815 3 541 583 59 57 74 487 18 11 494 338 0 2 0 612 295 42;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 9 0 0 0 1 2 2;33 34 21 22 22 33 34 0 33 0 0 33 0 25 26 0 0 0 0 33 33 34 13 0 0 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;79 20890 11678 11395 1784 1736 6 10 1788 274 798 60 1 4 79 9;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;21 33 33 33 33 33 0 0 21 22 22 22 0 21 22 22;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;24272 1219 13977 179 0;11 0 0 0 0;33 33 33 0 0;1 1 1 1 1;
;14 157 81338 1253 225 33 16 157 81338 1253 225 572 4636 0 2 0 33 4944 5;0 9 10 0 0 0 0 9 10 0 0 0 0 0 0 0 1 2 2;0 13 14 0 0 0 0 13 14 0 0 33 33 0 0 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14419 50271 70 12 70 103 326 1 4 9;23 24 0 0 0 0 0 0 1 2;29 30 33 34 34 0 9 0 1 2;1 1 1 1 1 1 1 1 1 1;
;102 8501 8018 3033 2024 101 6513 886 3512 24 1 8501 8018 100 1 961 110 100 0;0 7 8 7 8 8 0 0 0 0 0 7 8 0 0 17 18 0 0;33 11 12 11 12 12 0 0 33 0 0 11 12 33 0 31 32 33 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;9913 240 5479 3 613 0 14 114 1954 16 1 271 6231;0 0 0 0 0 0 0 17 0 0 0 0 0;33 34 34 0 33 0 0 31 33 0 0 0 33;1 1 1 1 1 1 1 1 1 1 1 1 1;
;466 83407 414 28 18;17 18 18 18 18;31 32 32 32 32;1 1 1 1 1;
;41 7233 3 9239 8099 905 0 9239 32 1982 768 41227 1449 13 2 78 2 35 19 2 41 72;19 20 20 20 0 0 0 43 0 0 0 0 0 0 0 0 0 0 0 0 1 2;25 26 26 26 33 34 0 51 0 33 34 33 33 0 0 33 0 21 22 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;17890 2069 423 813 585 240 1256 116 0 2 0 17890 2069 116 326 1359 1491;17 18 0 0 0 0 0 0 0 0 0 17 18 0 0 0 0;11 12 33 33 34 34 33 33 0 0 0 11 12 33 34 33 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2760 8 22 236 402 90 2172 4434 936 1283 621 722 21 24 17 781 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 0 33 34 33 0 33 33 0 33 33 33 0 0 0 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;236 32 986 1402 11077 89717 3 668 0 15 10565 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 0 33 0 33 0 0 0 0 33 34 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2413 146562 39882 10 20 156 1 4 79 9;0 0 0 0 0 0 0 0 0 0;0 0 0 33 34 33 0 21 22 22;1 1 1 1 1 1 1 1 1 1;
;8827 3259 0 1806 793 118 373 305 2505 442 60 0 793 118 1499 5883 363 78 442 60 0 710 12 3727 4301 21 0 96 15 143 60 1 4 9;23 24 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;29 30 0 33 33 0 0 33 33 33 34 0 33 0 33 0 21 22 33 34 0 0 33 34 33 0 0 21 22 22 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;7071 23 2386 25 11 755 6659 0 1 1 4 2 2 2 9 2 2 2 108 60 60 60;9 0 0 0 0 0 0 0 0 0 17 0 0 0 0 0 0 0 0 0 0 0;13 0 33 0 0 0 33 0 0 0 31 0 0 0 33 0 0 0 33 0 0 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;571 483 808 39 127 807 1 4 61;0 0 0 0 0 0 0 1 2;33 34 33 33 34 34 0 1 2;1 1 1 1 1 1 1 1 1;
;11 9943 109 1761 96 91 180 1 1048 325 382 1 1048 325 5;0 0 0 37 0 0 0 0 0 0 0 0 0 1 2;0 33 0 33 0 0 0 0 33 33 33 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;23832 681 2564 80 828 1 4 130 112;23 24 24 0 0 0 1 2 2;29 30 30 33 34 0 1 2 2;1 1 1 1 1 1 1 1 1;
;49 1064 1003 48 713 145 1217 12 2046 0 1421 13 2387 15715 145 1217 632 1 49 1064 1003 48 713 261 2 1513 134 363 0 12 363 762 2985;45 46 46 46 0 0 0 0 0 0 0 0 0 0 0 0 0 0 45 46 46 46 0 0 0 0 0 0 0 0 0 0 0;33 34 34 34 33 33 34 33 34 0 33 0 0 33 33 34 33 0 33 34 34 34 33 33 0 33 0 0 0 0 0 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;105 7 52 7 129 0 5222 21 391 125 3 18716 0;0 0 0 0 0 0 0 0 0 0 0 0 0;33 0 0 0 0 0 0 0 33 34 0 11 0;1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 179 675 4081 5577 80999 14638 6714 68223 14927 6714 0 17576 49041 16 2095 1 31546 1 6431 1 44 1 1531 1 23087;0 0 0 9 0 29 30 0 0 23 24 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;0 0 0 13 33 37 38 33 0 29 30 0 33 33 0 33 0 33 0 33 0 33 0 33 0 21;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;3498 2 111;0 0 17;33 0 31;1 1 1;
;406 12045 7 955 572 887 3 1042 2 2423 271 255 5;0 0 0 0 0 0 0 0 0 17 18 0 0;33 33 34 34 33 33 0 33 0 31 32 33 0;1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 10503 1521 365 866 1575 866 16 1 102 137 10503 1521 365 866 1575 866 1 1585 10503 1521 365 866 1575 866 44 26 37 1 111;0 0 0 23 24 0 0 0 0 0 0 0 0 23 24 0 0 0 0 0 0 23 24 0 0 0 0 0 0 1;0 21 33 29 30 33 34 0 0 33 21 21 33 29 30 33 34 0 33 21 33 29 30 33 34 33 0 33 0 31;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1539 4351 0 2 0 237 8168 7072 17 5917 449 3770 333 792;0 0 0 0 0 0 0 0 0 17 0 0 0 0;33 34 0 0 0 33 33 33 0 31 0 0 0 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;457 1409 2796 3 2427 8 331 10 27348 8 154 11 89 11 70 902 33 3 266 1 4 209 132;0 0 37 0 0 0 0 0 37 0 0 0 0 0 0 0 0 0 0 0 17 23 24;33 33 33 0 33 0 33 34 45 0 0 33 34 34 0 0 33 34 33 0 31 29 30;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;139 284358 2 125924 144 1 96009 31 1748 6 284358 2 125924 1711 6 284358 2 125924 1711 202 6 5164 6 4528 6 6114 3 1711 40 135 30 2803 202;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 5 6;0 33 0 33 0 0 9 33 0 0 33 0 33 33 0 33 0 33 33 34 0 21 0 21 0 33 0 33 33 33 34 9 10;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;294604 0 27385 0 368 0 13191 0 276695 0 158756 0 473 0 85871 0 87742 1 4 61;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 0 33 0 33 0 33 0 21 0 0 0 33 0 21 0 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;160 2507 280 570 1490 282 1 4 61;0 0 0 0 0 0 0 1 2;0 33 34 33 33 33 0 1 2;1 1 1 1 1 1 1 1 1;
;9796 1936 3745 250 767 1133 1 4 9;17 18 0 0 0 0 0 1 2;31 32 33 0 0 0 0 1 2;1 1 1 1 1 1 1 1 1;
;122 3020 3 53121 2082 8 64280 2082 8 74115 18343 2082 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 33 0 21 33 0 33 34 0 33 34 34 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14862 988 4344 640 2945 13514 8171 3571 275 2899 1566 13460 1 841 69 1 1368 5;0 0 9 0 0 0 0 0 0 0 17 18 0 0 0 0 1 2;33 33 13 33 0 33 33 33 34 33 31 32 0 33 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;35211 1 4 61;0 0 1 2;31 0 1 2;1 1 1 1;
;1294245 2 2794 670 2 3025 3902 2 92 567 98 1177 379 3174 342 107 2 2781 1432 449 2 9871 75 2 92 2 649 1331 62 3987 5 66;21 0 0 0 0 0 0 0 17 18 18 18 18 18 18 18 0 0 0 0 0 9 10 0 9 0 17 18 0 17 18 0;0 0 33 34 0 33 34 0 31 32 32 32 32 32 32 32 0 21 33 34 0 13 14 0 13 0 9 10 0 1 2 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2034 1466 237 6 2034 1466 237 147 1 123 1 469 712 974 0 2 0 460 43 6390 469;17 18 18 0 17 18 18 0 0 0 0 23 24 0 0 0 0 1 2 0 0;13 31 32 0 13 31 32 33 0 33 0 29 30 0 0 0 0 1 2 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;49 17467 54 22 30 4724 48 1 15022 14356 4165 1 6052 1 4111 300 5;27 28 28 28 28 28 28 0 0 0 0 0 0 0 1 2 2;0 35 36 36 36 36 0 0 33 33 0 0 33 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 122 705 26870 0 6721 1355 496 1355 0 4278 36273 1355 16 37 6 87 6 44 6 24177 1355 6 157 27 519612 7886 119 28 18 2 395 5;0 23 24 24 0 0 0 23 24 0 0 0 0 0 0 0 0 0 0 0 0 0 0 17 18 18 18 18 18 18 0 1 2;0 29 30 30 0 33 33 29 30 0 33 33 33 0 33 0 31 0 33 0 33 33 0 13 14 0 31 32 33 34 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2475 3 3753 165 82 162 2819 83 1092 20 156 17 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 0 33 0 0 0 0 0 33 0 33 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;9847 214 10 0 49 14588 48 0 3 2672 55 579 0 566 0 14 1513 655 2 1513 5 16;0 0 0 0 33 34 34 0 0 0 0 0 0 0 0 0 0 0 0 1 2 0;33 0 0 0 33 34 34 0 0 33 0 33 0 0 0 0 33 33 0 1 2 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;11 13 422 9024 1315 591 162 1543 136 5662 236 13 124 746 6 555 6003 162 1543 135 2027 7292 13 124 746 8 13 422 638 59 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;55 56 56 33 0 0 33 34 0 33 0 0 0 33 0 0 0 33 34 0 33 0 0 0 33 0 33 34 33 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 187 525 949 3 2608 2243 692 2918 10 992 3 6 11418 64 1738 2040 2875 13 29 2608 355 6 765 7836 11 1687 20536 62 7647 530 66 3 2608 62 2608 5074 12 4435 6 348 135 10 13 29 426;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;0 0 33 34 0 33 33 33 33 33 34 34 0 0 0 33 34 33 33 34 33 0 0 33 33 0 33 33 0 33 33 0 0 33 0 33 0 0 33 0 0 0 0 33 34 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 9252 2116 6183 1900 3836 446 16 1 9252 4295 2116 446 10252 327 1 4 493 1575 167 446;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 0 0 0;0 33 33 33 33 34 33 0 0 33 21 22 33 0 0 0 1 2 21 22 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;261169 261 2 3611 1980 1208 260 6 5464 1142 260 8 1980 1142 8 5464 1142 44 6 5464 3601 37 6 14699 1142 37 6 22995 1142;43 0 0 0 9 0 0 0 23 24 0 0 9 0 0 23 24 0 0 23 24 0 0 0 0 0 0 23 24;51 33 0 33 33 33 33 0 29 30 33 0 33 33 0 29 30 33 0 29 30 33 0 33 33 33 0 29 30;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14459 75 792 1192 456 4027 223 0 2 0 918 0 474 0 759;9 10 0 0 0 0 0 0 0 0 0 0 0 0 0;13 14 33 0 33 34 0 0 0 0 33 0 33 0 1;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;5687 50 50 17142 2299 1909 6183 286 0 63402 6183 3193 6269 4595 369 1 573 664 5;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2;27 28 28 31 33 33 33 33 0 0 33 33 34 34 34 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;184689 2 111;0 0 17;0 0 31;1 1 1;
;1942561 75940 0 1942561 842 0 28896 0 2 0 3107;0 0 0 0 0 0 0 0 0 0 0;0 0 0 0 0 0 21 0 0 0 1;1 1 1 1 1 1 1 1 1 1 1;
;14592 4945 343 1 102 2 7827 38 34 14592 4945 269 294 2085 176 383 2706 2528 343 1 34 819 71 5;0 0 0 0 0 0 0 0 9 0 0 0 0 0 0 0 0 0 0 0 1 2 2 2;39 0 33 0 33 0 33 34 13 39 0 33 34 33 0 33 33 33 34 0 1 2 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;22 10 401 174 8 298 173 30 530 590 46856 221 8 1558 5420 3 5603 32 18730 685 3 2978 526 1117 8 10 4365 27241 24 17 341 162 173 1082 33 203 17 7 7 7 1 4 9;0 0 0 0 0 0 0 0 39 40 40 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 37 38 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 34 33 34 0 33 34 0 47 48 48 0 0 33 0 0 33 0 33 33 0 33 0 0 0 0 45 46 0 0 0 0 0 33 21 22 0 0 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;439 13 6493 122 407 4658 4105 4787 8295 6080 103 2121 129 799 52 2469 2 255 2 35 19 2 41 72;9 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;13 0 33 0 0 33 0 0 0 0 0 0 0 0 0 0 0 33 0 21 22 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;466 2775 0 5448 0 97731 46 22 96 5411 12350 3664 0 31 95 0 2 0 942 154 19;17 18 0 0 0 21 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;31 32 0 33 0 27 0 33 34 0 33 33 0 33 34 0 0 0 21 22 22;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;4831 4775 1202 1216 0 975 14777 20 0;0 0 0 0 0 0 0 0 0;33 0 33 34 0 33 33 0 0;1 1 1 1 1 1 1 1 1;
;31176 950 7106 4640 905 3317 199 2 277;9 9 10 10 10 10 10 0 0;13 21 22 33 34 33 34 0 0;1 1 1 1 1 1 1 1 1;
;1636 105 881 50 512 1068 166 101 828 59 1 1408 101 43 1 4 47;0 0 0 0 0 0 0 0 0 0 0 7 8 0 0 1 2;33 33 0 0 33 0 0 0 33 0 0 11 12 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;4922 1373 8 1783 273 1 4 9 0;0 0 0 0 0 0 1 2 0;33 33 0 33 33 0 1 2 0;1 1 1 1 1 1 1 1 1;
;1942561 2906 3 47;0 0 0 0;0 33 0 1;1 1 1 1;
;52564 1386 4926 40 1 52564 1386 4926 920 40 622 2368 7 85 1 22681 3481 94 5;0 9 0 0 0 0 9 0 0 0 0 0 0 0 0 0 0 0 0;33 13 33 33 0 33 13 33 33 33 0 0 0 0 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;13 206 518 7270 6917 10339 1502 266 883 2 110 2 35 19 2 41 72;0 0 0 7 8 0 0 0 0 0 0 0 0 0 0 1 2;33 34 34 11 12 33 33 33 33 0 33 0 21 22 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;7058 118 3 782 39703 16588 2960 76 1 405 1 35 19 31 95;0 0 0 0 13 0 0 0 0 29 0 0 0 0 0;33 0 0 0 17 33 34 0 0 1 0 21 22 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;3865 11338 278 675 542 15 143 17 64 418 3689 371 442 17 1 1422 217 415 5 1 1572 7 65;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2 2 0 0 0 0;33 33 0 0 33 34 34 0 0 0 0 0 33 34 0 1 2 2 2 0 0 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 31359 16 348 4870 8742 9865 8 73 135 12 70 5165 90 21 24 17 1 110 54 115;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;0 33 0 0 0 21 22 0 0 33 34 0 33 0 0 0 0 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2272 1131 16786 115 46 336 1358 3674 336 50 4174 0 140 6052 25353 1 5586 6052 25353 1 6052 8398 1 6052 140 2 73 925 140 406 5;0 19 20 20 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2;33 33 34 34 0 55 56 33 0 0 33 0 33 33 33 0 33 33 33 0 33 34 0 33 34 0 27 28 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2884 152 14247 23375 10 20 1 4 9;0 0 0 0 0 0 0 1 2;33 0 33 33 33 34 0 1 2;1 1 1 1 1 1 1 1 1;
;12471 207 78 1 12471 207 78 1229 2 988 7574 48 48 48;9 10 0 0 9 10 0 0 0 0 45 0 0 0;13 14 33 0 13 14 33 33 0 33 33 0 0 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;49 980 48 2820 5386 4130 0 94350 152 24444 82 32728 83 1 188 167;33 34 34 0 0 0 0 21 0 21 0 0 0 0 17 0;33 34 34 0 33 33 0 27 0 27 0 33 0 0 31 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;471 7 471 13 848 1316 0 2 0 553 231 29806 1311 349 2 553 0;0 0 0 0 0 0 0 0 0 17 0 0 39 40 0 17 0;21 22 22 33 34 34 0 0 0 31 0 33 47 48 0 31 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;572 5211 368700 129 462354 26 6022 33 12 33 1 4 9;0 23 24 24 24 24 24 0 0 0 0 1 2;33 29 30 30 30 30 30 33 34 34 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1;
;3400 74149 32 29987 3 3033 753 45 8 2899 1687 890 3 7243 13793 19511 129 1297 82653 8 658 1176 3717 118 8 6698 278 12 9732 753 8 1297 937 3579 45 2556 12920 42750 8 57882 118 8 10260 1 361 1 4 554;0 0 0 0 0 0 0 0 0 0 0 0 0 0 31 32 32 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;0 33 0 33 0 33 34 0 0 33 33 0 0 0 39 40 40 0 33 0 0 33 33 0 0 0 0 0 0 0 0 0 0 33 0 33 0 33 0 33 0 0 0 0 33 0 21 22;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;683 63 17721 5511 280 1 683 63 17721 5511 280 2131 0 2 0 16099 280 5;9 0 9 10 0 0 9 0 9 10 0 0 0 0 0 17 18 18;13 0 13 14 33 0 13 0 13 14 33 34 0 0 0 31 32 32;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;796 7973 15908 14524 796 3694 3 94 4076 32 243 2385 238 29 705 10 12 10 11 145 4089 203 1 3694 43 1 4 47;0 0 0 0 0 17 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 33 33 33 0 31 0 21 22 0 21 22 33 34 33 33 34 34 33 34 33 0 0 21 22 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;3446 13690 13408 166 42 3 1908 3 511 422 3458 639 8 3584 12 5128 13 145 59 0;0 29 30 0 0 0 0 0 0 0 29 0 0 0 0 0 0 0 0 0;33 37 38 0 33 34 34 0 0 0 33 33 0 33 33 34 33 34 0 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;5379 32 1173 1903 30 2593 11338 10 20 2859 57 7 135 10 97 308 619 289 13 2931 7 10 20 2859 60 52 7 62 57 66 2665 2859 32 51628 62 97 74 308 74 619 289 1494 3361 66 514 11 20 2020 60 11 1451 12 453 60 454;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 0 33 33 0 33 33 33 34 0 0 0 0 33 34 0 0 33 34 33 0 33 34 0 0 0 0 0 0 0 0 0 0 21 0 0 0 0 0 0 0 33 0 0 0 33 34 33 0 33 34 33 34 0 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;11 234 9 30 19406 76 56 9102 1478 4999 72706 8 8196 1822 2888 442 17 6 0 11 234 9 30 19406 76 56 9102 1478 4999;0 0 0 0 23 24 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 23 24 0 0 0 0;33 34 34 0 33 34 0 33 33 33 33 0 33 0 0 33 34 0 0 33 34 34 0 33 34 0 33 33 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;19437 770 0 34 5355 37701 5;0 0 0 9 0 0 0;33 33 0 13 33 34 0;1 1 1 1 1 1 1;
;6149 923 113 1087 861 2117 28277 6888 3118;0 9 10 0 0 0 0 0 0;33 13 14 47 48 33 33 33 33;1 1 1 1 1 1 1 1 1;
;12401 4057 4545 2315 2052 398 107 2050 5725 45 2315 700 3 4835 7 660 869 2 1177 2 31 1196;0 0 0 0 0 0 17 18 0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 33 34 33 33 33 31 32 33 0 33 33 0 33 0 33 33 0 33 0 33 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;117 5146 25355 327 32449 4495 94 0 34 467 11734 1606 1396 1 6265 7 3001 7 65;0 0 0 0 0 23 24 0 23 24 24 0 0 0 0 0 0 0 0;0 33 0 0 33 29 30 0 29 30 30 33 0 0 33 0 33 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;11289 2109 2718 3 4628 4249 639 1338 1 5013 396 1 504 396 1 4675 193 396 23 15428 193 199 25;5 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 5 6 6 0;33 33 33 0 33 33 33 33 0 35 36 0 0 33 0 0 33 34 0 33 34 34 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;222 24087 4929 1607 78754 1028 428 146 3 810 40 147 84 1 4 9;0 17 0 0 0 0 5 6 0 0 0 0 0 0 1 2;0 31 33 33 0 33 33 34 0 33 33 33 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;22 540 2278 1169 5 1491 126 262 8083 805 1440 86 11 1680 1 4 9;0 0 0 0 0 0 0 0 0 0 23 24 0 0 0 1 2;0 0 33 33 34 33 0 33 34 33 29 30 0 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;16290 143 1192 2500 159 230 223 0 2 0 918 0 474 0 759;9 0 0 0 0 0 0 0 0 0 0 0 0 0 0;13 0 0 33 34 34 0 0 0 0 33 0 33 0 1;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;27819 254 11196 799 11 1742 1 71570 1 114 204;0 37 38 38 0 0 0 0 0 1 2;0 33 34 34 33 34 0 27 0 1 2;1 1 1 1 1 1 1 1 1 1 1;
;139 3398 69 5283 144 297 4599 5736 343 0 9617 14694 10148 0 1191 1055 2849 0 136170 1 69 131 1 1337 5;0 9 19 20 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 13 33 34 0 33 34 33 33 0 33 21 22 0 33 33 34 0 0 0 31 32 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;6485 23561 20959 1 598 191 3494 5;17 0 0 0 9 1 2 2;31 15 33 0 13 1 2 2;1 1 1 1 1 1 1 1;
;3618 30263 3 22 0 5125 118 18379 391 12 527 9536 21 1 188 634;0 37 0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 33 0 0 0 33 0 33 0 33 34 33 0 0 9 10;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;100007 51 9183 220 97 129 181 658 522 105296 17093 2946 22884 343 36 1608 1239 486 36 100007 62 338 1302 2946 516 1056 58 66 1 919 343 2 11036 2769 268 5 0;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 17 18 18 18 18 18 0 0 0 0 0 0 0 1 2 0;21 0 33 33 34 34 34 27 28 33 21 33 21 22 0 39 40 40 0 21 0 31 32 32 32 32 32 0 0 33 33 0 31 33 1 2 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;34163 67 1113 18040 709 2 173 115 778 1193 0 22 135 1193 0 2 167 2 35 19 2 41 72;21 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;27 0 33 33 33 0 33 34 21 22 0 0 0 0 0 0 33 0 21 22 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;308 11003 190 12469 55738 10669 46 12 7440 152 14129 249 5057 21014 1 876 131 1 4711 268;0 0 0 0 0 17 0 0 0 0 0 0 0 0 0 0 0 0 17 0;21 22 33 34 33 31 0 33 34 0 33 0 33 21 0 33 33 0 33 21;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;360 1015 1447 49 394 67 297 74 1447 48 1379 0 81 1614 55 4112 85 0 2 0 364 5;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 33 34 0 33 34 34 0 33 0 33 0 0 33 34 33 0 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1226322 0 1693725 0 33283 0 3378 6475 6975 13748 29160 4104 0 9384 3721 2185 5820 3785 9984 3785 0 1482 584 0 23933 0 14 1226322 0 1693725 16 0 2115 7701;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 23 24 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;0 0 0 0 33 0 33 33 33 33 33 33 0 33 33 34 33 34 33 34 0 0 0 0 33 0 0 0 0 0 0 0 21 22;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2655 2335 2 725 4057 2 2335 2558 1614 55 274 45 68 55 17 2 142 2 35 19 2 41 72;0 0 0 21 22 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 34 0 27 28 0 33 33 33 34 0 33 34 0 0 0 33 0 21 22 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;913 230 55 127 304 521 1022 602 468 0 384 521 127 304 1022 0 97 562 1827 0 913 3236 55 0 1029 40;27 28 28 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 17 18 0 0 0 0;35 36 36 33 34 34 0 33 0 0 33 34 34 34 0 0 33 34 33 0 31 32 0 0 33 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 1411 5000 1912 446 16 1 1411 5000 1912 1991 8447 281 2073 1 4 493;0 0 0 9 10 0 0 0 0 0 0 0 0 0 0 1 2;0 33 0 13 14 0 0 33 0 33 33 33 33 34 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1551 16094 125 2094 561 1 4 61;0 0 0 0 0 0 1 2;33 34 33 33 33 0 1 2;1 1 1 1 1 1 1 1;
;26612 1086 199 63 218 11081 19463 1173 258 15 589 17 2 0 1253 215 5;9 0 0 0 9 9 9 10 10 0 0 0 0 0 17 18 18;13 33 34 0 13 13 13 33 34 33 34 0 0 0 31 32 32;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;15 309 10389 3 178 1344 517 63 11858 3 2788 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 0 33 0 33 34 33 0 0 0 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1874 3511 1081 63 5577 1905 2751 35 4990 23 68 25 36 1874 36 5577 1905 2751 36 35 1 114 69;9 0 0 0 29 30 30 0 0 0 0 0 0 9 0 29 30 30 0 0 0 0 0;13 33 0 0 37 38 38 33 33 0 0 0 0 13 0 37 38 38 0 33 0 9 10;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 1521 357 1616 1460 87 2001 1074 1460 9216 49272 65591 0 117774 2482 3861 390 16 37 6 87 6 44 6 1616 1107 2115 6 4606 27 36067 75 71762 1237 400 371 2 395 5;0 0 9 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 17 18 18 18 18 18 18 18 0 1 2;0 33 13 33 33 31 33 21 22 33 0 33 0 29 0 0 0 0 33 0 31 0 33 0 33 33 33 0 13 14 13 14 0 33 34 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2844 27 822 4602 186791 3751 403 346 2 2 3774 277;0 0 0 0 11 17 18 18 0 0 0 0;13 14 13 14 15 31 32 32 0 0 33 0;1 1 1 1 1 1 1 1 1 1 1 1;
;21163 4740 67 5012 3485 2413 0 2 0 364 5;0 0 0 0 0 0 0 0 0 1 2;33 33 0 33 0 0 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1;
;611 1741 29636 2707 1405 3 112359 0 10297 11092 68 692 1 4 61;0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 0 33 33 33 0 0 0 29 33 34 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1293 307126 5319 991 1360 28 18 0 2 0 6086;17 18 18 18 18 18 18 0 0 0 0;13 0 0 39 40 33 34 0 0 0 21;1 1 1 1 1 1 1 1 1 1 1;
;92 5174 544 3 6405 5830 0 14 92 11347 16 2 14408 197;9 0 0 0 0 0 0 0 17 18 0 0 9 10;13 33 34 0 33 33 0 0 21 22 0 0 13 14;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;45272 1 1768 1 188 5652;21 0 0 0 17 0;21 0 33 0 31 33;1 1 1 1 1 1;
;635 556009 46 33 260 8 762 10 77 33 3 61298 0 2 0 452 69 0 2 0 5421 69 5;9 21 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2;13 0 0 0 33 0 33 34 33 34 34 33 0 0 0 33 34 0 0 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;4318 3288 3 1616 798 44 1338 0 796 2079 54959 0 90243 2654 48302 0 37612 7 146 23017 0 1255 11178 470 0 2 0 93943 546 44 1338 5;19 20 20 20 20 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 34 34 34 34 33 33 0 0 33 0 0 0 0 0 0 0 0 0 27 0 0 33 0 0 0 0 27 33 33 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;75117 7706 530 1 75117 10085 1 75117 192 8025 0 2 0 111;17 0 0 0 0 0 0 17 23 24 0 0 0 17;31 33 33 0 21 22 0 31 29 30 0 0 0 31;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1552 531 908 310 823 11 60845 649 2304 46 8198 1493 234 17569 2 142 2 35 19 2 41 72;9 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;13 33 33 33 0 0 0 33 34 0 33 0 0 33 0 33 0 21 22 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 2300 51211 275 16 22 3 4365 10 992 2221 212 3 1 17331 1032 1 167 1 1481 1 743 734 743 734;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2 2;0 27 28 28 0 33 34 33 0 0 27 28 0 0 25 33 0 33 0 1 0 1 2 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;443 183 640 1458 1 4 61;0 0 0 0 0 1 2;29 30 33 33 0 1 2;1 1 1 1 1 1 1;
;14 1470 675 125 944 0 1470 5098 125 944 0 11265 125 944 0 11762 944 4653 16 37 6 87 6 44 6 7366 74 125 944 6 88 3150 288 9031 1107 28 18 2 395 5;0 0 0 0 0 0 0 0 0 0 0 23 24 24 0 23 24 0 0 0 0 0 0 0 0 0 0 0 0 0 9 17 18 18 18 18 18 0 1 2;0 0 0 33 34 0 21 22 22 22 0 29 30 30 0 29 30 33 0 33 0 31 0 33 0 33 0 33 34 0 13 0 0 33 33 33 34 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;15898 46 1687 3570 72889 3048 3876 3 4338 5251 1014 0;21 0 0 0 0 0 0 0 0 0 0 0;27 0 33 33 33 33 34 0 33 34 33 0;1 1 1 1 1 1 1 1 1 1 1 1;
;88 27 6950 75 102 53 105 186 1103 39 13 2265 3230 1827 5168 981 1029 1 4 61;9 10 9 10 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;13 14 13 14 33 0 33 0 33 33 34 34 0 33 33 34 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;9480 14 71929 16 164 3 11848 160 9141 6427 1840 17 1 3841 43 1 4 47;0 0 0 0 0 0 21 0 9 0 0 0 0 0 0 0 1 2;33 0 25 0 0 0 33 0 13 33 0 0 0 33 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;57828 67 20 1176 4287 5794 799 1 4 9 0;0 0 0 29 37 38 0 0 1 2 0;39 0 0 33 47 48 0 0 1 2 0;1 1 1 1 1 1 1 1 1 1 1;
;14 1295496 16 1 1295496 37 1 1295496 104 1 1295496 87 1 395 5 0;0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 0;0 0 0 0 0 33 0 0 33 0 0 31 0 1 2 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1166 1006 547 3320;0 0 0 0;35 36 33 33;1 1 1 1;
;27117 0 35848 0 2681 1133 685 0 16400 0 212 40 202 24 17 0 30621 0 6111 93 4673 103 91 574 492 1 4 9;23 24 24 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;29 30 30 0 33 0 33 0 33 0 0 33 33 0 0 0 0 0 33 0 0 0 0 21 22 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;163485 8137 263 194 3 208 6683 23 29804 60181 11985 25 1 4 61;0 0 0 19 20 20 0 0 0 0 0 0 0 1 2;0 15 33 34 0 35 36 0 21 22 22 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;11107 2437 3 4425 86 321 1450 1 4 61;0 0 0 0 0 0 0 0 1 2;21 22 0 21 22 33 33 0 1 2;1 1 1 1 1 1 1 1 1 1;
;9770 5 0 2 0 34 251 9770 148 36 635 4935 9770 36 9770 280 36 9770 411 5 36 9770 69 36 9770 1648 4476 0 490 490 0 277;1 2 0 0 0 9 0 9 10 0 9 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;1 2 0 0 0 13 0 13 14 0 13 13 13 0 13 33 0 13 33 34 0 13 33 0 13 33 34 0 0 0 0 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;53394 0 313 0 13954 0 284 350 3 1077 45 8 90 70 4166 63 350 3 5358 2 972 2 10596 666 4151 2 10596 300 5 36 10596 3321;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 0 0 0;21 0 33 0 33 0 0 33 34 33 0 0 0 0 33 0 33 34 33 0 33 0 51 0 33 0 51 1 2 0 51 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1786 16632 3008 14159 1434 528 15303 24 363 78 1 4 9;0 0 0 0 23 24 0 0 0 0 0 1 2;29 0 33 0 29 30 0 0 21 22 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1;
;13 574 226 492 863 1436 3 2773 10 0 2443 19393 1091 11679 165 3 0 6473 1174 10 17460 17460 17460 17460 17460 17460 17460 17460 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;0 0 21 22 33 0 0 33 0 0 33 33 0 27 0 0 0 33 33 0 21 22 22 22 21 22 22 22 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 2711 5447 2868 1712 711 528 1230 0 18352 0 20493 0 95854 0 71878 15078 16 37 1 87 1 44 0 2 427 262 318 5;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 31 33 0 0 33 34 33 0 0 0 0 0 0 0 37 0 0 33 0 31 0 33 0 0 33 31 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1636 338 3 876 1727 135 9 542 227 20 876 21 1 34 2010 23 124863 25 1424 1 558 1010 5 1424;0 9 0 0 0 0 0 0 0 0 0 0 0 17 18 0 0 0 1 0 1 2 2 1;33 13 0 33 0 0 33 0 0 0 33 0 0 31 32 0 0 0 1 0 1 2 2 1;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;412 4024 632 257 30 225 1 4 9;17 18 18 18 0 0 0 1 2;31 32 32 32 33 34 0 1 2;1 1 1 1 1 1 1 1 1;
;14 6848 258 11621 334 128 403 16 6848 258 11621 1971 178 260 560 1 2671 2104 261;0 9 10 0 0 0 0 0 9 10 0 0 0 17 18 0 1 2 0;0 13 14 1 33 34 33 0 13 14 1 33 34 31 32 0 1 2 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1640308 2 296 3 207 996 150 1308 259 0;0 0 0 0 0 0 0 0 0 0;0 0 33 0 33 34 34 33 0 0;1 1 1 1 1 1 1 1 1 1;
;32567 0 525 0 2 0 35550 0 36529 0 29755 0 2 0 5786 0 6102;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 34 34 0 0 0 33 0 33 0 33 0 0 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1552 1210 107 3290;17 18 18 37;31 32 32 33;1 1 1 1;
;2760 0 3046 309 0 13161 1757 3 1064 54 2258 0 11897 22 13 3175 1636 1840 8 781 21 203 2059 0 1869 147 46 0 17686 7 66579 932 4991 7 65 8 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 0 33 0 0 33 33 0 33 34 34 0 33 0 0 0 21 22 0 33 0 0 0 0 33 33 0 0 33 0 27 0 1 33 34 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;5068 817 207 32 1120 115 140 919 11 20 12 453 17 1 2993 140 43 1 4 47;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 0 33 0 33 34 33 33 33 34 33 34 0 0 33 34 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 18094 50 241 16 710 6525 20048 2806 21 29116 1340 3 603 8 626 58 2027 1351 124 17 0 2 0 4387 873 10170 421 0 2 0 3023 4387 873 197;0 0 0 0 0 0 0 21 0 0 39 40 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 17 9 10 10;0 33 34 34 0 33 34 27 0 0 47 48 0 0 0 33 0 33 0 0 0 0 0 0 33 34 33 34 0 0 0 31 13 14 14;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 116314 32 45558 3 454 2945 2298 275 212 1235 16 4 130 112;0 0 0 0 0 0 0 0 0 0 0 0 1 2 2;0 0 0 21 0 33 0 33 34 0 0 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;82 122 11811 134 12 58 449 83 0 4775 21 20 0 2 0 1909 0 2 0 3908 5;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 21 22 0 33 34 0 0 0 0 0 0 0 0 0 33 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;218995 3 1061 1 24103 16582 5012 1177 108 1 10808 150 1 2587 10826 1 344 1023 372;21 0 0 0 17 18 0 0 0 0 0 0 0 0 0 0 0 0 0;27 0 33 0 31 32 33 33 33 0 33 33 0 33 33 0 21 33 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;106510 0 542909 0 311411 0 2 0 7293 2331 8 7557 0 106510 0 542909 0 2 0 321 1396 0 2 0 138805;43 0 0 0 0 0 0 0 0 0 0 0 0 43 0 0 0 0 0 0 0 0 0 0 0;51 0 33 0 0 0 0 0 33 21 0 33 0 51 0 33 0 0 0 33 0 0 0 0 1;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;47443 2383 22 6895 6886 20101 25941 4540 3 185 1 185;0 0 0 0 0 0 0 0 0 0 0 1;33 34 0 33 0 33 33 0 0 1 0 1;1 1 1 1 1 1 1 1 1 1 1 1;
;14 1303 101 64 18293 0 110 4928 0 101 64 3754 43649 0 179 3905 7837 43649 0 1958 27939 18293 16 37 6 87 6 44 6 4928 6 2039 81 2691 4928 28 18 2 395 5;0 0 0 0 0 0 0 0 0 0 0 0 31 0 0 0 0 31 0 0 0 0 0 0 0 0 0 0 0 0 0 17 18 18 18 18 18 0 1 2;0 33 0 0 0 0 33 33 0 0 0 33 33 0 0 33 33 33 0 21 22 0 0 33 0 31 0 33 0 33 0 31 32 32 32 32 32 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 7135 716 879 22605 159 16 1 7135 761 5;0 9 0 0 0 0 0 0 9 1 2;0 13 33 34 34 33 0 0 13 1 2;1 1 1 1 1 1 1 1 1 1 1;
;73 2374 1629 687 2135 0 992 507 7162 20388 77 3056;0 0 0 0 0 0 0 0 0 0 0 0;33 34 21 22 33 0 0 33 33 33 0 33;1 1 1 1 1 1 1 1 1 1 1 1;
;49 198 334 440 48;0 0 0 0 0;0 33 33 34 0;1 1 1 1 1;
;14 85 44 16 2 2633 5 36396 34098 7 65;0 0 0 0 0 1 2 0 0 0 0;0 0 33 0 0 1 2 31 32 33 34;1 1 1 1 1 1 1 1 1 1 1;
;10902 14057 220 8 1001 11 509 957 30 594 8 13 1174 101 348 227 12 21 8 13403 348 227 12 21 8 3641 203 17 1 4 9;45 46 46 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;53 54 54 0 33 0 0 0 0 0 0 0 33 0 0 0 33 34 0 0 0 0 33 34 0 33 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1616 3445 3445 618 1 1616 3445 3445 618 73 78 1 4471 1616 3445 3445 618 1 4471 73 78;45 46 46 46 0 45 46 46 46 0 0 0 0 45 46 46 46 0 0 0 0;53 54 54 54 0 53 54 54 54 33 34 0 1 53 54 54 54 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2807 4630 13948 241 4630 101 2884 8 350 6892 3396 1674 5309 652 118 8 126 4277 3770 12 70 72363 17 2 1353 99;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 33 0 0 33 34 33 0 0 0 33 33 33 34 0 0 0 33 0 33 34 33 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;515 113 2329 663 2057 1530 235 71 149 2 2 6772 9894 0;9 10 0 0 0 0 0 0 0 0 0 0 0 0;13 14 33 33 29 30 33 34 34 0 0 33 34 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;3337 118 391 298 2138 19222 1213 871 9159 10 57 0 2 0 4118 253 0;0 0 0 0 0 0 0 0 0 0 0 0 0 0 5 6 0;33 34 0 33 34 33 33 34 33 0 0 0 0 0 33 34 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1166 24655 63 25938 5963 1518 91 1880 1 4 9;9 9 0 9 10 10 0 0 0 1 2;13 13 0 13 14 14 0 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1;
;515 113 169 287 2;17 18 18 18 0;31 32 32 32 0;1 1 1 1 1;
;1410 27 20400 75 1291 153 198 38 20400 75 5823 297 32 452 286 1291 8972;17 18 18 18 18 18 0 0 9 10 0 0 0 0 0 0 0;31 32 32 32 32 32 33 34 13 14 33 34 0 33 34 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 127 625 1764 1212 893 39438 16 37 1 2621 1 1466 123 1 423 87 1 558 1664 400 5;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2 2;0 33 34 0 0 33 0 0 33 0 33 0 33 33 0 33 31 0 1 2 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;25035 45683 9210 839 281 297 1628 11902 30095 2 543 6490 192 55;0 0 0 0 0 0 0 0 0 0 9 0 0 0;33 33 0 33 34 33 33 0 33 0 13 33 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;680 30585 1688 28 727 18;17 18 18 18 18 18;13 33 33 33 34 34;1 1 1 1 1 1;
;5298 22539 159 19798 15 669 1 4 9;0 9 0 0 0 0 0 1 2;33 33 33 33 0 33 0 1 2;1 1 1 1 1 1 1 1 1;
;821 38216 221 845 15 502 520 21 1 4 9;0 0 0 0 0 0 0 0 0 1 2;33 33 0 33 0 0 33 34 0 1 2;1 1 1 1 1 1 1 1 1 1 1;
;6337 44193 159 176 1168 13064 149 159 296 5091 3225 6103 18 59 2 71 150 0;17 18 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;31 32 33 0 33 33 34 34 33 34 34 33 33 0 0 33 34 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;24334 27108 1 2087 5;0 0 0 1 2;13 33 0 1 2;1 1 1 1 1;
;6416 1381 5193 12449 10122 73 11109 9633 1084 1394 1 69 131 1 1 34 1246 5;21 21 22 22 22 0 0 0 0 0 0 0 0 0 0 1 2 2;27 27 28 28 27 33 34 33 34 33 0 31 32 0 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;47057 812 53 31 291 53 387 5 8 19 35 31 95;0 0 0 0 0 0 1 2 0 0 0 0 0;21 33 0 21 22 0 1 2 0 21 22 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1;
;92 109173 495 161 436 28 18 116 182 928 244 36 263 325 544 244 2036 174 1 92 2036 116;17 18 18 18 18 18 18 0 0 0 0 0 0 0 0 0 0 0 0 9 0 0;31 32 32 32 32 32 32 33 33 34 0 0 33 33 31 32 33 34 0 13 33 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;39 1705 691 4503 985 522 349 4214 0;0 0 0 0 0 0 0 0 0;0 33 0 33 33 0 33 33 0;1 1 1 1 1 1 1 1 1;
;723 2057 321 161 0 2 0 7318 599;0 0 0 0 0 0 0 1 2;33 34 33 33 0 0 0 1 2;1 1 1 1 1 1 1 1 1;
;247 205 354 2 167 2 35 19 2 41 72;17 0 0 0 0 0 0 0 0 1 2;31 33 34 0 33 0 21 22 0 1 2;1 1 1 1 1 1 1 1 1 1 1;
;2174 41644 559 28 18;17 18 18 18 18;13 31 33 33 34;1 1 1 1 1;
;13026 71 5;1 2 2;1 2 2;1 1 1;
;14 68 16 10493 40757 3380 6690 2687 0 178 450 1222 101 10829 1 110 54 115;0 0 0 7 8 0 0 0 0 0 0 0 0 0 0 0 0 0;0 0 0 11 12 33 33 33 0 0 0 0 0 33 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 68 16 2953 34962 31 2116 1 34962 2116 43 1 4 47;0 0 0 0 0 1 2 0 0 0 0 0 1 2;0 0 0 0 33 1 2 0 33 33 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;398509 10 20 156 1 398509 31 273 1 140 1 1809 1 1526 1 2139 1 704 731 1538;0 0 0 0 0 0 23 24 0 0 0 0 0 0 0 0 0 5 6 6;0 33 34 33 0 0 29 30 0 33 0 33 0 33 0 33 0 33 34 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;53 31 291 53 387 5 8 19 35 31 95;0 0 0 0 1 2 0 0 0 0 0;0 21 22 0 1 2 0 21 22 33 34;1 1 1 1 1 1 1 1 1 1 1;
;453 365 462 11705 13 29 97 118 4376 21 397 2884 21 1657 11149 350 4500 2509 15 10058 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 34 33 33 21 22 22 0 33 34 33 34 0 33 21 22 33 0 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2802 18100 0 23 1808 25 0;19 20 0 0 1 0 0;25 26 0 0 1 0 0;1 1 1 1 1 1 1;
;200 29 97 50 3 79 126 12 41 155 2090 17 1 1739 382 1 79 736;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;0 0 33 34 0 21 0 33 34 0 33 0 0 33 34 0 31 32;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;336 1121 49 10638 48 340 485 8458 632 830 1 405 1 35 19 31 95;0 0 5 6 6 9 29 30 0 0 0 29 0 0 0 0 0;0 33 33 34 34 13 37 38 33 34 0 1 0 21 22 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;6321 263 5938 509 296 15 124 1 4 9;0 0 0 0 0 0 0 0 1 2;33 33 34 0 33 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1;
;2424 447 4424 718 8302 2381 2912 2 244113 5894 2 2262 103 23 4130 25 1 405 1 35 19 31 95;0 17 18 18 0 0 0 0 21 22 0 0 0 0 0 0 0 0 0 0 0 0 0;33 13 31 32 0 33 33 0 27 0 0 33 34 0 33 0 0 1 0 21 22 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;37695 3100 1111 19207 29144 69550 6 233700 276 8 947 6544 24 17 0 758 305 1 4 209 132;37 38 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 17 23 24;45 46 0 33 33 33 0 0 0 0 33 33 0 0 0 33 33 0 31 29 30;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;338 8 3802 30 1194 2478 56 589 3733 17 2 1714 31964 2 2066 5 204;9 0 0 0 0 0 0 0 0 0 0 23 24 0 1 2 0;13 0 33 0 33 33 0 0 33 0 0 29 30 0 1 2 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1672 771 75 7672 274 4285 3 0 2 0 7877 1302 191 100 0 1 0 7877 31;9 10 10 0 0 0 0 0 0 0 9 0 0 0 0 0 0 0 0;13 14 14 33 0 0 0 0 0 0 13 33 34 33 0 0 0 13 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1942561 3 47;0 0 0;0 0 1;1 1 1;
;1142 359 241 2060 813 1 22282 148 1566 625 1142 28 18 137 116 71 0 2 0 7222 702 1579;0 0 0 0 0 0 0 0 17 18 18 18 18 0 0 0 0 0 0 9 17 18;33 0 33 34 0 0 21 22 22 22 22 22 22 21 33 34 0 0 0 13 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;428 146 4660 300 1348 11 256 1 4 9;0 0 0 0 0 0 0 0 1 2;33 34 0 33 33 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1;
;975 15 143 1 418 56 9522 56 4111 10559 4217 1 33 505 31 2 624 463 5 107 344 372;0 0 0 0 0 0 0 0 0 0 0 0 1 2 2 0 0 0 0 0 0 0;33 0 0 0 33 34 33 0 1 33 33 0 1 2 2 0 33 34 34 33 21 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1471 550 38 447 113 1410 27 13428 148 169 1559 8127 1547 150 108 9310 129 42 481 2 3341 116 2 2452 562 5;0 0 0 17 18 18 18 18 18 18 18 18 18 18 18 0 0 0 0 0 0 0 0 1 2 2;0 33 34 13 14 13 14 31 32 32 32 33 33 21 22 33 0 0 33 0 33 33 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 1107 20699 16 1 1107 20699 87 1 1107 20699 104 269 0 2 0 111;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 17;0 33 33 0 0 33 33 31 0 33 33 33 34 0 0 0 31;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1014 2949 67 2555;0 0 0 0;33 34 0 33;1 1 1 1;
;173562 35648 12201 12201 1 1652 931 53 31 291 53 387 5 8 19 35 31 95;0 0 0 0 0 0 0 0 0 0 0 1 2 0 0 0 0 0;0 33 33 34 0 33 34 0 21 22 0 1 2 0 21 22 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;30 157 391 125 10 109 15490 33 1709 274 109 5504 33 1709 17 1 4 9;0 9 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 13 33 34 0 0 33 0 33 0 0 31 0 33 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;9399 626 4080 13048 1255 7787 34 783 2 34 783 2 1905 5 1874;0 0 0 0 0 0 0 0 0 0 0 0 1 2 9;33 33 34 33 34 34 34 34 0 33 34 0 1 2 13;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;8216 8973 6937 13567 904 3 15 1851 59 1 4 209 132;0 0 0 0 0 0 0 0 0 0 17 23 24;33 0 0 33 0 0 0 33 0 0 31 29 30;1 1 1 1 1 1 1 1 1 1 1 1 1;
;1139 5615 115 14762 123 6 147 6 37 6 751 171 23 68 25 2 5621 2 4 493;21 22 0 0 0 0 0 0 0 0 0 0 0 0 0 0 9 0 1 2;0 33 0 0 33 0 33 0 33 0 21 22 0 0 0 0 13 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;448 3075 813 1092 7441 117 29 42426 0 146063 38928 378 691 2 247 69;0 0 0 0 0 0 0 0 0 21 0 0 0 0 0 0;33 33 34 33 33 0 0 33 0 27 33 33 0 0 9 10;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;9309 24769 5279 18394 1951 565 62 92 55348 1951 138 66 0 31 95 0 2 0 942 154 19;17 18 18 18 18 18 0 9 0 0 0 0 0 0 0 0 0 0 0 0 0;31 32 13 33 33 0 0 13 33 31 32 0 0 33 34 0 0 0 21 22 22;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;49 1982 3066 21 48 38727 1665 82 3121 22 1839 3 1417 8398 83 1 18815 1 167 1 34 911 5;33 34 34 34 34 21 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2;0 25 26 26 0 27 0 0 0 0 33 0 33 33 0 0 33 0 33 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;10402 233 352 11 3691 7058 0 170 8386 145 10929 347 859 241 18075 1 188 69 108;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 17 18 18;33 34 33 33 34 33 0 33 33 0 33 33 0 21 22 0 9 10 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2625 190 19045 619 46327 0 3468 30 4162 164 32 2650 24429 1 188 634;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 34 33 0 33 0 0 0 33 0 0 33 33 0 9 10;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;5811 67 7011 46 56994 530 29 22025 3 56994 3978 8 90 3777 21 162 29 17 1 524 4887 78;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 34 34 0 33 33 34 33 0 33 33 0 0 33 0 0 0 0 0 0 0 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;4095 106 386 21725 6723 2977 1909 0 4669 13701 479 353 2522 327 1 389 69 1 588 5;9 0 0 37 0 0 0 0 0 0 0 0 0 0 0 17 18 0 1 2;13 33 34 33 33 0 33 0 33 33 0 0 27 28 0 21 22 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;34 626 56 3 20474 11 256 1 4 9;0 0 0 0 0 0 0 0 1 2;21 22 0 0 33 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1;
;6558 371 188224 1663 24851 50764 7441 53134 5366 310 349 630 38 471 53 31 291 53 387 5 8 19 35 31 95;17 18 9 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 0 0 0 0 0;31 32 13 33 21 33 33 0 21 22 33 33 34 33 0 21 22 0 1 2 0 21 22 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;7563 457284 11553 43413 5311 379 446 1 7877 75 3661 7805 1 4 493 88 199;0 0 0 0 0 0 0 0 0 0 11 11 0 1 2 9 10;0 33 0 0 33 34 33 0 13 14 33 15 0 1 2 13 14;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;5347 638 534 0 836 264 5347 638 534 291 0 836 1026;11 0 0 0 0 0 11 0 0 0 0 0 0;33 21 22 0 33 34 33 21 22 33 0 33 0;1 1 1 1 1 1 1 1 1 1 1 1 1;
;3277 3 22230 11 256 1 4 9;0 0 0 0 0 0 1 2;33 0 33 0 0 0 1 2;1 1 1 1 1 1 1 1;
;14 1329 13837 3296 446 16 1 1329 13837 3296 1 4 493;0 9 0 0 0 0 0 9 0 0 0 1 2;0 13 0 33 33 0 0 13 0 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 15956 305519 2 1399159 26 11736 16 15956 23 60224 25 149 2462 0 18177 85 0 30884 0 11736 0 4209 23 20081 25 872 1612 1434 62 305519 2 1399159 26 11736 66 14 1236 0 307 0 37 0 1396 16 2 553;0 23 24 24 24 24 24 0 17 0 17 0 0 0 0 0 0 0 0 0 0 0 17 0 17 0 23 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 17;0 29 30 30 30 30 30 0 31 0 31 0 33 33 0 33 34 0 0 0 33 0 31 0 31 0 29 33 33 0 0 0 0 0 33 0 0 33 0 33 0 33 0 0 0 0 31;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;75359 0 60062 0 164160 0 23890 0 474 0 313 0 6039 0 7993;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;21 0 21 0 33 0 33 0 33 0 33 0 9 10 10;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;22 275 11179 5135 39618 30102 2604 3 1023 5611 5238 2611 2 255 2 35 19 2 41 72;0 0 0 9 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;21 22 33 13 33 33 34 0 33 33 33 34 0 33 0 21 22 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;617 2234 7757 0 3883 51871 0 3295 99487 0 2296 153060 23 57 25 2 167 2 35 19 2 41 72;9 0 29 0 21 22 0 21 22 0 21 22 0 0 0 0 0 0 0 0 0 1 2;13 33 37 0 27 28 0 27 28 0 27 28 0 0 0 0 33 0 21 22 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 68 16 2 0 3844 25944 6212 0 15427 13 864 0 1702 517 1653 0 446 587 45 0 170 0 2 0 789 2284 299 191 1303 0 2 0 789 1412 5;0 0 0 0 0 17 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 9 0 0 0 0 0 0 0 1 2 2;0 0 0 0 0 31 0 33 0 33 0 0 0 33 34 33 0 33 33 0 0 33 0 0 0 13 33 33 34 33 0 0 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;150 16948 46 21180 13187 429 57679 101 3779 23327 7711 1 749 2321 1 21180 4842;0 39 0 17 0 0 0 0 0 0 0 0 0 0 0 17 18;33 33 0 31 0 0 33 0 0 33 33 0 33 33 0 31 32;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;37009 194 10307 9014 2512 2 210 2 35 19 2 41 72;37 38 38 38 0 0 0 0 0 0 0 1 2;45 46 46 46 33 0 33 0 21 22 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1;
;53480 42519 183 72829 327 2 37243 100 10795 5 490 490 0 14 1671 398 170 791 16;0 0 0 0 0 0 0 0 1 2 0 0 0 0 0 0 0 0 0;13 33 34 0 0 0 27 33 1 2 0 0 0 0 33 33 33 33 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;4566 1201 76425 76 10 23 0 25 1106 3796 3 84 0 408 388 2263 33235 642 388 5583 26186 3 692 715 388 2135 2252 255348 1274 1104 388 7082 1 361 1 4 554;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;21 22 22 22 0 0 0 0 33 33 0 0 0 0 0 0 33 0 0 0 33 0 33 0 0 33 33 21 33 0 0 0 0 33 0 21 22;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;445 437 8 30177 4899 8 288 2444 445 437 2 210 2 35 19 2 41 72;39 40 0 0 0 0 27 28 28 28 0 0 0 0 0 0 1 2;47 48 0 25 26 0 35 36 36 36 0 33 0 21 22 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;23 45 25 18714 51 4549 52 7777 844 3361 177 7777 151 3361 23 57 177 12410 151 3361 25 4634 251 7 53 53 2542 3990 5 53 53;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2 0 0;0 0 0 33 0 0 0 33 33 0 0 33 33 0 0 0 0 33 33 0 0 0 0 0 33 34 1 2 2 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;210758 0 109578 0 19221 51 0 12728 7 1054 0 36 0 210758;0 0 0 0 0 0 0 0 0 0 0 0 0 0;31 0 0 0 33 0 0 33 33 34 0 0 0 31;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;96 993 1315 6456 7758 46 7758 196 3 6150 266;0 0 0 0 0 0 0 0 0 0 0;0 33 0 33 33 0 33 33 0 33 33;1 1 1 1 1 1 1 1 1 1 1;
;71 4053 0 2 0 360 38 117 97 129 181 0 2 0 86684 51 13 522 22063 55 0 2 0 73241 1402 49 30471 48 0;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 21 0 19 20 20 0;33 34 0 0 0 33 34 33 34 34 34 0 0 0 0 0 33 34 33 0 0 0 0 27 0 25 26 26 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;77231 8472 2 1533 31 939 100;0 0 0 1 2 0 0;33 37 0 1 2 33 33;1 1 1 1 1 1 1;
;581 292 5693 949 1385 46 3177 8569 1 34 581 610 5;0 0 0 0 0 0 0 0 0 1 2 2 2;21 22 22 33 33 0 33 33 0 1 2 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1;
;1507 17302 850 5789 55 1 1507 17302 850 5789 55 73 78 1 4471 1507 17302 850 5789 55 1 4471 73 78;45 46 0 0 0 0 45 46 0 0 0 0 0 0 0 45 46 0 0 0 0 0 0 0;53 54 0 33 0 0 53 54 0 33 0 33 34 0 1 53 54 0 33 0 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;6445 13 159 14509 3075 813 5862 15015 327 2 34 712 564;9 0 0 0 0 0 0 0 0 0 1 2 9;13 0 33 33 33 34 33 0 0 0 1 2 13;1 1 1 1 1 1 1 1 1 1 1 1 1;
;8671 33 5614 4825 2477 1444 41916 1 7489 93045 0 8671 0 4268;0 0 0 0 0 0 0 0 21 22 0 0 0 0;33 0 0 0 0 0 33 0 27 28 0 33 0 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;28107 0 173908 0 41396 0 368 0 12076 2 24999 0 31315 0 36 0 61985 14931 0 84485 0 36 0 14103;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 0 0 0 21 0 33 0 33 0 0 0 21 0 0 0 33 33 0 33 0 0 0 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;714 20805 27379 30 0 16400 0 56 3 82 714 20805 27379 83;0 0 0 0 0 0 0 0 0 0 0 0 0 0;0 0 33 0 0 33 0 0 0 0 0 0 33 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;10254 29912 39 129 604 0 2 0 40242 73 78 282;0 0 0 0 0 0 0 0 1 2 2 0;33 33 0 0 0 0 0 0 1 2 2 33;1 1 1 1 1 1 1 1 1 1 1 1;
;1945 81 557 36994 3272 49 2450 54 12577 48 7574 550 7 2744 7 2480 1 677 19 1 1945 78 19;0 19 20 20 20 45 46 46 46 46 0 0 0 0 0 0 0 0 0 0 0 0 0;1 33 34 34 34 33 34 34 34 34 33 33 0 21 0 21 0 0 33 0 1 21 22;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2897 791 2 8028 197 2 2 340 27 2897 791 339 150 2752 211;0 0 0 1 2 0 0 9 10 0 0 0 0 0 0;33 33 0 1 2 0 0 13 14 33 33 33 33 33 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;49 5728 335 48 44997 17272 27805 555 1105 418 2179 264 2 0 19 31 95 0 2 0 1651 590 358 19;19 20 20 20 21 21 0 0 0 0 0 0 0 0 1 2 0 0 0 0 1 2 2 0;0 33 34 0 27 27 27 0 33 34 33 34 0 0 1 2 33 0 0 0 15 16 16 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;49 3446 20330 48 4529 7794 50427 153 0 6857 2161 118 152 6001 36 3004 2347 36 17279 1 328 268;19 20 20 20 0 17 18 18 0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 34 34 34 33 33 27 0 0 33 0 0 0 33 0 33 34 0 33 0 13 21;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;35088 148 169 287;17 18 18 18;13 14 33 34;1 1 1 1;
;13611 524 894 9879 12 373 3 603 11 20 6655 17 0 2 0 7627 0 664 0 2 0 605 0;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0;31 33 34 33 33 34 0 0 33 34 33 0 0 0 0 33 0 33 0 0 0 1 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;12816 76 70 2640 0 2420 78 49 2825 7825 48 6083 122 211 323 23 52 25 1 3333 5 0 9781 8059 7 1054;23 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 0 0 0 0 0;29 33 34 33 0 35 36 0 0 0 0 33 0 33 0 0 0 0 0 1 2 0 27 33 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1199 12234 1421 186 1658 10261 0 85 407 338 32 4344 663 115 1819;0 25 26 26 26 0 0 0 0 9 0 9 0 0 0;33 23 24 24 24 33 0 0 0 13 0 13 33 34 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;8760 63 3497 721 1497 189 2 8760 63 3497 3799 1497 189 0 2 721 1497 189 196;9 0 9 0 0 0 0 9 0 9 0 0 0 0 0 0 0 0 0;13 0 13 33 34 34 0 13 0 13 33 34 34 0 0 9 10 10 10;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;263 4533 0 324 393 1389 1146 0 4971 7 19311 7 2965 7 22168 0 2 0 92 0 2 0 1157 232 2 303 321 0 2 0 1157 232 0 334 199 0 2 0 956 0 556 0 1157 232;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 9 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 33 0 33 34 33 33 0 33 0 33 0 33 0 0 0 0 0 13 0 0 0 9 10 0 33 33 0 0 0 9 10 0 33 0 0 0 0 0 0 33 0 9 10;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;11436 63 6443 4106 1497 189 36 11436 63 6443 4106 5645 0 2 0 4505 110 3780 199;9 0 9 0 0 0 0 9 0 9 0 0 0 0 0 0 0 0 0;35 0 13 33 33 34 0 35 0 13 33 33 0 0 0 33 34 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1727 373 5064 47813 240 20 124 442 8 293 453 2005 1084 0;0 0 0 21 0 0 0 0 0 0 0 0 0 0;0 33 34 27 0 0 0 0 0 33 34 0 0 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2749 6326 0 2 0 34 15718 5;0 29 0 0 0 9 0 0;33 33 0 0 0 33 34 0;1 1 1 1 1 1 1 1;
;1129 2809 2 11742 27 559 2377 1583 120 153;0 0 0 17 18 18 18 18 18 18;33 34 0 13 14 31 32 32 32 32;1 1 1 1 1 1 1 1 1 1;
;370 872 184 551 464 149 33 24 17 0;23 24 0 0 0 0 0 0 0 0;29 30 33 0 33 34 33 34 0 0;1 1 1 1 1 1 1 1 1 1;
;539 773 15 321 94 31 103 422 136 264 1 22092 3798 34319 43 1 4 47;0 0 0 0 0 0 0 0 0 0 0 21 22 22 0 0 1 2;0 33 0 33 33 33 33 34 21 22 0 27 28 28 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;316 3005 1034 39 220 224 2 205 354 2 35 979 19 2 41 72;19 20 20 0 0 0 0 0 0 0 0 0 0 0 1 2;33 34 34 0 0 0 0 33 34 0 33 33 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;671 50955 193 122 29 15566 23538 3 229 0 2 0 30833 3 2816 0 2 0 188 204;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 5 6;33 33 33 33 34 33 33 0 33 0 0 0 33 0 33 0 0 0 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;39 127 691 82 573 5254 59905 4345 83 11 1658 23625 974 10261 1 1925 114435 1 114 204;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 9 21 0 1 2;33 34 0 0 33 34 0 33 0 0 0 33 0 33 0 13 27 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;6469 67 2206 0 23 1808 25;0 0 0 0 0 1 0;21 22 22 0 0 1 0;1 1 1 1 1 1 1;
;14234 2616 240 21 1654 73 9817 10 15 441 1 4 79 9;0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 33 0 0 33 33 34 0 0 33 0 21 22 22;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;222 1333 7240 6099 3670 6348 15 1335 17 16178 2477 21 84 11828 4763 32 58474 134 11 84 2 2754 36 512 1093 2 1592 258 67 2336 2 2373 78 100 0 2 0;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 45 46 46 46 0 1 0 0 0 0 0;0 33 33 33 0 33 0 0 0 33 0 0 0 33 33 0 33 0 0 0 0 53 0 33 33 0 53 54 54 54 0 1 9 10 0 0 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 42164 2346 472 2120 4642 16 1 42164 2346 472 2120 4642 44 1 37 0 2 0 322 5;0 17 0 0 0 0 0 0 17 0 0 0 0 0 0 0 0 0 0 1 2;0 31 33 33 0 33 0 0 31 33 33 0 33 33 0 33 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;222 13 470 1300 12068 3 184 1462 68 1 4 9;0 0 0 0 21 0 0 0 0 0 1 2;21 22 0 33 27 0 33 34 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1;
;412 11 116 2636 56 5504 3 18 24 17 9018 7931 53 53 8847 1200 160 3 356 310 13 29 97 1009 3259 327 59 1 4 9;9 0 0 0 0 0 0 0 0 0 0 0 0 0 23 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;13 0 33 33 34 31 0 33 0 0 33 21 33 34 21 0 0 0 0 33 21 22 22 0 0 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;16876 3608 1777 1777 3 424 687 0 2 0 4118 253 0;0 0 0 0 0 0 0 0 0 0 5 6 0;35 36 0 0 0 33 34 0 0 0 33 34 0;1 1 1 1 1 1 1 1 1 1 1 1 1;
;324 76 3652 705 15 89 21 1 4 9;0 0 0 0 0 0 0 0 1 2;0 0 21 22 0 35 36 0 1 2;1 1 1 1 1 1 1 1 1 1;
;4927 25223 18900 238 31720 2 9097 80 13596 60 2 315 2 35 19 2 41 72;0 39 40 0 0 0 9 0 0 0 0 0 0 0 0 0 1 2;33 47 48 0 33 0 33 0 33 0 0 33 0 21 22 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1474333 0 30003 757 71 1 1419 1474333 0 30003 1384 1 2177 766 2563 757 5;0 0 0 0 0 0 9 0 0 0 0 0 0 0 1 2 2;0 0 33 33 33 0 13 0 0 33 33 0 0 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;22 30 2537 3 18 6179 21 6 999 1561 89 1987 6 1490 3 1561 424 93 160 1561 153 1987 24 17 22 5480 1534 122 21 59 96 12 96 937 2537 18 373 0 2 2 0 391 3375 170 738 372;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 17 18 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 0 0 0;33 34 33 0 33 33 0 0 0 33 0 0 0 33 0 33 34 0 0 33 0 0 0 0 0 33 33 21 22 0 33 34 34 0 33 33 0 0 0 0 0 1 2 21 22 22;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 2275 1006 458 244 843 123 16 458 741 8 37 8 87 8 44 8 352 259 8 662 150 8 635 45528 1896 28 18 0 2 0 352 71 0 2 0 2251 1931 516 5;0 27 28 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 17 18 18 18 18 0 0 0 0 0 0 0 0 1 2 2 2;0 35 36 33 34 21 22 0 21 22 0 33 0 31 0 33 0 33 34 0 33 34 0 13 27 33 33 34 0 0 0 33 33 0 0 0 1 2 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;277 2 877089 2614 26870 2 322 5;0 0 0 23 24 0 1 2;0 0 0 29 30 0 1 2;1 1 1 1 1 1 1 1;
;14 68 16 2 0 2098 2649 31366 0 2 0 857 2649 10884 0 2 0 857 1412 5;0 0 0 0 0 0 0 0 0 0 0 9 0 0 0 0 0 1 2 2;0 0 0 0 0 33 35 36 0 0 0 13 33 33 0 0 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1043928 0 36 0 21230 0 368 0 1043928 0 556 0 26225 2 25548;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;0 0 0 0 21 22 22 0 0 0 33 0 0 0 25;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;125702 3 1526 1 10 20 156 1 15 817 1 2139 0 1 1094 1 3937 31;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 0 33 0 33 34 33 0 0 0 0 33 0 0 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;126 11 1588 37 12 6064 3 1460 4607 0 164 2060 32 5635 753 231 10 13322 8 1 540 671 0 2 0 111 1722 922 0;0 0 0 0 0 0 0 0 0 0 31 32 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0;0 0 0 33 33 34 0 33 33 0 33 34 0 33 34 0 0 33 0 0 0 33 0 0 0 31 33 34 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1773 1784 53056 0 2 0 1053 202 0 2 0 1443 22 236 1443 3 492 232;21 22 22 0 0 0 5 6 0 0 0 0 0 0 0 0 0 0;27 28 28 0 0 0 9 10 0 0 0 21 22 22 22 22 22 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;29396 46 80 31177 1423 758 17879 17 0;0 0 0 0 0 0 0 0 0;35 0 0 33 33 33 33 0 0;1 1 1 1 1 1 1 1 1;
;2521 623 894 1204 1543 359 15022 2017 1543 852 1 770 6 123 6 147 6 128;17 18 18 18 18 18 0 0 0 0 0 0 0 0 0 0 0 0;13 21 22 0 0 0 33 0 0 0 0 33 0 33 0 33 0 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;8210 0 133988;0 0 0;33 0 21;1 1 1;
;43460 2645 32 21570 6354 77 50 8 1160 43460 166 21570 77 17802 8 77 6318 1 22485 2645 43 1 4 47;17 18 0 17 0 0 0 0 0 9 0 17 0 0 0 0 0 0 0 0 0 0 1 2;31 32 0 33 33 33 34 0 0 13 0 33 0 33 0 0 33 0 13 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1072 829 665 3958 2886 15 143 0 665 3958 2886 671 982 1 4 9;45 46 0 0 0 0 0 0 0 0 0 0 0 0 1 2;53 54 33 33 33 0 0 0 33 33 33 33 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 1905 6742 81 590 151 3210 4396 16 1 11577 590 772 1 1905 6742 81 590 151 3210 4396 44 1 37 0 2 0 322 5;0 11 12 0 0 0 0 0 0 0 0 11 12 0 11 12 0 0 0 0 0 0 0 0 0 0 0 1 2;0 15 16 33 34 33 0 33 0 0 33 15 16 0 15 16 33 34 33 0 33 33 0 33 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 3951 1342 16 520 4882 667 12689 20302 9845 2 78 2 35 19 2 41 72;0 45 46 0 19 20 45 46 0 0 0 0 0 0 0 0 1 2;0 53 54 0 27 28 25 26 33 33 0 33 0 21 22 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2384 44116 8 850 682 11 22 53 53 483 329 257 3747 1956 39 200 691 29842 7156 1508;7 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 39 40 0;11 33 0 33 34 33 34 33 34 31 32 32 33 33 33 34 34 47 48 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;7407 0 519 0 90278 6 0 258372 0 519 0 83823 0 2 0 87452 0 513 0 46932 0 6230 0 23780 0 513 0 69341 0 33851 6 0 313 0 44167 0 27662 6 0 161878 6 0;0 0 0 0 0 0 0 0 0 0 0 7 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 9 10 10 0 0 0 0 0 0 0 0 0 0 0 0;53 54 54 54 54 0 0 0 0 33 0 11 0 0 0 0 0 33 0 0 0 33 0 33 0 33 0 13 14 14 0 0 25 26 26 0 33 0 0 33 0 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;76181 115497 3 424 1755 0 36 0 930 4185 2 39 13 300 14188 4929 301 197;0 29 0 0 0 0 0 0 1 2 0 0 0 0 0 0 0 0;33 37 0 33 34 0 0 0 1 2 0 33 34 33 55 33 33 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;68 165 34 42 3 210 1 44 131 1 1337 5 23 2867 7 65 25 0;0 0 9 0 0 0 0 0 0 0 1 2 0 0 0 0 0 0;33 34 34 0 0 33 0 33 33 0 1 2 0 31 33 34 0 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;3256 160 227 17632 4763 22 190 462 385 135 20535 21 13802 614 298 7307 21 13 29 8851 13 916 122 3 487 10887 9828 10 227 1317 1933 135 236 391 659 259 1 4 9;0 0 0 23 24 0 0 0 0 0 0 0 23 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 0 0 29 30 55 56 56 0 0 0 0 29 33 34 0 33 34 0 0 33 34 0 0 0 0 33 0 0 33 0 0 0 33 34 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;431 386 365 8 1556 2532 2370 862 24 8 886 240 24 17 1 4 209 132;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 17 23 24;21 22 0 0 0 33 33 33 0 0 0 0 0 0 0 31 29 30;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;3032 200 26917 844 1005 23 2853 177 2573 25 1 3647 140 406 5 0;0 0 0 0 0 0 0 0 0 0 0 0 1 2 2 0;33 34 33 33 0 0 33 0 33 0 0 1 2 33 34 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;3273 452 7466 229 2486 4998 1 4 61;0 0 0 0 0 0 0 1 2;33 33 33 33 0 33 0 1 2;1 1 1 1 1 1 1 1 1;
;2413 3904 1 709 253 0;0 0 0 0 0 0;21 22 0 1 2 0;1 1 1 1 1 1;
;90219 2085 13 103 1938 0 12641 45 3 82 1776 83 6 1938 0 146 26 6020 0 5433 2 41321 7 645 0 2 0;0 0 0 0 23 24 24 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 33 33 34 29 30 30 33 34 0 0 0 0 29 30 30 0 29 30 30 0 0 0 33 0 0 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;198 1684 113 1011 1148 1023 1779 416 0 2 2 0 391 3375 170 738 372;0 0 0 0 0 0 0 0 0 0 0 0 1 2 0 0 0;33 13 14 33 34 34 33 33 0 0 0 0 1 2 21 22 22;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 1532 86386 0 95565 0 1328 2 1752 0 5234 0 22736 4136 26 21256 26 31574 26 11736 3635 3508 927 16 13621 0 86386 0 95565 0 1328 2 1752 0 5234 0 22736 4136 26 21256 26 31574 26 11736 3635 3508 2189 184 927 1 2483 1;0 23 24 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 23 24 0 0 17 0 23 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 23 24 23 24 0 0 0 0;0 29 30 0 21 0 33 0 33 0 33 0 0 0 0 0 0 33 0 33 33 34 33 0 31 0 29 0 21 0 33 0 33 0 33 0 0 0 0 0 0 33 0 33 33 34 29 30 33 0 33 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2830 241 3 4505 778 579 8 11268 2830 241 3 4505 778 3624 1537 1724;33 34 34 34 34 0 0 21 33 34 34 34 34 0 0 0;33 34 34 34 34 33 0 27 33 34 34 34 34 33 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;15 1082 317 2138 10037 1 4 9;0 0 0 0 0 0 1 2;0 33 0 33 33 0 1 2;1 1 1 1 1 1 1 1;
;85045 20007 3861 278 830 1039 17 1 4 9;0 0 0 0 0 0 0 0 1 2;33 33 0 0 21 22 0 0 1 2;1 1 1 1 1 1 1 1 1 1;
;1908 1020 1673 784 21296 54 181 332 1534 450 1850 84 0 2 0 168 1093 0 2 0 2517 3241 7593 5 100 0 1 841 77 50 3 7593 100 0 2 0 956 0 556 0 1157 232 21358;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2 2 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 5 6 6;33 33 33 0 33 0 0 0 33 0 33 0 0 0 0 33 33 0 0 0 1 2 2 2 33 0 0 33 33 34 0 33 33 0 0 0 0 0 33 0 33 34 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;102 79504 1773 12662 4444 29072 340 199 4056 21535 2 247;0 0 0 0 0 0 0 0 0 0 0 17;33 51 33 33 21 22 13 14 33 33 0 31;1 1 1 1 1 1 1 1 1 1 1 1;
;14 38022 16 829 154 0 467 4495 0 100414 2 17919 26 16038 2 66556 26 26081 62 30282 2800 66 0 94 0;0 0 0 23 24 0 23 24 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;0 33 0 29 30 0 29 30 0 33 0 33 0 33 34 34 0 33 0 0 33 0 0 33 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;85 7 0 284 82 27672 716 83 63 82 5384 2824 83 8 14567 212 8 7922 3 456 12 2046 30 5325 47589 84 166 638 49 7922 456 8195 905 48 3 1502 2694 10 46 5698 287 32 138 230 1255 1 361 1 4;0 0 0 0 0 9 10 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 17;0 0 0 0 0 13 14 0 0 0 33 0 0 0 33 0 0 33 0 33 33 34 0 21 33 0 0 33 0 33 33 35 36 0 0 33 33 0 0 0 33 0 33 34 0 0 33 0 31;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;105 38 330 567 98 1780 67 2366 159 257 34948 420 1274 1094 3393 878 468 1 504 1 4 61;0 0 17 18 18 18 18 18 18 18 0 0 0 0 0 0 0 0 0 0 1 2;33 34 31 32 32 32 32 32 32 32 21 33 34 33 33 33 0 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1684 82965 1637 4570 159 138 372 28 18 8 14601 1684 82965 1637 4570 159 138 372 28 18 3 123 1 147 1 14601 469 0 2 0 460 43 6390 469;17 18 18 18 18 18 18 18 18 0 9 17 18 18 18 18 18 18 18 18 0 0 0 0 0 9 0 0 0 0 1 2 0 0;21 22 22 22 22 22 22 22 22 0 13 21 22 22 22 22 22 22 22 22 0 33 0 33 0 13 33 0 0 0 1 2 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;3254 2206 3266 3 7087 59 39697 74 6586 1262 61619 11830 17523 0 2 0 36915 0 20793 5 0 23 972 25 0;0 0 0 0 0 0 21 0 21 22 22 0 0 0 0 0 17 0 0 0 0 0 0 0 0;0 33 0 0 33 0 27 0 0 0 0 33 33 0 0 0 31 0 21 22 0 0 33 0 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;4 9 132 8 22 284 57 2311 1692 888 8 4256 13 12625 8 1810 135 1217 3 1117 1 4 209 132;1 2 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 17 23 24;1 2 33 0 0 0 0 33 33 0 0 0 0 33 0 33 0 0 0 0 0 31 29 30;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;167 3713 0 8164 67206 4342 12837 4296 179 2 167 2 35 19 2 41 72;0 0 0 21 22 0 0 0 0 0 0 0 0 0 0 1 2;33 33 0 27 28 33 33 33 0 0 33 0 21 22 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;92 282139 458 28 18 2 702 172 128;17 18 18 18 18 0 0 0 0;13 13 33 33 34 0 1 33 34;1 1 1 1 1 1 1 1 1;
;129 2989 10726 13 2021 37 1 45 1370 5;0 0 0 0 0 0 0 1 2 2;0 33 33 0 33 33 0 1 2 2;1 1 1 1 1 1 1 1 1 1;
;4041 151 5388 804 6583 756 0 2 0 41755 3 2816 0 2 0 188 204;5 6 0 0 0 0 0 0 0 0 0 0 0 0 0 5 6;9 10 33 0 33 33 0 0 0 33 0 33 0 0 0 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;3103 1319 8507 2 2 1954 440 2 34 559 819 5;0 29 30 0 0 0 0 0 1 2 2 2;33 37 38 0 0 33 33 0 1 2 2 2;1 1 1 1 1 1 1 1 1 1 1 1;
;2921 423 1455 9051 6031 3041 6 33020 293 1612 2060 37 176 423 87 139 12559 27 11920 376 96100 987 359 144 0 2 0 814 436 662 5;0 0 0 0 13 14 0 0 0 0 0 0 0 0 0 0 0 0 9 10 0 0 0 0 0 0 0 1 2 2 2;33 33 33 33 17 18 0 33 34 33 0 33 0 33 31 0 13 14 21 22 0 33 0 0 0 0 0 1 2 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;136 3154 11 1742 285 0 1265 206 2 2133 206 2 285 5;0 17 0 0 0 0 0 0 0 0 0 0 1 2;0 31 33 34 33 0 33 0 0 33 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;263 1456 779 508 1 4 61;0 0 0 0 0 1 2;33 33 33 34 0 1 2;1 1 1 1 1 1 1;
;67924 675 3041 423 1237 1 4 61;0 0 0 0 0 0 1 2;21 22 33 33 33 0 1 2;1 1 1 1 1 1 1 1;
;7313 8991 552 3 20838 1382 311 11 256 1 4 9;0 0 0 0 17 18 18 0 0 0 1 2;33 34 33 0 31 32 32 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1;
;88 11 75424 444 3 1136 292 8 10 215 13 29 17 1128 1086 15 589 17 1 4 9;9 0 9 10 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;13 0 33 0 0 33 34 0 0 33 34 34 0 55 56 33 34 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 330 299 22477 3697 307 32 44 1 137 22477 3697 2003 71 16 0 2 0 330 1412 5;0 9 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2;0 13 33 35 33 33 0 33 0 21 35 33 33 33 0 0 0 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 1548 31119 299 191 5 1 31119 299 191 3083 1 1548 31119 299 191 1303 16 0 2 0 1548 1412 5;0 9 9 1 2 2 0 9 0 0 0 0 9 9 0 0 0 0 0 0 0 1 2 2;0 13 13 1 2 2 0 13 33 34 34 0 13 13 33 34 33 0 0 0 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;234 93 539 539 22 2853 3332 15 136 8 3804 1 6114 1829 6197 43 1 4 47;0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 0 1 2;21 22 0 0 0 33 33 33 34 0 0 0 29 30 1 2 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;31 2268 1 1109 2769;0 0 0 0 0;33 34 0 31 32;1 1 1 1 1;
;13226 32 33258 11 20 454 1 4 61;0 0 0 0 0 0 0 1 2;33 0 33 33 34 33 0 1 2;1 1 1 1 1 1 1 1 1;
;632 115 2639 64 3716 799 1259 311 19541 6818 2089 54 358 1 69 108 1 114 5;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 34 33 34 33 33 34 0 33 33 21 22 22 0 33 34 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;20378 2 876 131 2 1899 5;0 0 0 0 0 1 2;33 0 33 33 0 1 2;1 1 1 1 1 1 1;
;17607 0 20642 20 156 1 4 9;0 0 0 0 0 0 1 2;33 0 33 0 33 0 1 2;1 1 1 1 1 1 1 1;
;102830 11069 3835 1372 19133 1698 0 88 3302 6332 1698 973 2378 22467 1 88 6045 3835 1698 43 1 4 47;21 0 0 0 0 0 0 9 0 0 0 21 22 22 0 9 0 0 0 0 0 1 2;27 33 33 0 21 22 0 13 33 33 33 27 28 0 0 13 21 22 22 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1594 2504 1204 4038 4703 5756 9253 0 293 527 4659 25133 12511 2 14 1030 5 16 2 952 252 31 438 696 211 2 163 7 1058 7 65;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 0 0 0 0 0 0 0 0 0 0 0 0 0 0;0 0 33 34 33 0 0 0 0 0 33 33 33 0 0 1 2 0 0 33 0 33 33 33 33 0 33 0 0 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;7700 249 172 5513 3 908 9285 4557 11 256 1 3160 3141;0 0 0 0 0 0 0 0 0 0 0 1 2;47 0 33 0 0 33 34 34 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1;
;1718 38 7164 532 168 39 312 596 1302 2546 1807 2 7164 532 2 168;0 0 39 40 40 0 0 0 0 0 0 0 0 0 0 0;33 34 47 48 48 33 34 0 33 34 33 0 33 34 0 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;503 3736 1596 125 954;0 0 0 0 0;33 34 34 33 34;1 1 1 1 1;
;24651 10 568 4743 18322 41332 2898 527 23 180 667 1352 25 1 13048 1859 7478 1 114 204;0 0 0 9 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;55 33 34 33 33 33 34 0 0 33 34 33 0 0 55 56 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;15162 15516 25747 45497 6 15162 45497 10 15 441 6 2293 951 10 20 613 1 6940 670 3 204;9 37 38 38 0 9 37 0 0 0 0 0 0 0 0 0 0 21 22 0 0;13 33 34 33 0 13 33 0 0 33 0 0 0 33 34 33 0 0 33 0 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 1441 2 472 233 1221 16 90 1500 3 10 509 281 21094 274 509 1866 21094 432 1 1045 43 1 4 47;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 33 0 33 33 34 0 0 0 0 0 0 0 33 0 0 0 33 0 0 1 2 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;3811 34 142 54 1245 1 53682 136 1952 1 114 204;0 0 0 0 0 0 0 0 0 0 1 2;33 21 22 0 33 0 33 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1;
;4412 928 1 4412 928 18 1 4412 176731 4366 928 28 18;17 18 18 18 18 18 18 18 18 18 18 18 18;13 33 0 13 33 34 0 13 0 0 33 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1;
;179 2483 818 67 325 1668 0 306 121 325 819 5513 20 17 1 841 268 1 69 131 1 3792 5;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 33 33 34 34 33 0 0 0 33 34 0 0 0 0 33 21 0 31 32 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;4741 286 383 3625 414;17 18 18 18 18;13 33 33 33 33;1 1 1 1 1;
;10414 119 36135 3609 262260 9635 9574 1095 5770 3 3829 23 85 25 1 69 255 1 14584 5 1 680 637 5 1 1293 637 5;17 18 21 0 21 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 0 1 2 2 0 1 2 2;31 32 27 0 21 0 33 33 33 0 33 0 0 0 0 21 22 0 1 2 0 1 2 2 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;56822 8931 175 4191 1778 73 110 1472 2101 171 1 4 9;9 10 10 0 0 0 0 0 0 0 0 1 2;21 0 0 33 33 11 12 33 0 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1;
;214 36871 164 73 8358 122 3 16701 2 806 2 35 19 2 41 72;0 0 0 29 30 0 0 0 0 0 0 0 0 0 1 2;0 33 0 37 38 0 0 33 0 33 0 21 22 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;222 59 59 59 59 59 70607 9987 3 23732 189 0 2 0 3184 2782;0 0 0 0 0 0 9 17 0 0 0 0 0 0 1 2;0 0 0 0 0 0 13 31 0 21 0 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;336 422 2530 12 868 5767 0 5767 3941 155 20 2 2 559 131 2 2 169 5 0;0 0 0 0 0 0 0 37 38 0 0 0 0 0 0 0 0 1 2 0;0 0 33 33 34 33 0 45 46 0 0 0 0 33 33 0 0 1 2 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;30 18 5171 8 963 11897 22 13 29 16902 7769 1658 0;0 0 0 0 0 0 0 0 0 0 0 0 0;0 33 33 0 33 33 0 33 34 33 33 0 0;1 1 1 1 1 1 1 1 1 1 1 1 1;
;9173 1746 11098 43578 11296 2 186 5 2 1308 325 6 1231 6 1118 6 2351 6 861 6 110 449 71;0 0 17 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 0 31 33 33 0 33 34 0 33 33 0 33 0 33 0 33 0 33 0 33 0 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;29432 1427 672 173 10777 760 2888 15 143;0 0 0 0 37 0 0 0 0;33 33 33 34 33 0 0 0 0;1 1 1 1 1 1 1 1 1;
;4064 67551 3 47;0 0 0 0;0 33 0 1;1 1 1 1;
;4443 608 53 197940 2 529 12682 0 4443 202 0 4443 4258 2 41 72;0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;21 33 0 55 0 0 33 0 33 34 0 33 34 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;464 584 681 582048 276 2 210 2 35 19 2 41 72;0 0 0 0 0 0 0 0 0 0 0 1 2;21 22 22 0 0 0 33 0 21 22 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1;
;1533 1317 7532 88 816 7300 10420 62632 1 15969 633 1 114 268 1 114 5;9 11 0 9 0 0 0 0 0 0 0 0 1 2 0 1 2;21 33 33 13 33 33 0 33 0 33 33 0 1 2 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2385 547 2431 53886 6788 9013 0 6469 161 853 0 2 0 421 499 480 480;0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2 2;33 34 34 33 21 33 0 33 33 34 0 0 0 1 2 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;192 4960 396 0 31322 75 192 4960 310 2 142 2 35 19 2 41 72;0 0 0 0 9 10 0 0 0 0 0 0 0 0 0 1 2;29 30 33 0 13 14 29 30 33 0 33 0 21 22 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;548 3031 1610 230 49 581 1226 818 67 3145 48 31 130 127 2 6194 61;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 33 0 0 0 33 33 34 0 33 0 21 22 0 0 33 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;28319 0 2 0 26667 0 20644 0;0 0 0 0 0 0 0 0;51 0 0 0 55 0 33 0;1 1 1 1 1 1 1 1;
;11744 345 409 2135 2741 684 10 1123 20 1 4 9;0 0 0 0 0 0 0 0 0 0 1 2;33 34 34 34 33 34 0 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1;
;6317 225 11 12580 541 324 2716 3216 3 1 4 9;9 0 0 0 0 21 22 22 0 0 1 2;13 0 0 33 34 27 28 28 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1;
;1145 81 2338 0 36 0 1518 251 62542 4127 1062 5488 39 200 691 8569 3749 2295 42 9539 2117;0 0 0 0 0 0 0 0 9 10 9 17 0 0 0 0 0 0 0 0 0;33 0 33 0 0 0 33 0 13 14 13 0 33 34 34 33 34 33 34 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1626 229718 3 188 204 0 2 0 13 29 42 7015 0 2 0 188 204;21 22 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;0 0 0 33 34 0 0 0 33 34 34 34 0 0 0 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;322 3823 3871 532 116 1 86476 2637 288 192 662 28 18 116 322 3823 3871 532 1256 1 3080 14584 5;1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 9 1 2;1 33 33 0 33 0 0 33 34 33 34 33 34 33 1 33 33 0 33 0 13 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;4796 3253 2842 11736 12101 623 282 0 12101 623 15 254 2 3253 2842 11736 1350 2 3112 3065 5;0 45 46 46 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2;9 33 34 34 21 22 33 0 21 22 33 34 0 33 34 34 33 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;797077 46 120 311 3 6966 67 1966 120 2 489 11223 5 1 504 1 4 61;21 0 0 0 0 0 0 0 0 0 1 2 2 0 0 0 1 2;0 0 33 34 0 21 22 22 22 0 1 2 2 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;95877 1 1 14879 3 47;0 0 0 0 0 0;33 0 0 33 0 1;1 1 1 1 1 1;
;49 3476 32438 55 1187 201 48 1 49 3476 32438 55 1187 201 48 37 1 49 3476 32438 55 1187 201 48 44 1 1685 2762 884 1418 154856 57 1 1237 400 1 8102 516 1 2932 1242 5 0 13887 7 65;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 21 22 0 0 0 0 0 0 0 0 1 2 2 0 0 0 0;0 47 33 33 34 33 0 0 0 47 33 33 34 33 0 33 0 0 47 33 33 34 33 0 33 0 33 0 0 0 0 0 0 33 34 0 33 33 0 1 2 2 0 0 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;963 1254 39 1339 173 21 8 8385 762 228 7 154 8 13037 228 1 11 217 846 1021 1 595 217 132;0 37 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 33 0 33 34 0 0 33 0 0 0 0 0 33 0 0 1 2 2 2 0 33 34 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;4285 2893 164962 8 29584 12635 5272 198 38 471 97 4499 438 1 2940 10 155352 2 28473;0 0 0 0 21 22 22 0 0 0 0 0 0 0 0 0 0 0 0;21 22 22 0 27 28 28 33 34 33 34 33 33 0 33 0 0 0 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;6010 4596 62 34 1917 4740 3 1035 66 1 4 253;0 0 0 9 0 0 0 0 0 0 1 2;33 34 0 13 33 33 0 33 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1;
;284 11639 75 29872 103562 175 63 3174 17644 15 109 707 1 4 9;0 9 10 9 10 10 0 0 0 0 0 0 0 1 2;0 13 14 13 33 0 0 33 0 33 34 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;83047 21084 14093 18825 46 11198 22 1839 363 1672 0 90 4775 2995 17 1 69 131 1 34 1246 5;21 0 21 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2;27 0 27 33 0 0 0 33 33 34 0 0 0 0 0 0 31 32 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;123543 22578 7 65 3 339 196 1 14 136 141 212 32632 16 912 1342 7496 345 1 6072 912 7496 345 1 912 1342 136 264 128;0 0 0 0 0 0 0 0 0 0 0 0 21 0 5 6 0 0 0 5 6 0 0 0 5 6 0 0 0;39 33 33 34 0 33 33 0 0 33 34 0 27 0 9 10 25 33 0 9 10 25 33 0 9 10 21 22 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 3671 27 16 14 116 3671 1865 3796 76 897 813 52 42 6 1110 27 4035 75 2206 1865 119 28 18 116 16 1 34 1865 637 5;0 9 10 0 0 0 9 23 24 24 0 0 0 0 0 17 18 18 18 18 18 18 18 18 0 0 0 9 1 2 2;0 13 14 0 0 33 13 29 30 30 33 0 33 34 0 13 14 13 14 33 31 32 33 34 33 0 0 33 34 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1963 1026 54 14621 560 12225 6 1963 1026 54 14621 560 12225 73 78 6 2178 73 78 0 163 7 2178 7 65;45 46 46 46 46 46 0 45 46 46 46 46 46 0 0 0 0 0 0 0 0 0 0 0 0;53 54 54 54 54 54 0 53 54 54 54 54 54 33 34 0 1 2 2 0 33 0 1 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;82 121 1490 20147 191 5519 31873 83 10 82 35523 3 6636 83 1 485 5924 131 1 6192;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1;0 0 33 21 22 33 0 0 0 0 33 34 34 0 0 25 26 33 0 1;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;5938 3632 85 2586 2645 1951 0 6150 12 453 5646 2948 1 725 3065 5;45 46 46 0 0 0 0 0 0 0 0 0 0 1 2 2;53 54 54 33 34 33 0 33 33 34 33 33 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1007 2722 13 13863 818 865 11808 865 517 639 68 2 191 573 517 639 68 0;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;21 22 0 33 33 34 33 0 33 34 34 0 9 10 10 33 34 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;18944 175 384 913 3521 906 1884 8 2312 10034 5398 191 1884 2 92 3443 499;9 10 10 10 10 0 0 0 0 0 0 0 0 0 9 1 2;31 32 32 0 33 33 33 0 33 33 33 34 33 0 13 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 26127 0 56163 5520 16 137 307 1 927 1 44 1 100 1 26127 0 56163 5520 538 872 184 201 2 2566 1533 31;0 17 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 23 24 0 0 0 1 2;0 31 0 0 0 0 21 33 0 33 0 33 0 33 0 31 0 0 0 33 29 30 33 0 1 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;683 27 39 13 169 107 14128 10069 225 33 6 683 27 39 13 169 107 10006 10069 91 180 1 12005 1231;17 18 18 18 18 18 0 0 0 0 0 17 18 18 18 18 18 0 0 0 0 0 0 0;31 32 32 32 32 32 0 33 0 0 0 31 32 32 32 32 32 33 33 0 0 0 33 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;933 13 384 122 407 484 998 15319 46 81 13551 152 5521 11 2757 8 334 1279 805 2723 1 102571 1 12406 69 2 1066 0 13450;9 0 0 0 0 0 37 38 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 0 0 0 0;13 0 33 0 0 33 33 34 0 0 33 0 0 21 22 0 33 0 33 33 0 0 0 1 2 0 33 0 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2568 13800 1531 46 338 2639 937 10580 1303 68606 8368 0 2 0 3384 2709 19 5 0 2 0 2561 90 135 1872 1047 0 23 3794 3373 3794 25 3262 2 0 23 0 1624 2 0 1624 25 2661 2539;9 0 0 0 9 0 0 9 0 23 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;13 33 33 0 13 0 0 13 33 29 33 0 0 0 1 33 34 0 0 0 0 33 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1985 614 385 497 41 3 42 160 3921 75404 191 10 20 156 135 10 56 3921 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 0 0 33 34 34 34 0 33 33 0 33 34 33 0 0 0 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 426 6309 9367 9851 10786 3405 0 9367 25320 1608 13384 0 94 9367 4575 12 782 1608 4653 87 2001 16 37 6 87 6 44 6 63951 26 10688 436 6 157 27 2477 620 1505 1000 436 28 18 2 13592 1997;0 0 0 0 0 31 32 0 0 31 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 17 18 18 18 18 18 18 18 18 0 21 22;0 0 33 31 0 39 40 0 31 39 0 33 0 33 31 39 40 40 40 33 31 33 0 33 0 31 0 33 0 21 0 33 33 0 13 14 27 28 0 33 34 33 34 0 27 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;28632 11 89 11 110 160 8142 160 5302 3 1 4 9;9 0 0 0 0 0 0 0 9 0 0 1 2;13 33 34 34 33 0 33 0 13 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1;
;1101 13985 158 366 2912 1101 11106 39 13 5203 137 806 1759 144 139 1486 2 78 2 35 19 2 41 72;0 0 0 0 0 45 21 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;53 21 33 33 34 53 27 33 34 34 21 33 33 0 0 0 0 33 0 21 22 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;285088 3190 108819 0 36 0 23781 2991 4430 59 16919 2991 4430 59;0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 33 33 0 0 0 0 0 0 0 0 0 0 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;780 3724 2 7504 75 9621 271 175 1265 99 23 141391 414 25 1 92 5540 26 3823 26 1551 1 92 761 5;0 0 0 9 10 9 10 10 0 0 0 17 18 0 0 9 0 0 0 0 0 0 1 2 2;0 33 0 13 14 33 34 0 33 0 0 21 33 0 0 13 33 0 33 0 33 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;13287 19803 136 3 33 678 30 225 17 1 4 9;9 37 0 0 0 0 0 0 0 0 1 2;13 45 0 0 33 34 33 34 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1;
;13064 159 230 168 1029 57 1 4 61;0 0 0 0 0 0 0 1 2;33 34 34 33 33 0 0 1 2;1 1 1 1 1 1 1 1 1;
;14 655 16 39 13 244 7022 11623 49 8729 251 8946 67 152 11080 3 457 48 2501 5417 59 1 8729 8946 43 1 4 47;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2 0 1 2;0 33 0 33 34 34 37 33 0 25 26 26 0 25 26 26 26 0 33 33 0 0 1 2 2 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 49847 251 26787 16 2818 548 2 2835 2 2079 0 2828 222 440 49847 20836 11241 301 1 49847 238809 43 1 4 47;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 33 0 33 0 0 33 0 33 0 33 0 0 0 33 33 33 33 34 0 33 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2493 101 151 353 1692 3 101 1649 101 13 29 97 305 91 180 17 1 4 9;0 0 0 0 0 0 0 1 2 0 0 0 0 0 0 0 0 1 2;33 34 33 0 33 0 0 33 34 21 22 22 33 0 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;5567 1317 522 8816 0 410 150 10633 515 3245 557 42 80769;0 0 0 0 0 0 0 0 9 0 0 0 0;33 33 34 33 0 33 34 33 13 0 33 34 33;1 1 1 1 1 1 1 1 1 1 1 1 1;
;550 38 635 7384 521 554 468 176 361 1 504 1 4 61;0 0 9 0 0 0 0 0 0 0 0 0 1 2;33 34 13 33 33 33 0 0 33 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1808 2388 51 0 2176 12 527 4349 2420 264 164 3 1495 126 1584 1742 1361 904 17 2 247;1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 17;1 33 0 0 33 34 34 0 33 34 0 0 33 35 36 0 0 0 0 0 31;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;5025 43 0 54766 0 2 0 4514 34 197;0 0 0 0 0 0 0 1 2 2;33 0 0 33 0 0 0 1 2 2;1 1 1 1 1 1 1 1 1 1;
;11081 27 1041 2858 3159 400 46190 28 18 2 277;17 18 18 18 18 18 18 18 18 0 0;21 22 22 22 22 22 22 22 22 0 0;1 1 1 1 1 1 1 1 1 1 1;
;10991 3856 1121 19 0 1121 201 2 325 2 35 19 2 41 72;0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;35 36 21 22 0 33 33 0 33 0 21 22 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 3702 1013 12719 1464 16 1 3702 1013 12719 1464 37 1 3702 1013 12719 1464 104 1 3702 1013 12719 1464 87 1 395 5 0;0 29 30 30 29 0 0 29 30 30 29 0 0 29 30 30 29 0 0 29 30 30 29 0 0 1 2 0;0 37 38 38 33 0 0 37 38 38 33 33 0 37 38 38 33 33 0 37 38 38 33 31 0 1 2 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;22 3 16704 3377 19191 21 8 11 106 29 122 97 21 8 22 236 217 10 12 10 5885 3 619 2444 21 84 373 2277 15848 24 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 34 33 34 33 0 0 0 21 22 0 0 0 0 33 34 0 33 34 34 0 0 21 22 0 0 0 33 33 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;4770 167 258 334 128 3097 62910 14705 3263 2975 261 0 2 0 12 1626 2 34 495 71 5;0 0 0 0 0 0 0 0 19 0 0 0 0 0 0 0 0 1 2 2 2;33 13 14 33 34 0 21 33 33 33 33 0 0 0 33 34 0 1 2 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;564 628 7044 235 119 28 18 0 2 0 1755;17 18 18 18 18 18 18 0 0 0 0;13 0 0 33 34 33 34 0 0 0 33;1 1 1 1 1 1 1 1 1 1 1;
;283 29 97 21 8 11 356 1369 366 10 6937 6937 3 15 441 203 1 1739 382 1 79 736;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;0 0 0 0 0 33 34 33 33 34 0 0 0 0 33 0 0 33 34 0 31 32;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;22 27288 9875 6 12 3727 309 22784 824 21 13 103 6 2469 101 24 60 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 0 33 0 33 34 0 33 0 33 34 0 0 0 0 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;7061 3086 23 6550 530 29 731 25 0 1 4 130 112;0 0 0 0 0 0 0 0 0 0 1 2 2;33 34 0 33 33 34 0 0 0 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1;
;5148 2586 1312 13 29 24924 217 22 160 21 659 1378 109 5466 475 442 8 22 455 89 11 109 254 8 10027 350 1378 96 5480 96 478 424 160 59 22 16066 160 1636 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 33 33 34 0 33 33 34 35 36 0 33 0 0 0 0 0 0 0 33 34 0 0 0 33 0 33 0 33 0 0 33 0 0 21 22 33 34 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;79325 95042 3 47;0 0 0 0;0 0 0 1;1 1 1 1;
;6216 50 36623 499 62 21961 54 2258 66 0 4784 1 4 9;19 20 20 20 0 0 0 0 0 0 0 0 1 2;25 26 26 26 0 33 33 34 0 0 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1290 184 331 10 385 2046 5 8 8 362 89 11 1850 2128 867 8 8 999 70 2453 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 33 33 34 0 21 22 0 0 33 33 34 33 33 33 0 0 0 0 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1261 14923 980 57 0 923 14923 0 1261 14923 0 29655 53 31 291 53 387 5 8 19 35 31 95;0 0 0 0 0 33 34 0 0 0 0 0 0 0 0 0 1 2 0 0 0 0 0;55 56 33 0 0 33 34 0 55 56 0 13 0 21 22 0 1 2 0 21 22 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;11277 450 1135 740 375 27587 3 904 701 830 7 5096 1167 1740 7 305 24248 319 24 60 1 4 209 132;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 17 23 24;33 0 0 33 0 0 0 33 34 0 0 0 33 34 0 33 33 33 0 0 0 31 29 30;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;13 29 32 511 29 205 354 534 23 57 2 25 0 2 0 35 31 95 0 2 0 618 136 5;19 20 20 20 20 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2;47 48 48 48 48 33 34 33 0 0 0 0 0 0 0 33 33 34 0 0 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2333 27 394 5488 69 696 153;17 18 18 18 18 18 18;31 32 32 32 32 32 32;1 1 1 1 1 1 1;
;4373 45215 2 14 1030 5 16 2 952 252 31 438 696 211 2 163 7 1058 7 65;0 0 0 0 1 2 0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 33 0 0 1 2 0 0 33 0 33 33 33 33 0 33 0 0 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 1179 2102 394 3785 307 1 1179 2102 394 3785 104 1 1179 2102 394 3785 87 16 1 788 600 105 2 1473 2 151;0 9 0 0 0 0 0 9 0 0 0 0 0 9 0 0 0 0 0 0 0 0 0 0 0 0 0;0 13 21 22 0 33 0 13 21 22 0 33 0 13 21 22 0 31 0 0 33 0 33 0 33 0 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;49 3691 206 74181 48 2038 46 23000 3 623 23 936 177 5344 66 0 2 0 3001 3788 2222 171 0 2 0 1113 817 14216 0 2 0 2975 261 100 0;27 28 28 28 28 0 0 21 22 22 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 29 0 0 0 0 0 29 0 0 0;0 33 34 34 0 33 0 27 28 28 0 0 0 33 0 0 0 0 33 55 33 34 0 0 0 33 33 34 0 0 0 33 33 33 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;275512 70652 3 185 1 185;0 0 0 1 0 1;33 27 0 1 0 1;1 1 1 1 1 1;
;1858 8643 1583 10 81 3456 899 3 314 3 13 29 3101 5507 1 4 61;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 33 34 0 33 34 33 34 34 25 26 26 33 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 34 754 101 414 16;0 17 18 18 18 0;0 31 32 32 32 0;1 1 1 1 1 1;
;19206 6486 572 16805 6 126 373 93 2007 3 1361 2343 1 4 9;21 22 0 0 0 0 0 0 0 0 0 0 0 1 2;27 28 33 33 0 0 21 22 0 0 0 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;5245 1026 10048 4268 1 5245 1026 10048 1108 1 5245 1026 10048 47;0 0 0 0 0 21 22 22 22 0 9 10 0 0;0 0 29 33 0 27 28 28 28 0 0 0 29 1;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;85 97 431 181 656 113 6811 18 10807 2170 1632 18 928 108 1592 2446 682 270 138 833 481 0 2 0 248 1301 833 5;0 0 0 0 17 18 18 18 18 18 18 18 18 18 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 34 34 34 13 14 33 33 13 14 14 33 33 34 33 33 34 33 33 33 34 0 0 0 33 34 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;360 38 34 166 2568 15548 1676 4302 6472 353 2819 1 11283 339 1 34 11283 5;0 0 9 0 9 31 0 0 0 0 0 0 0 0 0 1 2 2;33 34 13 0 13 39 33 25 33 0 0 0 33 33 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;94 2122 242 2976 571 23 22 539 22 1839 3 406 46567 25 23 588 10927 55 25 0 2 0 14390 142 3 2816 0 2 0 142 31 197 0 2 0 956 0 556 0 1157 232;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 0 0 0 0 0 0 0 0 0 0;21 22 0 33 33 0 0 0 0 33 0 33 33 0 0 31 21 22 0 0 0 0 33 33 0 33 0 0 0 1 2 33 0 0 0 0 0 33 0 9 10;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;21664 45 523 50 241 960 2234 0 82 167052 39373 83 2379 4493 354 0 141943 1 33293 39373 0 2 0 1249 7 65;21 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2;27 33 34 33 34 0 33 0 0 0 33 0 33 33 34 0 0 0 35 33 0 0 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;88 60906 4966 13902 1807 847 0 4966 1143 2224 20 1121 0;0 9 0 0 0 0 0 0 0 0 0 0 0;13 13 33 0 33 33 0 33 33 0 0 33 0;1 1 1 1 1 1 1 1 1 1 1 1 1;
;159 270 383 611 2418 1 2087 5;0 0 0 0 0 0 1 2;33 34 34 33 34 0 1 2;1 1 1 1 1 1 1 1;
;2248 2666 4083 1313 1 4 253;11 12 12 12 0 1 2;15 16 16 16 0 1 2;1 1 1 1 1 1 1;
;1756 1907 230 1580 62 7665 66 1 894871 10013 1 1655 3115 3168 5;0 0 0 0 0 0 0 0 21 0 0 1 2 2 2;35 36 36 36 0 33 0 0 27 33 0 1 2 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;4207 5244 69425 3 47;0 0 21 0 0;33 33 27 0 1;1 1 1 1 1;
;5489 4808 8648 18959 24;37 0 0 0 0;45 0 33 0 0;1 1 1 1 1;
;7021 281 99 46 2479 26856 3568 0 1317 12069 88314 2 3782 131 2 1899 5;17 18 18 0 23 0 0 0 0 0 0 0 0 0 0 1 2;31 32 32 0 29 33 33 0 33 33 0 0 33 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;521 2388 844 206 96 1067 1277 3 0 33 22 58 3121 246 1 4 130 112;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2;33 33 33 0 0 0 21 22 0 0 55 56 0 0 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2988 5292 6517 927 1656 2486 8186 698 1 4 61;0 0 0 0 0 0 0 0 0 1 2;33 34 33 33 33 0 33 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1;
;3091 0 197 0 51 51 0 164691 52 0 51 51 0 78;1 0 0 0 0 0 0 0 0 0 0 0 0 0;1 0 33 0 0 0 0 31 0 0 0 0 0 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;25885 1983 404 3 33 24 274 458 2081 17 1 4 9;17 0 0 0 0 0 0 0 0 0 0 1 2;33 33 21 22 22 22 0 33 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1;
;31583 220 1230 1428 1 31583 220 1230 1428 37 1 31583 220 1230 1428 104 26 182 0 2 0 111;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 17;33 0 21 22 0 33 0 21 22 33 0 33 0 21 22 33 0 33 0 0 0 31;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;211921 54 704 3 47;0 0 0 0 0;33 0 0 0 1;1 1 1 1 1;
;139 18 144 18593 207 57 651 2229 890 30831 1041 625 0 7654 2409 3894 15084 1 3713 131 1 3792 5;0 0 0 17 18 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 33 0 31 32 0 0 21 22 0 33 34 0 33 0 0 0 0 33 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;28074 7621 82 3723 83 185 0 1843 19474 1275 82 278 2780 1483 2780 83 23 68 25 2 2 34 1590 5 0 1038 169 1590 3688 5145 0 835 77 50 300 2853 235 411;21 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2 0 17 18 18 18 0 0 0 0 0 0 0 0 0;27 33 0 33 0 1 0 33 33 0 0 33 34 34 34 0 0 0 0 0 0 1 2 2 0 31 32 32 32 33 0 33 33 34 33 33 33 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2981 115 17045 3 47;0 0 0 0 0;33 34 33 0 1;1 1 1 1 1;
;14 5044 10009 16 773 11 89 11 20 572 33 3 301 74 141 222 403 84 1 128874 1039 43 1 4 47;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 33 34 0 33 33 34 34 0 33 33 34 33 0 33 0 33 0 0 0 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 1521 288 5782 623 7319 16 37 6 87 6 44 6 5712 7448 6 218 27 4008 75 29743 145 2510 2115 1172 244 2 395 5;0 0 17 18 18 0 0 0 0 0 0 0 0 0 0 0 17 18 18 18 18 18 18 18 18 18 0 1 2;0 33 31 32 32 33 0 33 0 31 0 33 0 0 33 0 13 14 13 14 33 0 0 33 33 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1901 27 21030 75 198 116 14464 45 384 610 1 1901 1089 116;9 10 10 10 0 0 0 0 0 0 0 9 0 0;13 14 14 14 33 33 33 33 34 33 0 13 31 32;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;160 357 1264 8 256 0 4796 0 6039 0 572 29646 2758 2772 17 0 2 0 605 1071 3 1487 0 2 0 605;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 1;0 21 22 0 0 0 9 0 33 0 33 0 0 33 0 0 0 0 1 33 0 33 0 0 0 1;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1899 876 2 1615 890 77 50 77 296 3 876 383 1093 211;5 6 0 0 0 0 0 0 0 0 0 0 0 0;33 34 0 33 34 33 34 0 33 0 33 34 33 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;5868 0 93456 0 19908 0 197254 0 98058 0 275364;0 0 0 0 0 0 0 0 0 0 0;33 0 33 0 33 0 33 0 29 0 0;1 1 1 1 1 1 1 1 1 1 1;
;45 1105 143 1909 82 76461 83 1454 46 5970 58 4724 6748 1024 4189 2 2 1024 2876 2 2 169 5 0;17 18 18 0 0 0 0 0 0 17 18 0 0 0 0 0 0 9 10 0 0 1 2 0;31 32 32 33 0 21 0 33 0 31 32 33 33 0 0 0 0 33 34 0 0 1 2 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 504 16 299 2384 715 0 10252 0 615 518 6690 1876 7 220 1891 1 69 108 1 2633 5;0 0 0 0 7 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 0 0 33 11 0 0 0 0 33 0 33 33 0 0 33 0 33 34 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;484 5153 3 81792 16779 1 4 61;0 0 0 0 0 0 1 2;33 33 0 21 33 0 1 2;1 1 1 1 1 1 1 1;
;3503 142 186 1 403768 10013 1 1655 3115 3168 5;0 0 0 0 21 0 0 1 2 2 2;33 34 34 0 27 33 0 1 2 2 2;1 1 1 1 1 1 1 1 1 1 1;
;4965 1150 2970 81 2636 0 38502 403 139 8489 144 0 2 0 78 398 0 2 0 6903 713 5;45 46 46 0 0 0 21 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2;53 54 54 0 0 0 27 33 0 0 0 0 0 0 33 33 0 0 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 505606 1750 917 16 505606 1750 917 0 1690 5375 7 228 7 154 334 170 40 1 1916 55 40 2 4675 193 201;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;0 0 33 34 0 0 33 34 0 0 0 0 0 0 0 33 33 33 0 33 34 33 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;5155 9803 4134 4287 5155 541 249 22 319 1972 1 4287 5155 1 33 505 31 2 624 463 5 107 344 372;37 0 0 37 38 0 0 0 0 0 0 37 38 0 1 2 2 0 0 0 0 0 0 0;45 46 0 33 34 33 34 0 33 33 0 33 34 0 1 2 2 0 33 34 34 33 21 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14675 433 569 54 1247 704 1855 13499 2 2835 0 14675 433 569 54 1247 704 1855 13499 1 546 1 405 1 35 19 31 95;19 20 20 20 20 20 20 20 0 0 0 19 20 20 20 20 20 20 20 0 0 0 0 0 0 0 0 0;33 34 34 34 34 34 34 34 0 33 0 33 34 34 34 34 34 34 34 0 33 0 1 0 21 22 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2602 42875 4225 2617 1 4 61;0 0 0 0 0 1 2;33 33 0 0 0 1 2;1 1 1 1 1 1 1;
;15287 11169 2225 315 445 437 0 2009 2009 9676 0 2508 3014 435 32 5806 2190 2 210 2 35 19 2 41 72;0 0 0 0 39 40 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 34 21 33 47 48 0 33 34 34 0 0 33 33 0 33 0 0 33 0 21 22 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;8264 4438 3 855 2705 2 34 4438 287 5;0 9 0 0 0 0 17 18 18 0;33 13 0 33 33 0 13 31 32 0;1 1 1 1 1 1 1 1 1 1;
;1482 3003 8 1699 10815 240 3420 56 644 11 73 753 1298 408 8 32488 47081 3587 145 3 2620 73 1659 12483 13 585 685 408 8 2367 13 1180 11688 73 753 1298 642 8 715 121 3587 145 735 11381 3420 56 13 145 8 12483 63 3420 1913 23467 265;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 23 24 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;0 0 0 33 33 0 0 33 34 0 33 34 0 0 0 0 0 0 33 34 33 34 29 30 33 34 33 0 0 35 36 36 33 33 34 0 0 0 0 0 0 0 0 33 0 0 33 34 0 33 0 0 33 21 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;80 4593 5886 56 3721 2185 266 2103 36 3354 5886 56 3721 2185 438 44 201 20653 1471 2136 575 0;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;0 33 33 0 33 34 33 33 0 33 33 0 33 34 33 33 33 0 0 33 34 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 22485 335 2040 446 16 1 22485 335 2040 844 327 739 281 2073 1 4 493;0 0 0 0 0 0 0 9 0 0 0 0 0 0 0 0 1 2;0 13 0 0 33 0 0 13 0 0 33 33 34 33 34 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;32271 7740 2858 2437 1780 267 997 359;17 18 18 18 18 18 18 18;13 33 34 33 29 30 33 34;1 1 1 1 1 1 1 1;
;64 497 109 6 150 348 58 11 82 10745 83 221 1 4 61;0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 34 0 0 33 0 0 0 0 33 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;898 68 121 2349 1174 6502 2707 7373 68 8 541 9168 68 1487 388 62 57 66 1442 27299 121 24537 450 27499 3741 8 1438 1060 2891 30 24537 146417 56 3 1 1 1 1 1 1 45 2059 2530 45 7161 1 361 1 4 554;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;0 0 0 33 33 33 34 33 34 0 0 0 0 33 0 0 0 0 0 0 0 33 0 33 34 0 0 33 33 0 33 21 0 0 0 0 0 0 0 0 0 0 33 0 33 0 33 0 21 22;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;7957 4096 1 10867 7957 31951 4096 27262 620 904 6713 33 0 7288 4096 0 2 0 111;31 32 0 31 32 0 0 0 0 0 0 0 0 0 0 0 0 0 17;39 40 0 39 40 33 33 33 34 0 33 0 0 33 33 0 0 0 31;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;160 617 280 8 3470 13 29 35975 8567 9803 15 124 17 0 2 0 4228 382;0 9 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0;0 13 33 0 0 33 34 55 33 34 0 0 0 0 0 0 1 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;6217 71 257 647 223 1 4 9;17 18 18 0 0 0 1 2;31 32 32 33 34 0 1 2;1 1 1 1 1 1 1 1;
;575 7755 3 356 845 202 15 347 60 1 4 9;0 0 0 0 0 0 0 0 0 0 1 2;33 33 0 0 33 34 0 33 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1;
;3475 2215 82 1475 577 2409 83 3779 1273 221 241 278 39 13 470 1612 1856 2 247 69;9 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;13 33 0 33 34 34 0 0 33 34 33 34 33 34 34 33 34 0 9 10;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14517;0;21;1;
;2871 314 179 1553 3 547 323 2437 8 402 314 276 243 4901 305 1793 194 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 33 0 33 0 21 22 22 0 33 33 0 33 34 33 33 34 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 20639 33 12637 16 10246 27486 2481 1 10246 27486 2481 1 268228 125552 3 2816 2 1065 573;0 11 0 0 0 11 12 12 0 11 12 12 0 0 0 0 0 0 1 2;0 33 0 33 0 15 16 16 0 15 16 16 0 0 0 0 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;12792 737101 49 73 10377 48 1 279 19;21 22 33 34 34 34 0 23 24;0 0 0 27 28 0 0 29 30;1 1 1 1 1 1 1 1 1;
;24180 3655 8632 40 1 809 40 1 35 40 1 809 2919 141 2332;0 0 0 0 0 0 0 0 0 0 0 5 0 1 2;0 33 33 33 0 9 33 0 33 33 0 9 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;13 522 5300 44 1197 46 46964 49931 898 13607 3039 43336 1 35 4242 1 114 5;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 34 21 22 33 0 33 7 0 33 34 33 0 33 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;126 11 42 699 155 21372 432 17 893 634 134 14329 8 50 309 50 309 3 1918 527 155 59 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 33 34 33 0 55 0 0 33 34 0 33 0 33 34 33 34 0 0 0 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;31174 0 368 0 901284 0 291053 0 2 0 19265 0 24491 0 2 0 15572 0 23780;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 0 33 0 0 0 0 0 0 0 33 0 33 0 0 0 33 0 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;26961 641 219 1646 33 1 4 9;0 0 0 0 0 0 1 2;33 33 0 33 0 0 1 2;1 1 1 1 1 1 1 1;
;110 7439 11303 14634 221 11 15416 1 4 9;23 24 0 0 0 0 0 0 1 2;29 30 33 33 33 34 33 0 1 2;1 1 1 1 1 1 1 1 1 1;
;27884 43479 0 2678 0 20182 0 6972;0 0 0 0 0 0 0 0;55 33 0 0 0 27 0 33;1 1 1 1 1 1 1 1;
;113 1356 864 5 725 12523 212 22 864 700 1807 71 149 32 128 263 125;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;0 33 34 33 34 33 0 0 0 33 33 33 34 0 1 2 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2280 672 173 1211 2629 6 0 2280 1145 672 173 1211 2629 6 0 2280 1145 106 10497 1211 196 2 707 5 0;9 0 0 0 0 0 0 9 0 0 0 0 0 0 0 9 0 0 0 0 0 0 0 0 0;13 33 34 25 26 0 0 13 33 33 34 25 26 0 0 13 33 33 34 0 33 0 33 0 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;79 127 248 511 173 21 366 10 3988 3 16309 10 15 441 1 4 79 9;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;21 33 34 34 34 0 33 34 33 0 33 0 0 33 0 21 22 22;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;187 763 24128 1812 5484 1392 3 4122;0 0 0 0 0 0 0 0;0 33 33 33 33 34 0 0;1 1 1 1 1 1 1 1;
;10572 237 3228 312 93 143 183 24 60 1 4 9;17 18 0 0 0 0 0 0 0 0 1 2;33 33 33 34 0 0 0 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1;
;119 845 44 458 845 170 40 1 877 51 5667 1 1240 51 152453 16875 30678 3949 1 23 44 2013 51 1942561 25 2 916 2093 163 7 702 2759 7 65;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 0 0 0 0 0 0;33 33 34 33 33 33 33 0 33 0 33 0 33 0 0 33 0 33 0 0 33 33 0 0 0 0 1 2 33 0 1 31 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 146 68 16 16544 12168 2928 0 358 3715 164 0 15644 1265 6768 50 2902 11 1551 223 0 1222 540 959 813 8 2844 358 3715 164 299 191 1303 0 2 0 2844 631 5;0 0 0 0 9 10 10 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 9 0 0 0 0 0 0 0 0 0 1 2 2;0 0 0 0 13 14 14 0 33 34 0 0 33 33 0 33 34 0 35 36 0 0 0 33 34 0 13 33 34 0 33 34 33 0 0 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;9368 9996 0 15701 122 3 580 1137 3 58 33697 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 1 2;53 54 0 33 0 0 0 0 0 0 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;15167 27 185650 9945 1208 944 259 371 15 124 17 23 137 116 74 719 1238 1183 8 1195 648 74 544 578 74 1815 2314 25 0 2 0 1774 884 224 23 13 199 712 729 1256 25;17 18 18 18 18 18 18 18 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2 0 0 0 0 0 0 0;13 14 0 33 33 34 33 34 0 0 0 0 21 33 0 33 33 34 0 33 33 0 33 33 0 33 33 0 0 0 0 1 2 2 0 33 34 33 33 33 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;187 17707 3 11732 3623 0 3706 483 134 11 3 17 1 4 9;0 21 0 0 0 0 0 0 0 0 0 0 0 1 2;0 27 0 33 33 0 31 13 14 0 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 15039 11225 43 16 134096 320 451 0 13489 0 9815 0 74428 0 24744 0 2 0 16653 0 62429 0 2 0 195907 19 4258 1980 75 0 2 0 170 40 0 4350 11225 43 1093 211 0 2 0 956 0 556 0 1157 232;0 1 2 2 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2 0 0 0 0 0 0 0 0 0 0 0;0 1 2 2 0 27 0 0 0 25 26 26 0 1 0 0 0 0 0 31 0 33 0 0 0 55 33 33 33 0 0 0 0 33 33 0 1 2 2 33 33 0 0 0 0 0 33 0 9 10;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;187 4946 1343 13873 3917 369 483 125 3 621 1 1 895 13873 3917;0 0 0 0 0 0 0 0 0 0 0 0 9 0 0;0 33 33 0 33 33 34 33 0 33 0 0 13 0 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1050 109 54060 10260 16560 118 1621 12 305 45863 1 4 79 9;0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 0 33 0 33 0 0 21 22 0 0 21 22 22;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1112 414 1269 345 2066 1 170 40 1 4 61;0 0 0 0 0 0 0 0 0 1 2;0 33 33 34 34 0 33 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1;
;439 13775 3453 18147 4845 42 0 1585 332 170 14388 1161 567 880 1006;9 0 0 0 0 0 0 0 0 0 0 0 0 0 0;13 33 33 33 34 0 0 33 0 33 33 33 34 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;92 72295 1800 28 18;17 18 18 18 18;31 32 32 32 32;1 1 1 1 1;
;3093 2460 2345 7871 0 10007 53 31 291 53 49 2206 54 1145 1079 1759 419 0 794 48 53 1031 53 387 5 8 19 35 31 95;21 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 0 0 0 0 0;27 25 26 33 0 33 0 21 22 0 0 33 0 33 33 33 0 0 25 0 0 33 0 1 2 0 21 22 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;105 38 2058 1867 4856 2 315 2 35 19 2 41 72;0 0 0 0 0 0 0 0 0 0 0 1 2;33 34 33 0 33 0 33 0 21 22 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1;
;22908 75 2619 415 153 63 148 2619 415 153 1093 406;17 18 18 18 18 0 0 0 0 0 0 0;13 14 31 32 32 0 0 31 32 32 33 33;1 1 1 1 1 1 1 1 1 1 1 1;
;2932 570 2134 138 68 1 1 172 8583 2134 1 2134 1732 1 138 1930 1 3079 68 5 3171 7 65;17 18 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2 0 0 0;31 32 33 34 0 0 0 21 22 33 0 33 33 0 33 33 0 1 2 2 0 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;531 71;0 0;33 34;1 1;
;895 74 650 65748 3246 23 32218 19361 25 9793 123 2 34 3135 733 5 0;9 0 9 17 18 0 11 12 0 0 0 0 1 2 2 2 0;13 0 13 31 32 0 15 16 0 33 33 0 1 2 2 2 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;627 0 2 0 1045 15 3284 13 29 11 44 3 5070 0 2 0 11916 11507;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 0 0 0 33 0 33 33 34 0 33 0 33 0 0 0 33 21;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;15012 6157 1 2252 1380 4268 809 40 1 1464 1920 2252 712;0 0 0 5 6 0 0 0 0 0 0 0 0;11 21 0 9 10 33 9 33 0 33 0 33 33;1 1 1 1 1 1 1 1 1 1 1 1 1;
;222 301 365 2301 1577 63 6823 11 717 3368 32 32532 1243 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 33 33 34 35 36 36 33 34 34 0 33 34 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;340 6274 847 116 71 36 340 558 41417 116 71 2 9976 637 5;9 0 0 0 0 0 9 17 18 0 0 0 1 2 2;13 33 33 33 34 0 13 31 32 33 34 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2010 237 81 13 1936 151 353 3 4684 10 91 8 27555 80 669 1 53465;17 18 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;31 32 33 34 34 33 0 0 33 0 0 0 25 0 33 0 21;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;233 103 3142 2063 477 1 233 103 3142 2063 477 37 1 233 103 3142 2063 477 104 26 182 0 2 0 111;0 0 0 23 24 0 0 0 0 23 24 0 0 0 0 0 23 24 0 0 0 0 0 0 17;33 34 33 33 34 0 33 34 33 33 34 33 0 33 34 33 33 34 33 0 33 0 0 0 31;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;980748 2579 3 492 1 980748 3 492 1 980748 137 636 0 2 0 2326 202;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 5 6;0 21 22 22 0 0 21 22 0 0 21 22 0 0 0 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2230 10932 1 360 3881 3517 2230 10932 0 615 654 0 104 0 2 0 111;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 17;33 33 0 33 33 34 33 33 0 21 22 0 33 0 0 0 31;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;958 82 194 2388 523 83 190 2301 363523 152 16153 0 1215 6047 2388 1394 1 1 6220 2642 2 635 411 128;9 0 39 40 40 0 0 0 21 0 11 0 0 0 0 0 0 0 0 0 0 9 0 0;13 0 47 48 48 0 33 34 27 0 33 0 33 25 26 33 0 0 21 22 0 13 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;3218 2 0 2521 322 3358 0 2521 322 939 0 2521 337 3358 0 2521 337 939 0 295425 337 939 0;0 0 0 9 1 0 0 9 1 0 0 9 0 0 0 0 0 0 0 0 0 0 0;33 0 0 13 1 33 0 13 1 33 0 13 21 22 0 21 22 22 0 21 33 34 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;5670 2738 2498 711 22902 1 5670 2738 2498 711 22902 37 1 5670 2738 2498 711 22902 104 26 182 0 2 0 111;0 23 24 24 0 0 0 23 24 24 0 0 0 0 23 24 24 0 0 0 0 0 0 0 17;33 29 30 30 33 0 33 29 30 30 33 33 0 33 29 30 30 33 33 0 33 0 0 0 31;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;36334 3208 324 2716 3216 8877 1 36334 3208 324 2716 3216 8877 44 926;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 33 27 28 28 33 0 33 33 27 28 28 33 33 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;6742 260 6354 323 1461 2805 208 2 647 609 7 2210 869 2 647 609 2 31 1196;11 17 18 18 0 0 0 0 0 0 0 0 0 0 17 18 0 0 0;33 31 32 32 33 34 33 0 31 32 21 22 33 0 31 32 0 33 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;49 2074 22878 42771 4258 6 1847 1724 48 22332 2 1486 7 1689 7 62704 36 2765 43 36 1847 1724 36 1537 1724 36 1847 995 36 14246 36 14198 36 35 170 40 36 28633 1847 5;0 0 0 0 0 0 0 0 0 21 22 22 22 22 22 22 0 1 2 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2;0 33 34 34 34 0 33 34 0 27 0 0 0 0 0 27 0 1 2 0 33 34 0 33 34 0 33 34 0 33 0 33 0 33 33 33 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;15676 30 2349 325 45 332 527 2474 1468 3 657 8 10 2349 450 3 13 29 8932 3 82 1225 359 83 388 22 275 10 5155 3 27841 75 8 9168 1291 22 275 5155 2604 9803 311 2004 121 57 7 52 1041 8 3231;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 37 0 0 0 0 0 0 0 0 37 0 0 0 0 0 0 0 0 0 0 0;33 0 33 33 0 33 34 33 33 0 33 0 0 33 0 25 26 26 33 0 0 33 34 0 0 21 22 0 33 0 33 0 0 0 33 21 22 45 46 46 46 0 0 33 34 34 34 0 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;220 2311 835 559 37 5922 962 200 38 46501 489 169 2298 275 662 244 128;0 0 0 0 0 0 0 0 0 0 17 18 18 18 18 18 0;0 33 33 33 33 0 0 33 34 0 31 32 32 32 32 32 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;7874 3 1776 34062 6 227 21 135 317 42 7821 0 2 0 1932 0 2 0 790 1889 8567 912;21 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;27 0 0 0 0 0 0 33 34 0 33 0 0 0 33 0 0 0 0 9 33 21;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;165022 45670 23427 125982 40 1 165022 45670 23427 125982 334 40 1 165022 45670 23427 125982 52 7 154 2 9746 193 292;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2;27 51 33 0 33 0 27 51 33 0 33 33 0 27 51 33 0 0 0 0 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1200 888 459 1369 11 4850 1040 1742 8423 862 24 1 4 209 132;0 0 0 0 0 0 0 0 0 0 0 0 17 23 24;0 0 33 33 0 21 22 0 0 33 0 0 31 29 30;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;187 109 33 105 38 22 113 50821 263 120 714 2741 1910 270 2596 125 3 621 2 656 113 297 32 71 323 1056 58;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 17 18 18 18 18 18 18 18;0 0 0 33 34 0 0 0 21 22 22 33 34 33 34 33 0 33 0 31 32 32 32 32 32 32 32;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;503 2794 121 47499 2824 108133 0 39314 1856 154 353 2522 327 4691 2 342 5 0;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 0;33 34 0 33 0 33 0 33 34 0 0 27 28 33 0 1 2 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;139 19458 5236 144 1 70991 537 125547 31 1748 6 19458 5236 1711 6 19458 5236 1711 202 6 5164 6 4528 6 6114 3 1711 40 135 30 2803 202;0 9 10 0 0 21 0 0 0 0 0 9 10 0 0 9 10 0 0 0 0 0 5 0 0 0 0 0 0 0 5 6;0 13 14 0 0 21 0 0 33 0 0 13 14 33 0 13 14 33 34 0 21 0 21 0 33 0 33 33 33 34 9 10;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1103 125 954 343 25900 1 336 2 2909 0 2 0 421 499 480 480;0 0 0 0 0 0 0 0 0 0 0 0 1 2 2 2;33 33 34 33 33 0 0 0 33 0 0 0 1 2 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2232 292 164 3 38560 23731 938 62 788 962 1876 224 66 2 534 31 95 2 205 354 2 41 72 231 5 1125;19 20 20 20 20 20 20 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 1 2 0;33 34 34 34 34 34 34 0 33 0 33 0 0 0 33 33 34 0 33 34 0 1 2 33 34 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1062 13 1046 27431 8359 17195 0 5521 121 25144 9978 15685 30396 11102 46611 5770 1 342 10783 5;9 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2;13 0 33 33 33 33 0 0 0 33 0 0 17 0 33 33 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;125 944 4653 3 1709 2585 0;0 0 0 0 0 0 0;33 34 33 0 33 33 0;1 1 1 1 1 1 1;
;1548 122 42 39314 1856 152 9460 0 49191 75 336 42 5766 22531 152 2416 1 114 984 1 114 5;9 0 0 0 0 0 0 0 9 10 0 0 0 0 0 0 0 17 9 0 1 2;13 21 22 33 34 0 33 0 13 14 0 0 33 33 0 0 0 31 13 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1166 6178 358 98731 5038 18384 9350 329 5378 14538 208 2 2 49 45 7948 48 360 38 2047 276 0;9 29 30 30 0 0 0 0 0 0 0 0 0 27 28 28 28 0 0 0 0 0;13 37 38 38 35 36 36 36 33 34 33 0 0 0 17 18 0 33 34 35 0 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;5 483 2130 1123 20 1 4 9;0 0 0 0 0 0 1 2;33 34 33 0 0 0 1 2;1 1 1 1 1 1 1 1;
;3104 27 33 6700 12052 4802 2845 1 2521 207 1998 258 200 75 1 2521 1771;9 10 0 17 18 23 24 0 9 10 10 10 10 10 0 1 2;13 14 0 31 32 29 30 0 13 14 14 14 14 14 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1293 512 161 257 11 256 296 2 1293 512 161 257 296 347 1 98 174 4868 5;17 18 18 18 0 0 0 0 17 18 18 18 0 0 0 1 2 2 2;31 32 32 32 0 0 33 0 31 32 32 32 21 22 0 1 2 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;459 6391 15857 6937 10 12 10 12 33 3 16776 1 1739 382 1 79 736;37 38 38 0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 34 45 0 33 34 34 33 34 0 33 0 33 34 0 31 32;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;7049 7400 6667 5026 2040 59961 17310 1252 62 5626 4964 42910 66 0 10570 81854 3559 178 1065 282 1 7049 7400 6667 5026 2040 59961 17310 1252 62 5626 4964 42910 66 0 10570 81854 3559 178 147 1 7049 7400 6667 5026 2040 59961 17310 1252 62 5626 4964 42910 66 0 10570 81854 3559 178 5985 1285;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 33 34 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 33 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 33 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 349 9544 16 44 170 40 1 349 9544 926 1 349 9544 838 2 916 2093 163 7 702 2759 7 65;0 0 23 0 0 0 0 0 0 23 0 0 0 23 0 0 1 2 0 0 0 0 0 0;0 33 29 0 33 33 33 0 33 29 33 0 33 29 33 0 1 2 33 0 1 31 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;6272 2591 2443 46 82 46470 71857 83 6272 15 165 17 0 1 81 3647 6272 5 1 6272 406 411;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 33 34 0 0 33 33 0 33 33 34 0 0 0 0 1 33 0 0 21 22 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2425 945 251 3241 7797 445 270 2999 22539 159 779 1 34 833 5 1 1073 113 833;17 18 0 0 0 0 0 0 0 0 0 0 1 2 2 0 9 10 0;31 32 0 0 0 33 33 33 33 33 34 0 1 2 2 0 13 14 21;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;12546 906 2498 10873 8 688 9118 1294 227 13 644 688 13 644 59 8 330 12257 67912 34482 5458 10500 299 191 312 419 0 2 0 191 573 0;0 0 0 0 0 0 9 10 0 0 0 0 0 0 0 0 9 9 0 9 10 10 0 0 0 0 0 0 0 1 2 0;33 33 0 0 0 0 13 14 0 33 34 0 33 34 0 0 13 13 0 13 14 14 33 34 0 0 0 0 0 1 2 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;13694 28098 3 185 1 185;0 0 0 1 0 1;33 33 0 1 0 1;1 1 1 1 1 1;
;18611 17196 14406 3041 155 122 21 11 910 657 24 1 4 209 132;0 0 0 0 0 0 0 0 0 0 0 0 17 23 24;33 0 0 33 0 21 22 0 33 34 0 0 31 29 30;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;4459 9941 30 1592 70 240 3787 442 1 4 209 132;0 0 0 0 0 0 0 0 0 17 23 24;37 38 33 34 0 0 33 0 0 31 29 30;1 1 1 1 1 1 1 1 1 1 1 1;
;28394 3 156 1 28394 10 20 156 1 28394 3 3123 1 4942 1 1809 2 3647 31 1538 0;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 0 33 0 33 33 34 33 0 33 0 33 0 33 0 33 0 1 33 34 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;49 10254 3705 48 54 5095 11889 49 2233 888 48 1219 0 2204 20013 791 1 452 69 1 588 5;45 46 46 46 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 34 34 34 0 0 33 0 33 0 0 33 0 33 33 33 0 33 34 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2823 240 460 1170 286 684 0 2 0 364 5;0 0 0 0 0 0 0 0 0 1 2;21 22 22 22 22 22 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1;
;4191 567 52 99 213 38 450 3877 599 8080 599 2 247;0 0 0 0 0 0 0 0 0 0 0 0 17;33 34 0 0 0 0 0 0 33 34 0 0 31;1 1 1 1 1 1 1 1 1 1 1 1 1;
;402 51 40317 57941 76396 10 20 1650 3 3376 40317 57941 76396 10 20 1650 3 3376 30 0 2 0 612 295 42;0 0 13 14 14 0 0 0 0 0 13 14 14 0 0 0 0 0 0 0 0 0 1 2 2;33 0 17 18 18 33 34 33 0 33 17 18 18 33 34 33 0 33 0 0 0 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;13158 0 26722 0 40452 0 519 0 62748 0 18626;0 0 0 0 0 0 0 0 0 0 0;33 0 31 0 33 0 33 0 21 0 0;1 1 1 1 1 1 1 1 1 1 1;
;22 1839 524 511 29 97 21 8 15 2554 274 12 58 199 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 33 0 0 0 0 0 0 0 0 0 33 34 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;16959 622 21366 1 16959 622 21366 37 1 16959 622 21366 104 26 182 0 2 0 111;23 0 0 0 23 0 0 0 0 23 0 0 0 0 0 0 0 0 17;29 0 33 0 29 0 33 33 0 29 0 33 33 0 33 0 0 0 31;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;384 312 304 745 410 917 19 49 11 3 42 48 1614 55 14 2627 847 16 0 31 95 2 384 745 410 917 2 19856 5 62 198037 7 65 66;27 28 28 0 0 0 0 27 28 28 28 28 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 0 0 0 0 0;33 34 34 33 33 34 33 0 33 34 34 0 33 34 0 0 33 0 0 33 34 0 35 36 33 34 0 1 2 0 0 33 34 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;50051 0 862980 0 2 0 58833 0 1671625;0 0 0 0 0 0 0 0 0;0 0 0 0 0 0 0 0 0;1 1 1 1 1 1 1 1 1;
;530 38 118 8 137 161 3642 7832 278 8331 3 20424 99 37104 71920 2 56 557 69 0 15547 5312 3 3345;0 0 0 0 0 0 0 0 0 0 0 7 8 0 0 0 0 0 0 0 0 0 0 0;33 34 0 0 21 33 33 33 0 33 0 25 26 33 33 0 21 22 22 0 33 33 34 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;102 38 536 98 335 2375 329 257 179 7991 637 7548 116 481 1 1853 637 5;0 0 17 18 18 18 18 18 0 0 0 0 0 0 0 1 2 2;33 34 31 32 32 32 32 32 33 34 34 33 33 33 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;49 76296 48 3 1633 1 629 4804 1 3738 1 1334 224 1 1633 2919;0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 27 0 0 33 0 33 34 0 33 0 33 34 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;92 6169 726 825 28 18 6 92 6169 726 825 28 18 128 277 6 403 6 843 123 6 147;17 18 18 18 18 18 0 17 18 18 18 18 18 0 0 0 0 0 0 0 0 0;13 0 0 33 33 34 0 13 0 0 33 33 34 1 2 0 33 0 21 22 0 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;143 1492 664 3503 2660 381 140 200 312 417 0 2 0 918 0 474 0 759;0 17 18 18 18 18 0 27 28 28 0 0 0 0 0 0 0 0;0 31 32 32 32 32 33 33 34 34 0 0 0 33 0 33 0 1;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2565 1311 1 2068 114 1044 980 1 114 5;17 0 0 0 0 0 0 0 1 2;31 33 0 31 31 21 22 0 1 2;1 1 1 1 1 1 1 1 1 1;
;6460 52429 8811 31 19 6 4589 64612;0 0 0 0 0 0 0 0;33 0 53 54 33 0 33 31;1 1 1 1 1 1 1 1;
;1482 62 85 66 3003 8 7538 20833 9797 45 8 4066 7330 27287 8 5977 7330 28243 8 1222 306 1275 7082 14118 33295 8 18914 145 715 67 145 408 20876 8 9892 46 1600 1201 91520 10 13939 1600 1201 1 4 130 112;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2;0 0 0 0 0 0 33 0 33 0 0 33 0 0 0 33 0 35 0 0 0 0 0 29 33 0 0 0 0 33 34 0 33 0 33 0 33 34 21 0 33 34 34 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;540 1133 168 8 2105 594 434 1008 168 14962 0 2 0 1008 159 230 0 2 0 79283 7 65 1 8638 5474 311 0 2 0 956 0 556 0 1157 232;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;0 0 33 0 33 0 33 33 33 0 0 0 0 33 34 34 0 0 0 0 33 34 0 33 33 34 0 0 0 0 0 33 0 9 10;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;5736 460 289 7063 9032 3991 46 21249 1384 16213 36 191 816 36 7063 36 5736 460 1 114 268 1 114 5;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 0 1 2;33 33 0 33 33 33 0 33 33 0 0 33 34 0 33 0 33 33 0 1 2 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;22857 824 1033 560 0 39 1184 224 2 60620 7733 42 2 18954 19;0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 0 33 34 0 0 33 0 0 33 34 34 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14221 6254 339 4290 391 2700 27 786 379 5051 7250 437907 6925 505 15 124 74 33 12 33 2 33 505 31 2 624 463 5 107;37 38 38 38 0 17 18 18 18 37 38 21 22 0 0 0 0 0 0 0 0 1 2 2 0 0 0 0 0;45 46 46 46 0 31 32 32 32 33 34 21 22 33 0 0 0 33 34 34 0 1 2 2 0 33 34 34 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;92 666 6692 1086 199 1065 469 14 666 6692 1086 199 906 2096 16 11055 73 5112 261;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;13 0 33 33 34 33 34 0 0 33 33 34 33 33 0 33 34 34 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 68 16 70 309 112990 2149 24 8 12 514 214 1893 904 122 21 1 48761 100 1 110 54 115 100;0 0 0 0 0 7 0 0 0 0 0 0 0 0 0 0 0 13 0 0 0 0 0 0;0 0 0 0 0 11 33 0 0 0 0 0 0 0 21 22 0 17 33 0 9 10 10 10;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;373 89 1214 63 365 462 115 19325 33 24 1 4 9;0 0 0 0 0 0 0 0 0 0 0 1 2;0 0 33 0 33 34 0 33 33 34 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1;
;2517 1357 1010 3 516 11 1547 24 17 1 4 9;0 0 0 0 0 0 0 0 0 0 1 2;0 0 33 0 33 0 33 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1;
;142 2696 1 6514 27 1642 718;0 0 0 17 18 18 18;33 33 0 31 32 32 32;1 1 1 1 1 1 1;
;243 785 1 709 253 0;0 0 0 1 2 0;33 34 0 1 2 0;1 1 1 1 1 1;
;22511 0 16591 0 24712 0 2 0 12185 0 1251119 0 78903;0 0 0 0 39 0 0 0 0 0 0 0 0;21 0 33 0 47 0 0 0 33 0 33 0 33;1 1 1 1 1 1 1 1 1 1 1 1 1;
;4659 11862 213 70 427145 2156 20 156 60 1 4 9;0 0 0 0 0 0 0 0 0 0 1 2;33 33 34 0 0 0 0 33 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1;
;14 18981 16 37 6 87 6 44 6 5328 6 1496 58217 9525 1225 28 18 2 395 5;0 31 0 0 0 0 0 0 0 0 0 17 18 18 18 18 18 0 1 2;0 39 0 33 0 31 0 33 0 0 0 21 22 22 22 22 22 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1589372 0 123 4009 196 36 94 730 3630 0 2 0 6623 43;0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 0 33 34 33 0 33 34 33 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 10348 2491 1792 16 1 44 176 37 1 1688 1 516 1 1236 1 100 1 255 1 632 400 1242 201 2 1920 2691 1920;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;0 33 33 34 0 0 33 0 33 0 33 0 33 0 33 0 33 0 33 0 33 34 33 33 0 0 0 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;49 18316 3839 10790 57 14899 102 38 26381 434 531 230 168 2558 30251 1807 176 19443 878 602 19109 14899 3839 10790 13 434 531 230 2558 2385 3145 14899 15867 2620 57 48 0 14 770;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 39 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;0 21 33 34 0 33 33 34 47 33 34 34 34 34 33 33 0 33 21 22 47 33 33 34 0 33 34 34 34 33 34 33 33 0 0 0 0 0 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;24017 4436 4131 227 94 12 5639 58 250 17 0 2 2 0 391 3375 170 738 372;17 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 0 0 0;21 33 34 0 33 0 33 0 0 0 0 0 0 0 1 2 21 22 22;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;241173 2 69875 2964 33496 2553 250 363 38 118 502 13626 2 2586 214 899 668 2 7978 19;0 0 0 0 0 0 0 0 0 0 0 0 0 19 20 20 20 0 0 0;0 0 33 33 33 33 0 0 0 33 34 33 0 33 34 34 34 0 9 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;40810 4036 1 40810 4036 37 1 410 40810 4036 104 26 182 0 2 0 111;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 17;33 0 0 33 0 33 0 33 33 0 33 0 33 0 0 0 31;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1416 38 179 1871 308 8374 69782 72584 0 200 390 179 5330 194 3 8374 440 1 4317 4662 1 34 299 101 258;0 0 0 0 0 7 0 0 0 0 0 0 0 0 0 7 0 0 0 0 0 1 2 2 2;33 34 0 33 34 11 33 34 0 0 0 0 33 0 0 11 33 0 0 33 0 1 2 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 226 407 3 761 222 13 29 572 231 3 226 407 3 5001 7 16 4 130 112;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2;0 33 34 0 33 21 22 0 33 0 0 33 34 0 33 0 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;82 13 1922 59445 312 6764 83 5755 495 81 8014 0 2 0 1140 623 197 0;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;0 0 0 33 0 33 0 33 33 0 33 0 0 0 33 34 33 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;786 902 760 501 985 2590 44 2501 170 40 1 877 51 5834 23 44 2013 51 1942561 25 2 916 2093 163 7 702 2759 7 65;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 0 0 0 0 0 0;33 34 34 34 31 32 33 33 33 33 0 33 0 9 0 33 33 0 0 0 0 1 2 33 0 1 31 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;9309 18492 9129 1035 28 18 92 246 18 770 2 456 2182 5;17 18 18 18 18 18 18 18 18 0 0 1 2 2;21 22 22 22 22 22 13 33 34 33 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;4172 237 42890 183 2369 1219 0 12918 82 42890 83 10526 363 1622 0 36 268 36 297 36 18 1 114 268 1 114 5;17 18 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 0 1 2;31 32 21 22 33 33 0 33 0 33 0 33 0 33 0 0 21 0 33 0 33 0 1 2 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;22352 7497 86 1 22352 7497 86 37 1 260 1 87 1 104 2 34 5697 5;0 23 24 0 0 23 24 0 0 0 0 0 0 0 0 1 2 2;0 29 30 0 0 29 30 33 0 33 0 31 0 33 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1386 4252 3344 2725 3370 159 28 18 0 2 0 2251 1931 172 1270;17 18 18 18 18 18 18 18 0 0 0 21 22 0 0;13 0 0 33 34 34 33 34 0 0 0 27 28 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;222 182158 7 0 61242 7 0 133117 1 4 9;0 0 0 0 0 0 0 0 0 0 0;0 0 0 0 33 0 0 21 0 1 2;1 1 1 1 1 1 1 1 1 1 1;
;4894 160 14946 0 42 122 12 122 17 0 2 0 3184 2782;0 0 9 0 0 0 0 0 0 0 0 0 1 2;33 0 13 0 0 0 33 34 0 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;54160 310409 22192 8 7287 54160 310409 22192 3 123 1 147 1 7287 469 0 2 0 460 43 6390 469;17 18 18 0 17 18 18 18 0 0 0 0 0 9 0 0 0 0 1 2 0 0;13 21 0 0 13 13 21 0 0 33 0 33 0 13 33 0 0 0 1 2 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;13 644 979 3 3146 193 305 91 28808 17 1 5013 43 1 4 47;0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 34 33 0 33 34 33 0 33 0 0 1 2 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;3240 1038 3959 3827 49 187 6585 275 11 172 1245 3 1807 1696 48;17 18 18 0 27 28 28 28 28 28 28 28 28 28 28;31 32 31 33 0 35 36 36 36 36 36 36 36 36 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;3091 0 197 0 51 51 0 643 0 51 51 0 15260 27 109 751 5023 123 2920;1 0 0 0 0 0 0 0 0 0 0 0 9 10 0 0 0 0 0;1 0 33 0 0 0 0 0 0 0 0 0 13 14 0 33 34 33 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;6290 15 902 0 3100 1474 58 152 28723 1474 507 1500 0 6290 2889 12 10612 2 1353 99;37 0 0 0 29 30 0 0 29 30 0 0 0 37 0 0 37 0 1 2;33 0 0 0 37 38 0 0 0 33 33 0 0 33 33 0 45 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;876 2 0 1242 1164 0 2 0 605;0 0 0 0 0 0 0 0 1;33 0 0 33 34 0 0 0 1;1 1 1 1 1 1 1 1 1;
;178198 32018 2528 16958 30 2457 28518 2581 4541 2315 45 3 571 639 2 14 1030 5 16 2 952 252 31 438 696 211 2 163 7 1058 7 65;0 0 0 0 0 37 38 0 0 0 0 0 0 0 0 0 1 2 0 0 0 0 0 0 0 0 0 0 0 0 0 0;21 33 33 33 0 45 46 33 33 34 33 34 33 33 0 0 1 2 0 0 33 0 33 33 33 33 0 33 0 0 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;82 2089 3 3294 83 317 117 494 7457 42 839 1948 5030 1 342 10783 5;0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2;0 33 34 34 0 0 0 0 33 34 33 34 34 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2174 2578 458;9 0 0;13 33 33;1 1 1;
;22733 2009 0 31 95 0 2 0 942 154 19;29 30 0 0 0 0 0 0 0 0 0;37 38 0 33 34 0 0 0 21 22 22;1 1 1 1 1 1 1 1 1 1 1;
;958 30648 1384 1822 2797 91 1 4 9;0 9 0 0 0 0 0 1 2;33 34 33 0 0 0 0 1 2;1 1 1 1 1 1 1 1 1;
;14 642 37082 231 538 54820 6444 3412 6 44075 192 13 417 741 16 37 1 87 1 44 0 2 427 262 318 5;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 0 0 0 33 33 21 22 0 33 33 0 0 33 0 33 0 31 0 33 0 0 33 31 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;389 837 98 1209 663 67 161 296 403;17 18 18 0 0 0 0 0 0;31 32 32 33 34 34 34 34 33;1 1 1 1 1 1 1 1 1;
;45 467 2638 7700 1139919 0 1222 1220 540 6602 908 1324 772 1 188 119;17 18 0 0 0 0 0 0 0 0 0 0 0 0 17 18;33 34 33 47 0 0 0 33 0 33 33 33 34 0 31 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;17285 383 270 15097 333 1499 3909 2 342 5 0;0 0 0 0 0 0 0 0 1 2 0;21 22 22 22 0 33 33 0 1 2 0;1 1 1 1 1 1 1 1 1 1 1;
;542 828 20 2273 1 4 9;0 0 0 0 0 1 2;0 33 0 33 0 1 2;1 1 1 1 1 1 1;
;4995 2212 319 107 1 564 2212 107;0 0 0 0 0 0 0 0;13 33 33 33 0 21 22 33;1 1 1 1 1 1 1 1;
;610 4912 6711 15397 8003 30373 343 2 1388 436;0 0 0 0 0 0 0 0 0 0;33 33 33 33 0 0 33 0 35 33;1 1 1 1 1 1 1 1 1 1;
;14 2510 173 10888 5551 446 16 1 2510 173 10888 5551 530 8447 281 2073 1 4 493;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 33 34 34 33 33 0 0 33 34 34 33 33 33 33 34 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2658 3013 117 46 7206 1791 1650 60932 611 429 935 0 23 57 25 0 1 2658 3013 117 46 7206 282 4174 1 3333 5;45 46 46 46 46 0 0 29 0 0 0 0 0 0 0 0 0 45 46 46 46 46 0 0 0 1 2;53 54 54 54 54 33 33 33 33 34 33 0 0 0 0 0 0 53 54 54 54 54 33 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1419 312 1298 13728 608 2846 1084 152 2630 89 634 2056 0 8415 40261 23 1488 25 1 69 131 1 489 5;9 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;13 21 22 22 33 0 0 0 0 0 33 34 0 33 33 0 0 0 0 31 32 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;9394 10700 52 66116 55 272 1068 3916 294 0 1044 682 18798 4415 5596 1 2122 2641;45 46 46 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;53 54 54 33 0 33 34 33 33 0 33 34 33 0 33 0 21 22;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;90 3 14713 15497 21 90 3 497 2 7235 2745 4715 2 2745 5;0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 34 34 33 0 33 34 34 0 33 21 22 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1317 11362 516 883 2 2 2 5646 1005 23 2103 25 1 4 61;0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 33 34 33 0 0 0 33 0 0 33 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;92 664 491;17 18 18;33 34 0;1 1 1;
;2365 90 3 210 6542 0 611625 4056 2048 551 1860 852 1 2280 65549 92 873 1 114 204;0 0 0 0 0 0 0 0 0 0 0 0 0 9 9 10 10 0 1 2;33 34 34 34 33 0 21 33 33 34 33 34 0 13 13 14 14 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1864 12 2046 1087 3 3310 1 7807 1633;0 0 0 0 0 0 0 0 0;33 33 34 33 0 33 0 33 33;1 1 1 1 1 1 1 1 1;
;16479 1814 58 2272 6312 3289 82 4416 83 2 14909 6312 3289 1 16479 6312 3289 1095 1 14909 1 581 292 6312 3289 1 2488 3837 5;0 0 0 0 39 40 0 0 0 0 0 0 0 0 0 39 40 0 0 0 0 0 0 39 40 0 1 2 2;33 0 0 33 33 34 0 33 0 0 21 22 22 0 33 33 34 33 0 33 0 33 34 33 34 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;82 1131 1078 83 110 1871 487 11 3733 17 0 2 0 5785 666 737 5431 31;0 23 24 0 0 0 0 0 0 0 0 0 0 1 2 2 2 2;0 29 30 0 33 0 0 35 36 0 0 0 0 1 2 2 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;312 304 521 339 2223 349 508 3311;0 0 0 39 40 40 0 0;33 34 34 47 48 48 33 33;1 1 1 1 1 1 1 1;
;14 352 195674 14427 188682 1947 2056 4159 12457 3775 3617 104 88348 16 37 1 87 1 44 0 2 427 262 318 5;0 0 0 9 21 0 0 11 11 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 33 0 13 27 35 36 33 15 33 33 33 0 0 33 0 31 0 33 0 0 33 31 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;157 2141 303 219 33 8 96 15 828 17 1 642 1 31390 1 114 204;9 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;13 33 33 0 0 0 21 22 33 0 0 0 0 55 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 21945 3461 3541 3541 865 787 16 1 21945 3461 3541 3541 865 787 44 1 37 0 2 0 322 5;0 0 0 0 37 38 38 0 0 0 0 0 37 38 38 0 0 0 0 0 0 1 2;0 33 29 30 45 46 46 0 0 33 29 30 45 46 46 33 0 33 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1942561 3 633 1 790 47 0;0 0 0 0 0 0 0;0 0 33 0 1 2 0;1 1 1 1 1 1 1;
;49 10802 11154 48 8536 29475 15024 25450 50 14651 46 29475 5241 2961 17336 0 15024 1717 2115 20215 1 9216 2726 1 69 1 2950 5;19 20 20 20 21 21 21 0 0 0 0 21 0 0 0 0 21 0 0 0 0 0 0 0 0 0 1 2;25 26 26 26 27 27 27 33 0 33 0 27 33 33 33 0 27 33 34 33 0 33 33 0 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;328 255 2 328 5;0 0 0 1 2;13 33 0 1 2;1 1 1 1 1;
;1900 2159 259 6063 2399 1916 71874 46 1619 12 8617 2959 2783 36 1900 2159 259 36 6063 2399 1 1352 1 114 119 1 114 5;0 0 0 17 18 0 0 0 0 0 0 0 0 0 0 0 0 0 17 18 0 17 0 1 2 0 1 2;33 34 34 31 32 33 33 0 0 0 33 33 33 0 33 34 34 0 31 32 0 33 0 1 2 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;10182 58 56 227 3 94 70 30 3948 178 897 12 60 1 4 9;17 18 0 0 0 0 0 0 9 10 0 0 0 0 1 2;1 2 0 0 0 33 0 0 33 34 33 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;50 55 6948 126 1550 12611 0 10497 70 75338 479 2471 1 628 2762 257;0 0 0 0 0 0 0 0 0 0 0 0 0 17 18 18;0 0 33 0 0 33 0 33 0 33 0 0 0 33 34 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14806 15800 27156 18391 2920 129 11711 20175 1263 735 1 4 9;0 0 0 0 0 0 0 0 0 0 0 1 2;11 12 33 0 33 34 21 22 33 34 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1;
;9992 78 602 2179 0 378 7 548 49 12528 21354 48 7038 602 0 2 0 6521 81 78 131;0 0 0 0 0 0 0 0 45 46 46 46 0 0 0 0 0 0 0 0 0;0 21 22 33 0 21 22 33 53 54 54 54 33 33 0 0 0 21 0 33 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;459 106 29 97 74 93 32 17305 1214 118 5337 848 24 1 4 79 9;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 35 36 36 0 0 0 33 33 0 33 0 0 0 21 22 22;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;13856 106 5243 7 780 13 181 54 5680 7 1247 54 346 4861 7 780 40109 238 11816 7 214 1334 603 10 20 156 17 13 29 893 992 166 22 165 3 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 33 34 0 0 33 34 0 0 0 0 0 0 0 0 0 33 0 0 0 33 34 34 33 34 33 0 33 34 34 0 33 34 34 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;640 3565 8865;0 0 0;33 34 33;1 1 1;
;2175 450 11338 122 528 21804 3 593 14839 8 10 20 501 8 15 613 2685 1 4 209 132;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 17 23 24;33 0 33 0 0 33 0 0 0 0 33 34 0 0 0 33 33 0 31 29 30;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;7195 549 249 22 11 55379 3 99 59 1 4 9;0 0 0 0 0 9 0 0 0 0 1 2;33 0 33 34 0 13 0 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1;
;1565 459 524 106 29 97 21 155 746 331 3847 15 143 1 4 79 9;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 33 0 35 36 36 0 33 34 0 0 0 0 0 21 22 22;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1539 5 1109 131 46 45 467 3119 94 136 205 1286 0 67 2061 8422 3261;1 2 0 0 0 17 18 0 0 0 0 0 0 0 17 0 0;1 2 33 33 0 33 34 33 33 34 34 33 0 0 31 33 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;20 478 12239 51696 17 12239 67372 8112 17 11 7865 59 59 59 59 59 59 59 59 1 706 2081 7412 43 1 4 47;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 0 33 33 0 33 33 34 0 0 33 0 0 0 0 0 0 0 0 0 27 28 28 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;151 244 11781 563 1627 136 3 2420 141 1 615 1 210 1 141 1 3956 615 5;0 0 17 18 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 0 43 44 33 0 0 33 34 0 33 0 33 0 33 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;773 4783 167 5340 33 12 33 1 773 4783 167 5340 33 12 33 277 14 31 167 211 16;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 0 33 33 33 34 34 0 33 0 33 33 33 34 34 0 0 33 33 33 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1629 19580 3 747 770 1 4 9;0 0 0 0 0 0 1 2;33 34 0 33 34 0 1 2;1 1 1 1 1 1 1 1;
;92 5910 17470 37 1 80 5910 1 1177 3515;9 0 0 0 0 0 0 0 0 0;13 33 33 33 0 0 33 0 33 34;1 1 1 1 1 1 1 1 1 1;
;238 68 3003 2473 30 1431 544 2547 11 1451 12 453 17 62 284 2335 1146 74 1060 9819 74 6429 2020 106 2547 1021 66 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 0 0 33 0 33 34 33 33 34 33 34 0 0 0 33 34 0 33 33 0 33 33 0 33 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1131 3226 20152 1074 0 2 0 3384 424 687 535;0 0 0 0 0 0 0 1 0 0 0;33 34 34 34 0 0 0 1 33 34 0;1 1 1 1 1 1 1 1 1 1 1;
;636 2 73 5089 2 315 2 35 19 2 41 72;0 0 33 34 0 0 0 0 0 0 1 2;33 0 55 56 0 33 0 21 22 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1;
;14 68 16 10059 1036 241 527 973 146 254 12090 1 5829 15199 2 146 100 1 110 54 115 100;0 0 0 9 0 0 0 29 0 0 29 0 7 8 8 8 0 0 0 0 0 0;0 0 0 13 0 0 0 0 0 0 43 0 11 12 12 12 33 0 9 10 10 10;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;5557 6373 6975 3900 87 1 5557 6373 6975 3900 87 352 259 1 5557 6373 6975 3900 423 87 104 269 0 2 0 318 5;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 33 33 0 31 0 33 33 33 0 31 33 34 0 33 33 33 0 33 31 33 34 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;103378;0;0;1;
;1373 59 4280 56 70 1444 238 29 4878 13 332 363 24 17 1 174 601 799 117 43 1 4 47;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 45 46 46 46 0 0 1 2;33 0 31 33 34 0 33 34 21 33 34 34 0 0 0 53 54 54 54 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;126 433 703 3 755 3340 54 1403 946 1395 12 21 8 1098 1389 134 11607 1389 8 20 676 8 1727 3382 13 124 17 17 1 4 9;0 17 18 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 33 34 0 0 33 33 34 33 0 33 34 0 0 33 0 0 33 0 33 34 0 0 33 0 0 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;545 63 11807 2939 91 180 1 4 9;9 0 9 0 0 0 0 1 2;13 0 13 33 0 0 0 1 2;1 1 1 1 1 1 1 1 1;
;768 555 348 12 64 6471 22 89 11 33 354 48011 1047 8 73 157794 1017 8 524 212 11451 7 7 7 0 2 0 45391 1875 0 2 0 3237 7 2196 0 45391 0 2563 10847 205 197 0 2 0 3237 7 2196 0 45391 197;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 33 34 33 34 34 34 33 34 0 0 0 0 0 0 33 0 0 0 0 33 0 0 0 0 0 0 33 33 0 0 0 0 0 33 0 33 0 33 33 33 33 0 0 0 0 0 33 0 33 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2837 2124 2060 423 1 2837 2124 2060 423 37 1 410 2837 2124 2060 423 104 26 182 0 2 0 111;11 12 12 0 0 11 12 12 0 0 0 0 11 12 12 0 0 0 0 0 0 0 17;15 16 16 33 0 15 16 16 33 34 0 33 15 16 16 33 33 0 33 0 0 0 31;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;13008 75 376 533 73 381 1036 277 0;9 10 0 0 0 0 0 0 0;13 14 33 34 33 34 0 0 0;1 1 1 1 1 1 1 1 1;
;140 33917 15666 64 20 242 33 17 1 4 9;0 0 0 0 0 0 0 0 0 1 2;33 33 33 0 0 0 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1;
;34 26859 0 2 0 277;9 9 0 0 0 0;13 13 0 0 0 0;1 1 1 1 1 1;
;9341 12 1584 2 588 648 5 0;0 0 0 0 1 2 2 0;33 33 34 0 1 2 2 0;1 1 1 1 1 1 1 1;
;536 3448 5299 1780 267 28 18;17 18 18 18 18 18 18;13 0 0 29 30 33 34;1 1 1 1 1 1 1;
;14390 2727 611 1886 164 3 48690 10 20 657 3 60 1 4 9;0 23 24 24 0 0 0 0 0 0 0 0 0 1 2;33 29 30 30 0 0 33 33 34 33 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;12 105818 102 38 146 97 8 8065 2859 306 34629 448 1 297 100 1 316 100 1 316 197;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 0 17 18;0 0 33 34 33 34 0 33 0 0 33 33 0 33 34 0 1 2 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1471 1073 1517 684 230 168 5 46 105 38 1073 1517 684 230 587 171 2 168 171 2 3055 1020 2 1075 196 2 1448 5042 592 2 2146 361;0 9 39 40 40 40 0 0 0 0 9 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 39 0;0 13 47 48 48 48 0 0 33 34 13 33 34 34 33 33 0 33 33 0 33 33 0 33 33 0 33 34 33 0 33 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;3527 9089 649 6883 394 1896 28 18 1 14 443 71 1 1489 71 1 908 71 1 434 71 1 123 147 1 116 71 16 196 2 1841 510;17 18 18 18 18 18 18 18 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;13 35 36 13 14 33 33 34 0 0 33 34 0 33 33 0 33 34 0 33 33 0 33 33 0 33 34 0 33 0 21 22;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;131283 643 2180 1 4 130 112;0 0 0 0 1 2 2;0 0 33 0 1 2 2;1 1 1 1 1 1 1;
;428 1718 0 9205 0 2041 20 665 6153 1 4 9;5 6 0 0 0 0 0 0 0 0 1 2;33 34 0 33 0 33 0 33 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1;
;8532 80806 1564 10 20 156 17 1 4 79 9;0 0 0 0 0 0 0 0 0 0 0;33 0 0 33 34 33 0 0 21 22 22;1 1 1 1 1 1 1 1 1 1 1;
;1452 1165 1612 885 1 1452 1165 1612 885 37 1 1452 1165 1612 885 104 26 182 0 2 0 111;23 24 0 0 0 23 24 0 0 0 0 23 24 0 0 0 0 0 0 0 0 17;29 30 33 0 0 29 30 33 0 33 0 29 30 33 0 33 0 33 0 0 0 31;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;80 383 3782 2 281 421 1368 383 503249;0 0 0 0 1 2 2 2 0;0 33 33 0 1 2 2 2 0;1 1 1 1 1 1 1 1 1;
;34 41 50 492 58 39 4832 585 1 1031 1 35 2164 1486 31 95 1 279 19;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 17 0;33 34 34 34 34 0 33 0 0 33 0 33 21 22 33 34 0 29 30;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1684 113 1269 345 32 452 1547 864;17 18 18 18 18 18 18 18;31 32 32 32 32 32 32 32;1 1 1 1 1 1 1 1;
;2980 36736 74 6609 36736 464 17703 426 15110 1405 901;0 0 0 0 0 0 0 0 0 0 0;33 0 0 33 0 21 22 0 29 33 33;1 1 1 1 1 1 1 1 1 1 1;
;13796 148 1554 6680 6118 1609 270 2094 58 2 10772 1632 369 577 1720;9 10 0 0 0 0 0 0 0 0 9 10 17 18 18;13 14 33 33 33 33 33 33 0 0 13 14 31 32 32;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1290 162 38 8 663 115 30 28981 1935 3 7497 2547 4951 3101 3919 8 11305 38 663 115 1017 30 208 1112 238 29 839 5253 3038 289 28981 5253 3 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 33 34 0 33 34 0 33 34 0 33 33 33 33 33 0 33 34 33 34 34 0 33 0 33 34 0 33 33 0 33 33 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;9059 526 854 52 6740 8961 15 587 1520 776 1 9059 526 854 52 1 78 1074;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;21 22 22 22 33 34 0 33 33 33 0 21 22 22 22 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;5627 40053 12206 0 2 0 5627 40053 12206 534 36 887 55 0 2 0 4480 912;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 5 6;39 33 33 0 0 0 39 33 33 33 0 33 34 0 0 0 9 10;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;6701 178 7592 249 1328 1891 25074 101 3006 2872 152 4461 13 799 13 2469 1 188 69 108;0 0 0 0 0 0 17 0 0 0 0 0 0 0 0 0 0 0 0 0;33 0 33 0 33 33 31 0 33 33 0 0 0 0 0 0 0 9 10 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;507080 10 20 156 1 507080 3 300 17845 1 1526 1 6119 731 1 140 7401;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;0 33 34 33 0 0 0 33 33 0 33 0 33 34 0 33 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;5716 0 2 0 80 30 1682 0 920 0 103 9130 0 15141 3639 3 639 0 2 0 11916 11507;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;21 0 0 0 0 0 33 34 34 0 0 0 0 33 33 0 33 0 0 0 33 21;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;23648 573 116 8846 138 230 1 88 1089 116;0 0 0 0 0 0 0 9 0 0;33 34 33 33 34 34 0 13 31 32;1 1 1 1 1 1 1 1 1 1;
;683 28750 167 446 1 683 28750 167 446 261 0 2 0 2818 434 6575 0 3082 8812 2828;9 17 18 0 0 0 17 18 0 0 0 0 0 0 0 0 0 0 0 0;13 31 32 33 0 13 31 32 33 33 0 0 0 0 33 33 0 33 33 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1757 14569 0 2 0 3094 253;0 0 0 0 0 1 2;25 26 0 0 0 1 2;1 1 1 1 1 1 1;
;420292 1836 12238 100 1647 14 5760 875 14036 50 791 90 3157 227 24 17 16;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;0 33 33 33 33 0 21 0 31 0 33 0 0 0 0 0 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2241 4216 48403 2525 2177 652 346 8 51243 7137 1442 9545 10104 353 59 59 90 3010 350 4312 15 124 21 17 17;0 0 21 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;0 33 27 0 33 34 0 0 0 35 36 33 0 0 0 0 33 34 0 33 0 0 0 0 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;627 45 3 13053 969 32 27361 969 10 30 453 13 29 392 45 24 60 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 33 34 21 33 0 33 33 0 0 33 34 0 0 0 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;13091 27 2356 107 1 123 1 707 1 147 1 469 1 648 2 4615 5;17 18 18 18 0 0 0 0 0 0 0 0 0 0 0 1 2;13 14 21 22 0 33 0 33 0 33 0 33 0 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;4151 2710 711 639 68 0 105 1007 4151 2710 711 44 201 2 1392 2722 2 191 4299 5;0 23 24 0 0 0 0 0 0 23 24 0 0 0 0 0 0 1 2 2;33 29 30 33 34 0 33 33 33 29 30 33 33 0 33 33 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;90 597 12 2414 22 1777 3 47;0 0 0 0 0 0 0 0;0 0 0 33 0 0 0 1;1 1 1 1 1 1 1 1;
;11599 2258 438 0 26 0 4030 456 1 157 27 11599 2258 456 138 4294 28 18;17 18 0 0 0 0 0 0 0 17 18 18 18 18 18 18 18 18;0 0 33 0 0 0 21 22 0 31 32 32 32 32 32 32 32 32;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;5911 237 40191 573 22517 74 26702 8224 59 102 38 2329 116 58 12305 1106 45 7 7 7 7 2 247 142;17 18 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 17 0;31 32 0 33 34 0 0 33 0 33 34 33 33 34 33 33 34 0 0 0 0 0 31 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;856 1942 1452 141 75 6 2081 622 31 205 170 95 6 2464 331 5582 3323 6 2729 9653 94 31 6 94 31 6 2464 3598 21302 19 291;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 25 33 34 0 0 0 0 21 22 33 33 0 0 33 34 0 0 33 33 33 33 0 33 33 0 0 33 33 33 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;320 320 48405 1192 2260 3 22 320 320 214 1334 579 10 215 574 492 164 3 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 0 33 33 34 0 0 0 0 0 0 33 0 0 21 22 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;7486 2022 1333 8 420 27456 11 64 442 1 26496 6843 43 1 4 47;0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 0 33 0 33 33 33 34 0 0 33 33 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;647 174 1706 2361 67 296 1032 194 1 5701 194 294 343 1 4 61;0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 34 33 33 0 33 33 34 0 33 34 33 34 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;41706 26559 221 6 1275 1570 14228 3 2979 1240 2974 600 20 60 0 2 0 612 295 42;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2;33 33 0 0 0 33 33 0 33 33 33 0 0 0 0 0 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;470 19774 62 424 66;21 22 0 0 0;27 28 0 33 0;1 1 1 1 1;
;33148 3 208 3919 2 2 49 45 12820 48 7211 38 2077 276 0;29 0 0 0 0 0 27 28 28 28 0 0 0 0 0;37 0 33 33 0 0 0 35 36 0 33 34 21 0 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;459 146 522 8 7060 362 12948 4194 600 2389 1862 1 1422 217 415 5 1 1572 7 65;0 0 0 0 0 0 0 0 0 0 0 0 1 2 2 2 0 0 0 0;33 0 0 0 33 33 33 0 0 0 0 0 1 2 2 2 0 0 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;96316 729 636 6 96316 1791 636 6 96316 137 77 2579 3 636 201 40 0 2 0 15292 202 5;21 0 0 0 21 0 0 0 21 0 0 0 0 0 0 0 0 0 0 0 0 0;27 33 33 0 27 33 33 0 27 21 0 33 0 33 33 33 0 0 0 33 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1266 1311 46 64 346 249 731 3 13184 3352 5987 0 448 2421 0 2 0 1311 1545;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 33 0 0 0 0 33 34 33 33 33 0 33 33 0 0 0 33 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;40213 17008 391 2036 424 1799 838 62 11 1089 349 3618 66 2772 1196 170 40 1 877 51 2210 23 44 2013 51 1942561 25 2 916 2093 163 7 702 2759 7 65;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 0 0 0 0 0 0;33 33 1 2 33 34 33 0 0 33 34 33 0 33 33 33 33 0 33 0 33 0 33 33 0 0 0 0 1 2 33 0 1 31 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 2230 3289 1571 0 3378 6723 5820 1571 0 5076 390 6723 1575 13040 0 7086 425 5648 13040 16 37 6 87 6 44 6 3289 1571 6 396060 2 395 5;0 0 0 0 0 0 0 23 24 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 21 0 1 2;0 33 0 0 0 33 33 33 34 0 0 0 33 33 33 0 33 0 0 33 0 33 0 31 0 33 0 0 0 0 27 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;24529 5136 0 35 1288 1 14936 1288 19 1 2 0 412 1848 58 0 16871 55 0 431 26 471 26 1705 1 8410 1288 202 19 201;0 0 0 0 0 0 5 6 6 0 0 0 9 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 34 0 33 33 0 9 10 10 0 0 0 13 47 48 0 0 0 0 33 0 33 0 33 0 33 33 33 33 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;105 1900 4171 601 306 8036 298 346 34690 3 286 9753 59;0 0 0 0 0 0 0 0 0 0 0 0 0;33 33 34 33 34 33 33 34 34 0 33 33 0;1 1 1 1 1 1 1 1 1 1 1 1 1;
;3133 30 101 56 15737 13 806 3739 0 2 0 4118 253 0;0 0 0 0 0 0 0 0 0 0 0 5 6 0;33 33 34 34 33 0 21 22 0 0 0 33 34 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 2280 5845 653 4124 5845 0 1979 2538 0 35062 450 7615 3682 839 252 5845 16 37 6 87 6 44 6 5845 26 495 2366 6 389 771 56 420 267 28 18 2 395 5;0 9 0 0 0 0 0 0 0 0 0 23 24 24 24 24 24 0 0 0 0 0 0 0 0 0 0 0 0 17 18 18 18 18 18 18 0 1 2;0 13 33 33 33 33 0 33 33 0 33 29 30 30 30 30 30 0 33 0 31 0 33 0 33 0 33 33 0 31 32 32 32 32 32 32 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;143 1175 751 5023 1621 1308 20 436 84 1 4 9;0 0 0 0 0 0 0 0 0 0 1 2;0 0 33 34 0 33 0 33 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1;
;46747 608 0 960 8627 1 405 1 35 19 31 95;0 0 0 0 0 0 0 0 0 0 0 0;33 33 0 0 33 0 1 0 21 22 33 34;1 1 1 1 1 1 1 1 1 1 1 1;
;2092 518 120253 252 25001 5763 1078 1 2092 518 120253 252 25001 5763 1078 37 1 2092 518 120253 252 25001 5763 1078 104 26 182 0 2 0 111;0 0 0 0 23 24 24 0 0 0 0 0 23 24 24 0 0 0 0 0 0 23 24 24 0 0 0 0 0 0 17;33 0 0 0 29 30 30 0 33 0 0 0 29 30 30 33 0 33 0 0 0 29 30 30 33 0 33 0 0 0 31;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;420 159 602 161 808 435 4614 0 2 0 364 5;0 0 0 0 0 0 0 0 0 0 1 2;33 34 34 34 34 33 34 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1;
;849 101 725 7529 475 8 28777 6897 2017 3 20170 17 1 68 136 106 429 1 106 429 100;7 8 0 0 0 0 0 9 0 0 0 0 0 0 0 0 0 0 0 0 0;11 12 0 33 34 0 0 13 0 0 0 0 0 0 0 33 34 0 33 34 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;17167 27 48812 6069 28 18 0 277 0;17 18 18 18 18 18 0 0 0;13 14 31 33 33 34 0 0 0;1 1 1 1 1 1 1 1 1;
;25782 67 190 6277 11 12385 59 49 3869 5688 129 48 900 278 33525 1 3333 5 0 9781 8059 7 1054;21 0 0 0 0 0 0 45 46 46 46 46 0 0 0 0 1 2 0 0 0 0 0;27 0 21 22 0 33 0 53 54 54 54 54 33 34 0 0 1 2 0 27 33 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;460 26230 611 5 3 1665 5 853 10 20 1 4 9;0 0 0 0 0 0 0 0 0 0 0 1 2;33 21 22 22 0 33 34 33 33 34 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1;
;1476 31932 3209 1315 11439 8 1933 7544 216 21 1415 8 134 89 11 50 2469 8 922 2408 21 8 3209 11 0 42 8 166 22 302 12 1681 8 15 143 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 33 33 0 33 0 0 33 33 34 33 0 0 33 34 0 0 0 33 34 0 0 33 0 0 0 0 0 0 0 33 34 0 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;11 7973 12 59991 59 3 3591 0 2 0 3184 2782;0 0 0 0 0 0 0 0 0 0 1 2;0 33 0 33 0 0 0 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1;
;900 36056 80 669 3165 890 17 1 18900 158 43 1 4 47;0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 33 0 33 33 34 0 0 33 34 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;49 19320 11093 12 2676 48 3828 534 40 170 40 2 3828 301 40 5;27 28 28 28 28 28 0 0 0 0 0 0 0 0 0 0;0 35 36 36 36 0 33 33 33 33 33 0 1 2 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;655 103 22 216 11145 1068 32 404 41534 3 3696 1 2122 2641 100 1 28374 78;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 17 18;33 0 33 34 33 34 0 0 33 0 33 0 21 22 33 0 31 32;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 34 25095 22001 1187 208 58 0 34 25095 22001 1187 208 58 22001 1187 6747 16 1688 400 1 37 1 44 1 3151 1 4494 1 23 25095 25 0 2 870 351 632 400 1688 5;0 0 0 0 0 0 0 0 0 0 27 28 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2 2;0 33 34 33 34 33 0 0 33 34 33 34 33 0 33 34 0 0 33 34 0 33 0 33 0 33 0 33 0 0 33 0 0 0 0 0 1 2 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1209 67 1574 159 257 988 1159 59;0 0 17 18 18 0 0 0;33 34 34 33 33 33 0 0;1 1 1 1 1 1 1 1;
;98 174 452 2223 56636 349 954 0 2 0 364 5;0 0 0 0 0 0 0 0 0 0 1 2;21 22 22 22 33 33 33 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1;
;963 22 30 1804 178 164 199 21 13 29 1049 8 178 164 3 150 532 6367 22 17052 1203 96 9881 22 589 8 22 89 11 589 8 4312 659 32395 21 8 41974 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;55 56 0 33 0 0 0 33 34 0 33 0 0 0 0 33 34 33 0 0 33 0 0 21 22 0 33 34 34 0 0 33 0 33 0 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;284 57 430 378 45 800 278 146 29 1431 549 8 853 800 278 3 549 45 12 1584 1112 29 1431 549 10 2367 13 29 1431 549 3 52 2471 8 1361 13 1255 11 162 422 800 329 17 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 0 0 33 33 34 0 0 0 33 34 0 33 0 0 0 33 34 33 34 0 0 33 34 0 33 34 34 33 34 0 0 0 0 0 33 34 0 33 34 33 34 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2844 27 67 34 1896 98 10613 2066 1148 1602 1 680 69 5;9 10 0 17 18 18 0 27 28 28 0 1 2 2;13 14 0 31 32 32 33 35 36 36 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;200 386 3 79 39 1312 3847 74 824 8 39 127 173 369 15629 8 39 4780 455 1369 1117 8 12 236 3397 8 89 1190 542 15 143 1 4 209 132;0 0 0 0 0 0 0 0 0 0 0 0 0 37 38 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 17 23 24;0 0 0 21 33 34 0 0 0 0 33 34 34 45 46 0 33 34 0 33 0 0 33 34 33 0 0 33 33 34 34 0 31 29 30;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1942561 3 47;0 0 0;0 0 1;1 1 1;
;6151 1311 0 2 16732 98 8036 20521 407 6548 5030;0 0 0 0 17 18 0 0 0 0 0;33 33 0 0 31 32 33 33 0 47 33;1 1 1 1 1 1 1 1 1 1 1;
;57130 31104 1 4711 268;17 18 0 17 0;31 32 0 33 21;1 1 1 1 1;
;3589 44662 19528 3 661 6 3589 44662 19528 15 109 1721 6 3589 44662 19528 3 1937 661 1 5719 94069 1 33 2548 5;17 11 12 0 0 0 17 11 12 0 0 0 0 17 11 12 0 0 0 0 0 0 0 1 2 2;15 15 16 0 33 0 15 15 16 33 34 33 0 15 15 16 0 33 33 0 33 34 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;141 30343 666 959 51 796 30343 666 959 12 5128 9552 796 0 171 11 21426 6 9536 1463 89 11 7 14979 121 4669 959 6 3026 30343 666 959 7 932 4970 1 19 31 95 0 2 0 1249 7 65;0 19 20 20 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 21 0 1 2 0 0 0 0 1 2 2;33 25 26 26 0 0 25 26 26 33 34 33 0 0 33 0 33 0 33 0 33 34 0 33 0 33 0 0 33 25 26 26 0 0 27 0 1 2 33 0 0 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;98445 0 91501 0 36 0 9628 0 25044 0 36 0 31195 0 16034 0 556 0 31380;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;27 0 21 0 0 0 31 0 33 0 0 0 21 0 0 0 33 0 1;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;6361 38514 1686 26403 33 24 17 1 4 9;0 0 0 0 0 0 0 0 1 2;0 33 33 33 33 34 0 0 1 2;1 1 1 1 1 1 1 1 1 1;
;29923 3160 1367 3453 3404 13841 134 10 562 215 324 242 56 3 6 9 3 165 103 1 4 9;17 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;31 33 33 34 33 33 0 0 0 0 0 0 0 0 0 33 34 33 34 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;102 38 26 26 92 1589 616 28 18 102 38 92 1589 14654 211 71 263 372 32 4282 150 833 127 393 481 1 271 6231;0 0 0 0 17 18 18 18 18 0 0 17 18 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 34 0 0 31 32 32 32 32 33 34 31 32 51 33 33 34 33 0 33 33 34 21 22 33 0 0 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;160 21904 145 112 1228 227 1613 1187 64 1280 223 5590 964 93 227 24 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 0 0 0 33 0 21 0 0 33 34 33 0 0 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;5172 27 52826 75 662 153 1 52826 75 69 2 8598 134 5;17 18 18 18 18 18 0 9 10 0 0 1 2 2;13 14 31 32 32 32 0 13 14 33 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14970 30 2114 275 6587 77 179 0 634 38152 8492 118 236 5411 34 2 1353 99;0 0 0 0 0 0 0 0 0 0 0 0 0 0 9 0 1 2;33 0 0 0 33 33 34 0 33 33 34 34 0 0 13 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1566 1224 34 46 269 42762 9104 7403 0 13454 121 488 1 294 2085 1 114 268 1 114 5;17 18 18 0 0 0 17 18 0 0 0 0 0 0 0 0 1 2 0 1 2;31 32 32 0 33 0 31 32 0 33 33 34 0 33 33 0 1 2 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1227 4127 8 3201 39 13 3254 1227 3266 2626 128 84 729 41462 3254 1227 3266 3 229 8 134 93 30 3278 1819 361 84;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 33 0 33 33 34 0 33 0 33 33 0 33 0 0 33 0 0 33 0 0 0 33 34 33 33 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;162 246 52488 3 424 687 0 2 0 4118 253 0;0 0 0 0 0 0 0 0 0 5 6 0;33 34 33 0 33 34 0 0 0 33 34 0;1 1 1 1 1 1 1 1 1 1 1 1;
;1683 1505 10 4342 48782 311 3 603 8 21617 2017 10 12 10 135 10 7979 4888 21 1 3087 54 2450 85 43 1 4 47;9 10 0 0 0 0 0 0 0 21 22 0 0 0 0 0 0 0 0 0 45 46 46 46 0 0 1 2;13 14 0 33 33 0 0 0 0 29 0 33 34 34 0 0 33 33 0 0 53 54 54 54 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;443567 0 209296 0 45496 51 0 239 0 27816 0 33840 0 1797 0 91168 6 0 114447 0 513 0 76634 0 268971 0 3773 0 94300 0 474 0 4513;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;0 0 33 0 33 0 0 0 0 33 0 33 0 33 0 33 0 0 0 0 33 0 55 0 0 0 33 0 0 0 33 0 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 49 7008 58840 3 10921 48 309 90 30 214 1005 7685 718 63 3 33 2180 13663 2624 6 43315 1970 285 45 4712 7 16 4 130 112;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2;0 0 33 34 0 13 0 0 0 0 0 0 33 33 0 0 0 33 33 33 0 0 0 33 0 33 0 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;459 511 29 97 43008 18739 2254 85796 10 12 10 2969 8 15 70 7413 4683 1 4 79 9;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 0 0 0 33 34 34 0 33 34 34 33 0 33 34 33 33 0 21 22 22;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 32476 1942561 16 32476 26 1597 45 112 16837 9851 24115 6713 1512 866 26 26 593 520 26 1942561 0 32476 23 220371 0 1942561 25 1979 2737;0 17 0 0 17 0 0 0 0 0 0 0 0 23 24 0 0 0 0 0 0 0 17 0 17 0 0 0 0 0;0 31 0 0 31 0 33 0 0 33 0 33 33 29 30 0 0 33 34 0 0 0 31 0 31 0 0 0 33 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2477 1931 376 3685 7591 126 248 145 134 12 2586 1 4 9;17 18 18 18 0 0 0 0 0 0 0 0 1 2;13 14 14 33 34 0 0 0 0 55 56 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;6783 29696 32149 2445 15 124 60 29696 32149 2445 2054 24 60 1 564 2445 1 280 382 1 280 463;9 9 9 0 0 0 0 9 9 0 0 0 0 0 9 10 0 0 0 0 1 2;13 13 21 33 0 0 0 13 21 33 33 0 0 0 13 14 0 33 34 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;487 2966 134 699 56 13 29 11589 12 333 176 3 42 0 2 0 78068 2817 5;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 33 0 33 0 33 34 33 34 34 34 0 0 0 0 0 33 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 16463 42829 1067 1339 1252 307 16 1 16463 42829 1067 1339 1252 307 37 1 16463 42829 1067 1339 1252 307 104 1 16463 42829 1067 1339 1252 307 87 1 395 5 0;0 17 7 8 0 0 0 0 0 17 7 8 0 0 0 0 0 17 7 8 0 0 0 0 0 17 7 8 0 0 0 0 0 1 2 0;0 11 11 12 33 0 33 0 0 11 11 12 33 0 33 33 0 11 11 12 33 0 33 33 0 11 11 12 33 0 33 31 0 1 2 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;9212 33751 397 3 1647 2116 0 23687 45492 261 81 1647 0 50105 1647 0 181 425 2181 0 38550 2181 0 2181 2181 3407 0 1876 21703 0 9212 584 0 18076 1125 8221 2634 0 13 29 584 0 55261 0 4577 173 49086;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 0 0 0 0 0 0 0 0 0 0 0 0;33 33 33 34 33 33 0 33 0 33 0 33 0 0 33 0 33 34 0 0 33 0 0 0 0 0 0 33 39 0 33 0 0 1 2 33 33 0 33 34 0 0 0 0 27 28 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;78642 22896 29899 45 11 187 2687 194 3 1807 3574 24 17 0 2 0 18389 67 71 1374 55 0 2 11389 100;0 13 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 9 0;29 17 33 33 34 0 33 34 0 33 33 0 0 0 0 0 33 0 33 33 0 0 0 13 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;72850 202 58 687 633 2 72850 202 58 1032 19 2 41 72;0 0 0 0 0 0 0 0 0 0 0 0 1 2;21 22 22 33 34 0 21 22 22 33 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1179 29164 13617 578 1 1179 1 316 100 1 316 197;9 10 0 0 0 9 0 1 2 0 1 2;13 14 33 33 0 13 0 1 2 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1;
;2833 42 38 1403 2481 32 1539 42 38 1403 2481 11 20 454 8 10 20 613 432 17 2 17892 87511 5 197;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2 0;33 34 33 34 34 0 33 34 33 34 34 33 34 33 0 33 34 33 0 0 0 1 2 2 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;13 1306 175 11 1202 11 28293 104 17 1 4 9;9 10 10 0 0 0 0 0 0 0 1 2;13 14 14 33 34 34 29 33 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1;
;380 599 3779 192 662 28 18 6 488 1475 51 0 104 6 4078 62 1611 344 653 66 46 728 1165;17 18 18 18 18 18 18 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 34 0 33 34 33 34 0 0 0 0 0 33 0 33 0 0 21 22 0 0 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;15 30 34 1838 153 261 56 510 16166 18025 17 1 4 9;0 0 17 18 18 0 0 0 0 0 0 0 1 2;0 21 22 33 34 33 0 0 33 33 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;30 38213 16638 1855 469 39 13 393 216 9252 769 158 53 53 1945 235 78 1350;0 0 0 0 0 0 0 0 21 22 45 46 0 0 0 0 0 0;0 33 33 34 33 33 34 34 27 28 33 34 33 34 1 33 34 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;8333 1589 98 647 174 1706 1807 108;17 18 18 0 0 0 0 0;31 32 32 33 34 34 34 33;1 1 1 1 1 1 1 1;
;35714 102 38 4573 583 13 324 1 50 5077 5 1 279 5;17 0 0 0 0 0 0 0 1 2 2 0 1 2;31 33 34 33 0 33 34 0 1 2 2 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 4793 4491 1813 2337 16 1 4793 4491 1813 2337 44 1 37 0 2 0 322 5;0 0 11 0 0 0 0 0 11 0 0 0 0 0 0 0 0 1 2;0 33 33 0 33 0 0 33 33 0 33 33 0 33 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;39 479 248 807 0 335 1262 264 1025 2888 930 10061 4349 39 479 1134 0 478 10410 20537 1 11783 24324 905;0 0 0 0 0 21 22 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 34 0 0 0 27 28 33 34 0 0 0 0 33 34 0 0 0 33 33 0 21 22 22;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1038 39 628 8181 643 17617 20862 414 1299 2741 8181 2 45 81 5;0 0 0 0 0 0 17 18 0 0 0 0 1 2 2;21 22 22 22 22 33 31 32 33 21 22 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2715 563 2232 397 4583 572 2105 8 15418 392 688 84 84 84 84 84 1 29864 42 43 1 4 47;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 9 0 0 0 1 2;33 34 34 33 0 33 33 0 33 0 0 0 0 0 0 0 0 13 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;151 156007 377 213 6 96 122 3193 3 10236 523 320 1082 5839 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 21 45 46 0 0 0 0 0 0 0 0 33 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;397 3 8382 10 12 10 64 16641 284 14072 164 2743 12 278 675 212 203 17 0 2 0 5361 110 0 2 0 5361 197;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 17 18 0 0 0 0 0;33 34 33 33 34 34 0 33 0 33 0 0 33 34 0 33 34 0 0 0 0 33 33 0 0 0 33 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;36937 76 44 6 35 6396 1 7260 12431 926;0 0 0 0 0 0 0 0 0 0;29 30 33 0 33 0 0 33 33 33;1 1 1 1 1 1 1 1 1 1;
;1772 62197 3 47;0 0 0 0;0 0 0 1;1 1 1 1;
;742 59 59 0 3073 1168 722 11 89 11 4191 567 52 99 213 203 17 1913 219 1639 716 572 1568 17 1892 15 589 17 0 742 203 84 151 99 135 341 160 21 84 1 4 9 0;0 0 0 0 9 10 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 0;0 0 0 0 13 14 33 33 34 34 33 34 0 0 0 0 0 33 0 33 0 33 0 0 33 33 34 0 0 0 0 0 33 34 0 0 35 36 0 0 1 2 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;191828 0 2 0 412 9449 1708 52215 786 565;21 0 0 0 17 18 18 18 18 18;31 0 0 0 21 22 22 31 33 0;1 1 1 1 1 1 1 1 1 1;
;196 237 183 4303 0 12 3727 1248 21 4142 63 10881 0 58 369 63 215 17 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 33 34 33 0 33 34 0 0 33 0 33 0 0 0 0 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;42260 249 100676 54863 0 6 6403 609 1 4 9;29 0 0 0 0 0 0 0 0 1 2;37 0 33 33 0 0 33 34 0 1 2;1 1 1 1 1 1 1 1 1 1 1;
;82 200 5796 83 82 68652 83 661 333 30 6049 2286 36 3417 1892 36 103 5796 1 328 255;0 0 0 0 0 0 0 0 0 0 9 0 0 0 0 0 0 0 0 0 0;0 0 0 0 0 33 0 33 0 0 33 33 0 33 34 0 0 0 0 13 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;6662 6658;0 0;33 33;1 1;
;49 5576 3888 62 7163 55 66 48 14 2006 0 1733 0 2362 16 2 0 553 941;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;0 45 46 0 33 34 0 0 0 33 0 33 0 33 0 0 0 21 22;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;142519 2 0 156376 479 29 73 22735 0 90 2081 2219 0 50 68186 2 167 2 35 19 2 41 72;21 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;27 0 0 13 33 34 34 34 0 0 33 34 0 33 34 0 33 0 21 22 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;10629 619 249 634 240 1957 21 59 12 944 90 212 13557 1 17914 505 1 114 204;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 0 0 33 0 0 0 0 33 34 33 34 0 0 0 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;923 16026 6447 0 2 0 277;9 0 0 0 0 0 0;13 33 0 0 0 0 0;1 1 1 1 1 1 1;
;384 106 304 8339 3145 3890 0 740 224 0;0 0 0 39 0 0 0 0 0 0;33 34 34 47 33 33 0 33 0 0;1 1 1 1 1 1 1 1 1 1;
;19645 2086 0 2 0 188 271 202;0 0 0 0 0 5 6 6;55 0 0 0 0 33 34 34;1 1 1 1 1 1 1 1;
;7030 753 45 293 3658 1654 3 9718 84 1 4 209 132;37 0 0 0 0 0 0 0 0 0 17 23 24;33 0 33 34 0 33 0 33 0 0 31 29 30;1 1 1 1 1 1 1 1 1 1 1 1 1;
;17433 5694 4709 28270 23 68 25 2 92 8939 2096 23 81 2425 178 25 2 92 2 588 648 5;0 29 30 30 0 0 0 0 9 10 0 0 9 10 0 0 0 9 0 1 2 2;33 37 38 38 0 0 0 0 25 26 33 0 33 34 0 0 0 13 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;92 321214 13326 5 1 4 61;9 0 0 0 0 1 2;13 0 33 34 0 1 2;1 1 1 1 1 1 1;
;7611 269 7849 0 7611 37 1503 248 38 81 179 1 841 268 1 114 268 1 114 5;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 0 1 2;33 34 33 0 21 22 0 33 34 33 34 0 33 21 0 1 2 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;4853 985 349 2166 242 0 2 0 364 5;0 0 0 0 0 0 0 0 1 2;33 33 34 33 34 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1;
;56 797 5116 835 574 15370 8714 3928 2 2 342 1006;0 0 0 0 7 8 0 0 0 0 0 0;0 0 0 33 11 12 33 33 0 0 35 36;1 1 1 1 1 1 1 1 1 1 1 1;
;22 346 3618 254 3 1233 634 84 84 84 84 62 2730 44510 66 1 2715 43 1 4 47;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 34 33 0 0 33 34 0 0 0 0 0 33 34 0 0 33 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1368 1086 23 2030 25 51 75281 1086 1 95749 12912 326 1359 1491 1 33 942 5 10199 12018;17 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2 0 0;33 33 0 33 0 0 21 22 0 33 33 9 33 33 0 1 2 2 0 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;152804 130048 38862 784 1540 4145 2255 0 1279 7793 373 1621 815 2 247 401;0 0 21 0 0 0 0 0 0 0 0 0 0 0 1 2;33 34 27 33 34 33 33 0 0 33 0 0 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;543 5634 257 2194 652 0;17 18 18 0 0 0;31 32 32 33 34 0;1 1 1 1 1 1;
;14 32 1681 13691 17010 16 2 2770 3207;0 9 10 10 10 0 0 9 0;0 13 14 14 14 0 0 13 21;1 1 1 1 1 1 1 1 1;
;1354 113 2424 1036 550 38 42 2177 544 153332 3399 343;9 10 0 0 0 0 0 0 0 0 0 0;13 14 33 0 33 34 33 34 34 0 33 33;1 1 1 1 1 1 1 1 1 1 1 1;
;8715 67 9724 4753 0 5358 17933 11 20 64 1 8715 67 9724 1 3972 94 78 100 1 4538 7 3972 7 65;0 0 0 0 0 0 0 0 0 0 0 45 46 46 0 0 0 0 0 0 0 0 0 0 0;33 34 34 33 0 35 36 33 34 34 0 33 34 34 0 1 33 34 33 0 33 0 1 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;807660 0 105 0 1315209 0 73356 0 807660 0 5623 0 1315209 0 73356;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;21 0 33 0 0 0 33 0 21 0 21 0 0 0 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1142 13653 22741 1 52 2120 146 55779 987 1444 3420 252 1142 13653 22741 0 7288 728 5538 44464 17329 0 2 0 111;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 23 24 23 0 0 0 0 17;33 0 33 0 0 0 0 0 33 0 0 0 33 0 33 0 33 29 30 29 33 0 0 0 31;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;38862 32 60503 4515 3615 118 6408 3 597 597 1 5043 681 43 1 4 47;21 0 21 0 0 0 0 0 0 0 0 39 40 0 0 1 2;27 0 27 0 0 0 33 0 33 34 0 47 48 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1011 366 11 42 165 133 4750 12 583 7607 8 14294 12 136 3620 133 8 214 1334 603 20 156 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 33 34 0 0 0 33 0 0 0 0 33 0 0 0 0 0 33 34 34 0 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;9294 46 9245 172 97104 2606 12 11158 24843 1 328 268;0 0 0 0 17 0 0 0 0 0 0 0;0 0 33 34 31 0 33 34 34 0 13 21;1 1 1 1 1 1 1 1 1 1 1 1;
;1978 2479 3 695 4514 78 76 348282 46 11822 2379 311 0 2 0 1767 0 2 0 861 3924;0 0 0 0 0 23 24 23 0 0 0 0 0 0 0 0 0 0 0 1 2;33 29 0 33 33 33 34 29 0 33 29 30 0 0 0 33 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;6 2868 2600 143541 456 436 28 18;0 17 18 18 18 18 18 18;0 21 22 0 33 34 33 34;1 1 1 1 1 1 1 1;
;3461 275 3336 42245 13032 369 4031 46 20304 1585 1687 583 12 21 10371 1 36 20304 36 4630 75320 192 1044 1 328 5;21 22 22 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;27 28 28 27 33 33 34 0 33 33 33 0 33 34 0 0 0 33 0 33 21 33 34 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;7339 1341 310 406 398 23 5455 25 2460;0 0 0 0 0 0 0 0 0;33 33 34 33 34 0 0 0 33;1 1 1 1 1 1 1 1 1;
;126 10031 510 3063 22 3 2290 775 60 1 4 9;0 0 0 0 0 0 0 0 0 0 1 2;0 33 0 33 33 34 21 22 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1;
;136596 111979 4573 1404 8 811 136596 111979 4573 1404 3 123 1 147 1 811 469 0 2 0 460 43 6390 469;21 17 0 0 0 9 9 10 0 0 0 0 0 0 0 9 0 0 0 0 1 2 0 0;27 31 33 33 0 13 27 31 33 33 0 33 0 33 0 13 33 0 0 0 1 2 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;7652 10550 8092 49514 68 74 8092 10 20 156 17 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 33 21 33 0 0 21 33 34 33 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;213 56 349 578 2 0 13 470 12 11158 18973 3 5503 578 0;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 34 34 33 0 0 33 34 33 34 34 0 33 33 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;54 298 11 254 2804 1851 8 397 524 200 29 97 21 8 93 194 210 24 17 1 4 79 9;0 0 0 0 37 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 34 21 22 33 33 0 33 0 0 0 0 0 0 0 21 22 0 0 0 21 22 22;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;629 642 33746 55 21963 0 8050 0 694 0 4841 1182 55 57 246 672 1904 15755 7262 59 53 31 291 53 387 5 8 19 35 31 95;0 0 0 0 33 34 34 34 34 34 34 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 0 0 0 0 0;33 33 34 0 55 56 56 56 56 56 56 33 0 0 0 33 0 33 0 0 0 21 22 0 1 2 0 21 22 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;384 106 304 745 468 6 541 112 3212 13 103 6 781 62 0 66 0 62 0 66 0 14882 0 62 0 66 0 62 0 66 138062 62 0 66 3 2859 1167 1 4 130 112;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2;35 36 36 36 0 0 0 0 33 33 34 0 33 0 0 0 0 0 0 0 0 33 0 0 0 0 0 0 0 0 33 0 0 0 0 33 34 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;322 1491 51 46710 38689 0 4216 775 1 4962 1394 1 3017 4216 211 0 2 0 146 1228992 7 65 160 4216 5 0;1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;1 33 0 33 0 0 33 33 0 33 33 0 33 34 33 0 0 0 0 0 33 34 0 33 0 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;21118 62 22246 66 666 10091 4826 465 865 218 13363 1 188 1484;0 0 17 0 0 0 0 0 0 9 0 0 17 0;31 0 31 0 0 33 21 22 22 13 33 0 31 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;649 259 250 5270 746 8 1520 13 145 1 4 9;0 0 0 0 0 0 0 0 0 0 1 2;33 34 0 0 33 0 33 33 34 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1;
;22 1200 700 278 4594 11 17899 15358 518 8 22 236 1133 19105 654 212 1854 8325 3 5276 620 8 12 1406 214 1143 22 24 17 1 4 209 132;0 0 0 0 0 0 37 0 0 0 0 0 0 39 40 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 17 23 24;0 0 33 0 0 0 45 33 0 0 33 34 0 47 48 0 33 0 0 33 34 0 33 34 0 33 0 0 0 0 31 29 30;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;902 29944 12987 1363 200 38 0 2272 750 3 13 421 10070 213 23 68 25 1 841 1 7842 5;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;21 22 22 33 33 34 0 33 33 0 33 34 33 34 0 0 0 0 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;32041 1919 32 6899 219 33 1 4 9;17 0 0 0 0 0 0 1 2;31 33 0 29 0 0 0 1 2;1 1 1 1 1 1 1 1 1;
;687 6840 3 3335 6269 5255 0 6 687 6840 3 25020 3014 2486 2761 1934 1 4 61;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 34 0 33 34 33 0 0 33 34 0 33 34 0 33 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;911 882 121 1166 286 1575 837 278 9424 14010 2 2 34 1590 5 0 1038 169 1590 3688 5145 0 835 77 50 300 2853 235 411;9 0 0 9 0 0 0 0 0 0 0 0 1 2 2 0 17 18 18 18 0 0 0 0 0 0 0 0 0;13 33 0 13 33 33 34 0 0 33 0 0 1 2 2 0 31 32 32 32 33 0 33 33 34 33 33 33 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1009 462 43 1648 26779 3 47;0 0 0 0 0 0 0;21 22 0 0 0 0 1;1 1 1 1 1 1 1;
;42741 762 10 893 3 4395 0 4435 3004 3 629 1581 78 0 1 0 3138 2269 0 3849 3758 7 65;0 0 0 19 20 20 0 0 0 0 0 0 0 0 0 0 17 18 0 0 0 0 0;33 33 34 25 26 26 0 33 29 0 33 33 34 0 0 0 31 32 0 21 27 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;339930 1131046 0 909256 0 7721 22801 10659 5506 0 200579 2722 0 13132 1 339930 1131046 866 1 6044 866 1 23763 12744 5 2 34 77 50 3 2 654 866 296 6260 2 65420 12744 394 197 2;17 18 0 0 0 0 0 0 0 0 43 0 0 0 0 0 0 0 0 0 0 0 1 2 2 0 9 0 0 0 0 23 24 0 0 0 0 0 0 0 0;31 32 0 13 0 33 33 33 0 0 51 33 0 33 0 31 32 0 0 33 0 0 1 2 2 0 13 33 34 0 0 33 34 33 33 0 29 33 13 14 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;958 721 125663 70912 91 1 4 9;9 0 0 0 0 0 1 2;13 33 0 33 0 0 1 2;1 1 1 1 1 1 1 1;
;536 11697 5615 116 0 2 0 536 5000 3610 3224 28 18 0 2 0 1774 884 224 23 801 34 33 18 25;9 0 0 0 0 0 0 17 18 18 18 18 18 0 0 0 1 2 2 0 0 9 0 0 0;13 33 33 33 0 0 0 21 22 22 22 22 22 0 0 0 1 2 2 0 21 22 0 33 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 1425 16 98436 406 10460 0 2 0 364 5;0 0 0 0 0 0 0 0 0 1 2;0 33 0 0 33 33 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1;
;854 1528 151 15 1082 12 59068 43656 8 13 29 42 120 1791 460 1 4 9;45 46 46 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;53 54 54 0 33 0 33 33 0 33 34 34 33 33 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1844 6703 3176 2328 3656 5165 8284 265 57 6 2328 177 57 265 57 26 52 2328 177 57 7 222 23 57 25 2328 177 57 2 52 26 2328 2 52 3 673 23 52 25 6703 3176 2328 3656 3 599 1902 1504 1 4 130 112;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2;0 33 0 33 0 33 33 0 0 0 33 0 0 0 33 34 34 33 0 0 0 0 0 0 0 33 0 0 0 0 0 33 0 0 0 0 0 0 0 33 0 33 0 0 21 22 22 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;328 5 678 131 3558 481 176 6349 1 1130 131 1 328 5;1 2 0 0 0 0 0 0 0 0 0 0 1 2;1 2 33 33 33 33 0 33 0 33 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;3040 10051 254 4742 248 12 4038 1 4 61;0 0 0 0 0 0 0 0 1 2;33 33 34 34 33 34 0 0 1 2;1 1 1 1 1 1 1 1 1 1;
;191 816 18 138 23074 5258 311 13713 3 2113 18289 2 7762 5 0;0 0 0 0 0 0 0 0 0 0 0 0 1 2 0;33 34 34 33 33 21 22 0 0 33 21 0 1 2 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;146258 46 1057 38 12 1570 795 2118 26116 2 2 34 1590 5 0 1038 169 1590 3688 5145 0 835 77 50 300 2853 235 411;21 0 0 0 0 0 0 0 0 0 0 1 2 2 0 17 18 18 18 0 0 0 0 0 0 0 0 0;27 0 33 34 33 34 33 33 33 0 0 1 2 2 0 31 32 32 32 33 0 33 33 34 33 33 33 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;218 46 1408 18122 12 1357 1483 2465 2 247 69 108;9 0 0 0 0 0 0 0 0 0 0 0;13 0 33 33 0 0 0 0 0 9 10 33;1 1 1 1 1 1 1 1 1 1 1 1;
;25689 27 2340 150 1988;9 10 0 0 0;13 14 33 33 33;1 1 1 1 1;
;13 590 240 3 4773 2419 45667 28252 11 3045 24 17 1 4 9;0 0 0 0 31 32 0 0 0 0 0 0 0 1 2;33 34 0 0 39 40 0 33 0 33 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;7687 17049 0 30180 0 35045 94 2960 2421 24 1 4 9;0 0 0 23 0 0 0 0 0 0 0 1 2;31 21 0 29 0 11 33 34 33 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 185706 0 220 2120 8076 2 4730 183 392 4245 0 36079 4245 0 435 4245 16 37 1 87 1 44 0 2 427 262 318 5;0 0 0 0 0 0 0 0 0 0 23 0 0 23 0 0 23 0 0 0 0 0 0 0 0 0 0 1 2;0 33 0 0 0 53 0 0 33 34 29 0 33 29 0 33 29 0 33 0 31 0 33 0 0 33 31 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;49 8984 503 13054 48 102 390 8984 1525 25562 17 62 594 66 1 399 100 1 961 110 100 0;0 0 0 0 0 0 0 7 0 0 0 0 0 0 0 1 2 0 17 18 0 0;0 11 0 33 0 33 0 11 33 0 0 0 0 0 0 1 2 0 31 32 33 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;43954 53 53 1539 5 167;21 0 0 1 2 0;27 33 34 1 2 33;1 1 1 1 1 1;
;1367 13 186 254 3 6845 1 4 61;0 0 0 0 0 0 0 1 2;33 0 0 0 0 33 0 1 2;1 1 1 1 1 1 1 1 1;
;17064 1632 173 2691 13811 394 1125 1896 28 18 116 8 17064 1632 173 2691 13811 394 1125 1896 28 18 105 116 71 0 2 0 1774 884 224 23 13 199 712 729 1256 25;17 18 18 18 18 18 18 18 18 18 0 0 9 10 17 18 18 18 18 18 18 18 0 0 0 0 0 0 1 2 2 0 0 0 0 0 0 0;13 14 0 0 1 33 33 34 33 34 33 0 13 14 0 0 1 33 33 34 33 34 33 33 34 0 0 0 1 2 2 0 33 34 33 33 33 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;9383 951 369 55 39629 11614 31610 1 7968 43 1 4 47;0 0 0 0 0 0 0 0 0 0 0 1 2;33 33 34 0 33 33 33 0 1 2 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1;
;769 11160 258 103 49882 1 11160 649 502 769 832 5 0 2 0 13172 5469 529 502 55 49741;0 0 0 0 0 0 0 0 0 1 2 2 0 0 0 0 0 0 0 0 0;33 0 33 34 33 0 21 22 22 1 2 2 0 0 0 25 26 0 0 0 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;39 85 807 0 1209 611 149 294 1 4 61;0 0 0 0 0 0 0 0 0 1 2;0 0 0 0 33 34 34 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1;
;30 181 34 484 67 127301 148 496 2031 82 44393 1093 83 1 188 142;0 0 0 0 0 9 10 0 0 0 0 0 0 0 17 0;33 34 33 34 0 13 14 33 33 0 33 33 0 0 31 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;39940 19933 2233 1449 59 5305 3227 1397 11217 3765 174 0 2 0 34 1006 5;21 0 0 0 0 0 0 9 0 0 0 0 0 0 1 2 2;27 0 33 34 0 33 34 13 33 0 0 0 0 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;241 7690 18 305 256 5099 32 5023 17 1 4 9;17 18 18 0 0 0 0 0 0 0 1 2;0 0 33 33 0 33 0 33 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1;
;14 68 16 18093 18350 11777 1971 2417 141085 777248 8282 8 4279 2474 699 1 55579 18093 18350 100 1 110 2334;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;0 0 0 21 22 22 33 33 0 0 29 0 33 33 33 0 11 12 12 33 0 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;88794 0 26560 0 2 0 74346 40294 0 54969;0 0 0 0 0 0 0 0 0 0;33 0 21 0 0 0 33 0 0 0;1 1 1 1 1 1 1 1 1 1;
;57190 0 2 0 248806 0 26547 0 76084 0 2 0 26111 202 108 0 1182 55 0 548 26 2544 26 2047 2 202 2 35 1288 31 95 566 41 72;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 19 20 0 1 2;33 0 0 0 0 0 33 0 33 0 0 0 33 34 34 0 33 0 0 33 0 21 0 35 0 33 0 33 33 33 34 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;3039 990 42567 3 321 266 1 4 9;23 24 24 0 0 0 0 1 2;29 30 30 0 33 33 0 1 2;1 1 1 1 1 1 1 1 1;
;62761 0 368 0 313 0 17752 0 237002 0 2 0 8169 0 2 0 140 406 199 1 41 5936;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;35 0 33 0 33 0 55 0 21 0 0 0 33 0 0 0 35 36 0 0 9 10;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;3811 3731 45 35190 3 266 0;0 0 0 0 0 0 0;33 34 0 33 0 33 0;1 1 1 1 1 1 1;
;58136 2511 1750 891 2262 103 3 36728 58 7189 4284 24 1 4 209 132;37 0 0 0 0 0 0 37 0 0 0 0 0 17 23 24;45 27 28 33 33 34 0 45 0 33 34 0 0 31 29 30;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;61167 3 9153 206 15 413 1 4 9;0 0 0 0 0 0 0 1 2;33 0 0 0 0 0 0 1 2;1 1 1 1 1 1 1 1 1;
;10 234 3487 21 50 14021 17 1 10425 12974 5;0 0 0 0 9 10 0 0 1 2 2;33 34 0 0 13 14 0 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1;
;234 11 0 22215 235 8549 76 0 3 729 3688 62693 998 749 345 0 22 305 0 22 1019 21 29 1443 1590 3 128 0 89 11 998 749 3 345 7 1 4 9;0 0 0 5 6 6 6 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 0 0 33 34 34 34 0 0 33 33 33 33 34 33 0 33 34 0 0 0 0 0 0 33 0 33 0 33 34 33 34 0 33 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1907 325 3 6611 3 392 329 0 16554 3 392 329 0 16554 3 661 2 210 2 35 19 2 41 72;29 0 0 11 0 0 0 0 11 0 0 0 0 11 0 0 0 0 0 0 0 0 1 2;33 33 0 15 0 0 0 0 15 0 0 0 0 15 0 33 0 33 0 21 22 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;7195 54 1072 840 3711 0 137 1327 2 783 5463 2 9001 9328 301 2 16353 301 5;0 0 45 46 46 0 0 0 0 0 33 0 0 27 28 0 0 0 0;33 0 53 54 54 0 21 33 0 0 27 0 33 35 36 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;16753 721 199 63 2844 27516 24 1 4 9;9 10 10 0 9 9 0 0 1 2;13 14 14 0 13 13 0 0 1 2;1 1 1 1 1 1 1 1 1 1;
;139 3732 2648 144 82 8840 813 8136 9812 1313 83 889 1651 462 957 1478 2 24604 5 251 34 4714 5;0 0 0 0 0 0 0 0 11 0 0 0 0 0 0 0 0 1 2 0 9 0 0;0 0 0 0 0 33 34 0 15 0 0 21 22 22 22 33 0 1 2 0 21 22 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;7416 77 2156 93 2224 91 590 1 4 9;0 0 0 0 0 0 0 0 1 2;33 0 0 0 0 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1;
;7599 32 7599 1176 10 12 10 514 7599 32 4611 1176 1958 1 4 130 112;0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2;33 0 33 33 33 34 34 0 33 0 33 33 0 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;7167 190 9372 52 0 138 68 229 1 4 9;17 18 18 18 0 0 0 0 0 1 2;31 32 32 32 0 33 34 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1;
;594 8855 97782 4963 7857 23 540 594 25 2 2691 3762 3924 2943 100 2 0 92 191 573;0 17 0 0 0 0 0 0 0 0 9 10 10 0 0 0 0 9 1 2;0 31 33 33 33 0 35 36 0 0 13 14 14 33 33 0 0 13 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1531 914 1 322 40 198 334 184 55 1 322 40 334 184 55 198;0 0 0 1 0 0 0 0 0 0 1 0 0 0 0 0;33 33 0 1 33 33 33 33 0 0 1 33 33 33 0 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;839 848 15794 0 17069 3 987 3804 7154 10 15 30 22 37591 1393 164 3691 106 29 97 3 0 4405 1017 1017 2977 6367 7265 36 22 41 1715 0 2 0 5634 530 0 2 0 956 0 556 0 16044;0 0 0 0 23 0 0 0 0 0 0 0 0 15 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 0 0 0 0 0 0 0 0;0 0 0 0 29 0 33 21 22 0 0 0 0 33 0 0 0 35 36 36 0 0 33 34 0 33 34 34 0 33 34 33 0 0 0 1 2 0 0 0 0 0 33 0 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2069 58 167 10 520 211 24 1 2069 58 167 10 520 211 24 277 9489 490 490 14 988 3567 16 9489 17193;17 18 0 0 0 0 0 0 17 18 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 0 33 0 0 33 0 0 33 0 33 0 0 33 0 0 0 0 0 0 33 34 0 0 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;338 56443 8835 13 29 97 0 601 7316 30 14856 590 7128 2 255 2 35 19 566 41 72;9 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;13 33 33 21 22 22 0 0 0 0 0 0 33 0 33 0 21 22 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;5963 3950 233 2076 73 5485 9120 20843 1437 1158 0 231 390 3816 7048 2671 23 68 25 0 2 0 4662 0 2 1542 3207 5;9 10 10 10 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 9 10 0;13 14 14 14 33 34 33 0 0 0 0 0 0 0 33 0 0 0 0 0 0 0 33 0 0 13 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;13093 1290 41 799 358 4930 21 8 350 3 615 90 614 3 56 24 60 1 59343 15834 1 2874 210 5;21 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2;27 33 33 34 0 33 0 0 33 34 33 0 0 0 0 0 0 0 33 0 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;635 319 13109 77 33 3 440 1 1085 115 107 1 136 13109 823 107 77 33 0 1 33 505 31 2 624 463 5 107;9 0 37 0 0 0 0 0 0 0 0 0 0 37 0 0 0 0 0 0 1 2 2 0 0 0 0 0;13 33 45 33 34 34 33 0 33 0 33 0 0 45 0 33 33 34 0 0 1 2 2 0 33 34 34 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;78111 46 63 4648 7009 1099 4146 160 10148 6566 2813 1568 2030 6564 1 188 268;21 0 0 0 0 0 0 0 0 0 0 0 0 0 0 23 24;27 0 0 33 33 0 0 21 22 33 33 0 33 31 0 29 30;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;695 94 1511 1248 20 134 12 9868 21 0 2 0 612 295 42;23 24 0 0 0 0 0 0 0 0 0 0 1 2 2;29 30 33 0 0 0 0 33 0 0 0 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;25451 206 17324 1 4 9;0 0 0 0 1 2;0 0 33 0 1 2;1 1 1 1 1 1;
;568 81215 394 42739 0 1496 4809 1181 59506 684 53 53 45 81 5;0 0 0 0 0 9 0 0 0 0 0 0 1 2 2;35 36 33 33 0 13 33 33 0 33 33 34 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;30395 1044045 6657 2 2670 1996 4938 256 110 4073 17;17 0 0 0 0 0 0 0 0 0 0;31 0 33 0 33 33 0 0 33 33 0;1 1 1 1 1 1 1 1 1 1 1;
;1942561 0 1143737 2179 264 1 35 31 95 1 141 5;0 0 0 0 0 0 0 0 0 0 1 2;0 0 0 33 34 0 33 33 34 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1;
;322 99 529 145 20 156 17 1 4 9;0 0 0 0 0 0 0 0 1 2;1 0 0 0 0 33 0 0 1 2;1 1 1 1 1 1 1 1 1 1;
;22 3 4012 3037 9883 19 7 5764 1 15279 375 375 375 375 375 12225 1 4 271 787 40 0 2 0 1920 4 787;5 6 5 6 0 0 0 0 0 0 0 0 0 0 0 0 0 5 6 6 0 0 0 0 0 17 0;33 34 9 10 33 33 0 21 0 33 0 0 0 0 0 21 0 9 10 10 33 0 0 0 0 31 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;550 38 1874 7490 1080 1075 874 2 2 554 5;0 0 9 0 0 0 0 0 0 1 2;33 34 13 33 33 33 21 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1;
;15 7571 67 2067 4870 3 212 60 2227 77 122 3 4870 3 10 78 8 1101 20 3 184 78 8 3325 73 484 20 3 8 22 10 94 2440 8 346 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 0 0 33 0 0 0 0 0 0 0 0 0 0 0 33 0 53 0 0 33 34 0 33 33 34 0 0 0 21 22 22 22 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;15892 42 152 385 8382 18849 2469 0 1009 904 3126 7294 13088 2 738 295 36 726 5261 5 23 24170 7 645 25;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2 0 0 0 0 0;33 34 0 0 33 0 0 0 33 34 34 0 0 0 33 34 0 1 2 2 0 0 0 33 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;13 422 302 1769 3 7434 1 4 9;0 0 0 0 0 0 0 1 2;33 34 0 0 0 33 0 1 2;1 1 1 1 1 1 1 1 1;
;2493 9288 3753 4380 20 5157 1 4 9;23 24 24 0 0 0 0 1 2;29 30 30 33 0 33 0 1 2;1 1 1 1 1 1 1 1 1;
;82 7433 175 56 9533 9339 83 1 188 268;0 0 0 0 0 0 0 0 23 24;0 33 34 34 33 34 0 0 29 30;1 1 1 1 1 1 1 1 1 1;
;1053 687 1 1053 687 629 2817 46 89 11 42 4207 10042 6 89 11 746 93 922 2444 1 4257 5 500 1350;1 2 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 0 0;1 2 0 1 2 33 33 0 33 34 34 33 33 0 33 34 33 0 33 34 0 1 2 33 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2863 386 24285 2734 10367 4850 1 4177 3100 298 12923 1 33 505 31 2 624 463 5 107 344 372;0 0 0 0 0 0 0 37 38 38 38 0 1 2 2 0 0 0 0 0 0 0;31 0 33 0 21 0 0 45 46 46 46 0 1 2 2 0 33 34 34 33 21 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;9298 3 1466 2690 408 1106 595 21666 3 603 8 2812 714 10 91 1 4 9;17 0 17 18 0 0 29 0 0 0 0 0 0 0 0 0 1 2;31 0 31 32 0 33 33 33 0 0 0 33 34 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;30 8008 164 317 1616 478 580 4206 3 3544 10 20 17 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 33 0 0 33 0 0 33 0 33 33 34 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;45202 1 36526 1 5578 58995 1 13153 1 75224 1 61729 1 282999 1 90311 451 1 122583;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 0 33 0 33 33 0 33 0 0 0 21 0 21 0 21 0 0 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;112 112 22 413 19268 8 747 10 43827 22 699 90 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 34 34 0 33 0 33 0 0 33 34 34 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;3678 1635 100 0 2 0 3678 6283 5 0 2 0 3678 1635 5 37339 3 4477 277 1635 4564 0;0 0 0 0 0 0 27 28 0 0 0 0 0 0 0 0 0 0 0 0 0 0;21 22 33 0 0 0 35 36 0 0 0 0 21 22 0 33 0 33 0 33 33 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;600 15332 5516 8331 73895 9347 51 6246 1190 18570 2 3457 10211 5;21 22 0 0 21 0 0 0 0 0 0 0 0 0;27 28 33 33 27 33 0 33 33 0 0 35 36 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1496 16461 381 823 33 17 1 4 9;17 18 18 0 0 0 0 1 2;13 33 33 0 0 0 0 1 2;1 1 1 1 1 1 1 1 1;
;5720 211 0 2 0 107035 15073 334 382 211;0 0 0 0 0 17 18 0 0 0;33 33 0 0 0 31 32 33 33 33;1 1 1 1 1 1 1 1 1 1;
;28443 3 198418 141912 1758 1591 91 203 1 4 9;0 0 0 0 0 0 0 0 0 1 2;33 0 21 33 0 33 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1;
;1942561 7 645;0 0 0;0 0 33;1 1 1;
;811 2834 28 18 102 1103 5611 436 53 53 2834 64 18704 2653 475 176 10135 182 270 62 127 393 66 3328 1678 0 2 0 34 2437 662 5;17 18 18 18 0 0 0 0 0 0 0 0 31 32 32 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2 2;31 32 32 32 33 33 33 33 33 34 33 0 39 40 40 0 29 33 33 0 21 22 0 33 33 0 0 0 1 2 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;10012 2 2 1945 235 78 1350;0 0 0 0 0 0 0;33 0 0 1 33 34 33;1 1 1 1 1 1 1;
;10279 6203 2189 323 680 13395 1828 30 88 93 64 24 60 1 4 9;0 0 0 0 9 0 0 0 9 0 0 0 0 0 1 2;21 22 22 22 13 33 33 33 34 0 0 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;463 5 570 2151 1013 40640 463 5 177 2151 0 80 3696 2 255 2 35 19 2 41 72;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 34 34 33 34 33 33 34 34 33 0 0 33 0 33 0 21 22 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;598 2216 1870;9 10 10;13 14 14;1 1 1;
;22 236 306 1112 13 124 746 9161 63 4388 56 8 1782 4388 4119 20305 3 288 2161 32 1087 2099 388 302 11 1087 3 138 8 992 93 640 3565 24 7 7 7 22 236 306 1112 13 124 746 9161 63 4388 56;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 34 0 0 0 0 33 33 0 33 0 0 0 33 33 33 0 33 34 0 33 33 0 0 0 33 0 33 0 0 0 33 34 0 0 0 0 33 34 0 0 0 0 33 33 0 33 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;157 27 945 894 1800 161 28 18 2 187 945 894;17 18 18 18 18 18 18 18 0 0 0 0;21 22 22 22 22 22 22 22 0 0 27 28;1 1 1 1 1 1 1 1 1 1 1 1;
;20021 1325 168722 352 259 761 6 20021 1325 168722 6 20021 1325 168722 37 6 20021 1325 168722 260 6 997 259 6 3644 398 2 8676 192 5 0 36234 7 65;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2 0 0 0 0;33 33 33 33 34 33 0 33 33 33 0 33 33 33 33 0 33 33 33 33 0 33 34 0 33 33 0 1 2 2 0 0 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2042 366 10 374 4642 1 4 9;0 0 0 0 0 0 1 2;33 33 34 33 34 0 1 2;1 1 1 1 1 1 1 1;
;384 745 49 827 6384 3 526 309 1792 48 367 1029 62 2508 361 66 1 73 1794 496 128;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;35 36 0 33 33 33 34 0 0 0 33 33 0 0 33 0 0 33 34 33 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;433 703 755 1642 3004 755 15 293 1 4 9;17 18 0 0 0 0 0 0 0 1 2;33 34 0 33 29 0 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1;
;49 11 13 422 41 30 22 497 865 48 285 1265 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 33 34 34 34 55 56 56 0 0 33 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;707 199 5801 1 340 2214 569 4462 458 28 18;0 0 0 0 17 18 18 18 18 18 18;21 22 22 0 31 32 32 32 32 32 32;1 1 1 1 1 1 1 1 1 1 1;
;14 68 16 63035 0 8005 2688 711 0 367 711 0 580 2711 130 2 2 2 418 10159 1106 45 8 1825 2136 2109 1 63035 100 1 110 54 115 100;0 0 0 7 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 7 0 0 0 0 0 0;0 0 0 11 0 21 22 22 0 33 34 0 0 31 33 0 0 0 33 34 33 34 0 0 33 33 0 11 33 0 9 10 10 10;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2205 335 3 27082 195 2829 6 2205 335 3 27082 137 1327 869 367 6 628 477 2985 1069 3 301 2 6196 300 5;21 22 0 0 0 0 0 21 22 0 0 0 0 0 0 0 21 22 22 22 0 0 0 1 2 2;27 28 0 33 0 33 0 27 28 0 33 21 33 33 33 0 27 28 28 0 0 33 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;3064 1807832 39724 2574 496 1107 3892 0 2 0 1130 687 0 2 0 34 2113 138 703 0 2 0 956 0 556 0 1157 232;9 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;13 0 37 38 33 33 33 0 0 0 21 22 0 0 0 33 34 21 22 0 0 0 0 0 33 0 9 10;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;212 5602 280 236 293 1709 1648 4476 249 462 8 11 234 9 5602 225 11 690 17 37 15 124 17 1 4 9;0 17 18 0 0 0 0 0 0 0 0 0 0 0 9 0 0 0 0 0 0 0 0 0 1 2;0 31 32 0 0 33 33 34 33 34 0 33 34 34 13 0 0 0 0 33 0 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2356 412 526 115 107 572 33;0 9 0 0 0 0 0;33 13 33 34 33 33 0;1 1 1 1 1 1 1;
;963 136 7598 156714 3066 4919 24282 6343 1 4 209 132;0 0 37 0 0 0 0 0 0 17 23 24;33 0 33 33 33 33 33 33 0 31 29 30;1 1 1 1 1 1 1 1 1 1 1 1;
;14 43 164 11 89 11 31 3 8 13 1415 3112 332 8 1380 6104 13 332 216 16 1 73 462 2477 216 1009 2153 55 43 1 4 47;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 45 46 46 46 46 0 0 0 0 1 2;0 0 0 33 34 34 33 0 0 33 34 0 0 0 33 33 33 34 0 0 0 53 54 54 54 54 11 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;80 1782 13 643 18691 2005 4939 453 13 3020 1297 1782 54 4105 18691 2005 2144 17 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 0 33 34 21 22 33 33 34 33 0 0 0 0 21 22 33 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2976 349 2 38703 100 2 38703 42 56 38703 100 2 38703 2642 3622 103 100 0 2 0 956 0 556 0 1157 232;0 0 0 1 2 0 9 0 0 1 2 0 1 2 0 0 0 0 0 0 0 0 0 0 0 0;33 34 0 1 2 0 13 33 34 1 2 0 1 2 33 34 33 0 0 0 0 0 33 0 9 10;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;6183 177 0 36 0 5755 6183 1628 957 8 82 5682 666 83 1244 13313 21 59 2 247;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 17;33 0 0 0 0 33 33 33 34 0 0 21 22 0 33 33 0 0 0 31;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 9487 655 16 2380 8875 593 46092 643 2482 14175 39 2999 53 53 3035 1005 2 3516 1171 2 2373 78 100 0 2 0;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 45 46 0 1 0 0 0 0 0;0 0 33 0 33 33 0 33 0 0 13 0 33 33 34 33 0 0 53 54 0 1 9 10 0 0 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14150 378 13264 3 47;0 0 0 0 0;33 33 33 0 1;1 1 1 1 1;
;10281 194 1013 2978 4967 15 319 17 1 1048 325 382 1 1048 325 5;0 0 37 38 38 0 0 0 0 0 0 0 0 0 1 2;33 0 45 46 46 0 33 0 0 33 33 33 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;856 386 2376 190 1280 223 730 1 4 9;0 0 0 0 0 0 0 0 1 2;33 34 33 0 33 34 34 0 1 2;1 1 1 1 1 1 1 1 1 1;
;358 33 25465 1403 232 0 9719 3788 2846 17595 9272 2846 1787 1084 2 247;0 0 0 0 0 0 21 0 0 0 21 0 0 0 0 17;33 34 34 34 0 0 27 55 0 55 27 0 0 0 0 31;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;79131 10 22269 155 274 13087 155 1 4 79 9;13 0 0 0 0 0 0 0 0 0 0;17 0 0 0 0 0 0 0 21 22 22;1 1 1 1 1 1 1 1 1 1 1;
;2461 46 16493 10654 30 13553 45 8036 214237 1 188 268;0 0 9 0 0 0 0 0 0 0 23 24;33 0 13 33 0 33 0 33 43 0 29 30;1 1 1 1 1 1 1 1 1 1 1 1;
;457 1736 30 20 124 3 544 134 10 109 2199 2974 3 84 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 33 0 0 0 0 33 0 0 0 33 33 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;351 70 11070 39 106 691 82 37863 7696 12428 172 25245 83 0 2 0 34 191 816 852 1802 334 128 1 45 191 5;0 0 0 0 0 0 0 9 0 0 0 0 0 0 0 0 17 18 18 18 18 0 0 0 1 2 2;33 34 33 33 34 0 0 13 33 34 33 0 0 0 0 0 31 32 32 32 32 33 34 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;11963 879 3 19511 2 210257 2896 32 166 2988 1997 8129 4846 3 669 294 0 2 0 364 5;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;39 40 0 33 0 33 33 0 0 33 34 33 34 0 33 33 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;12 2814 1727 165 22 12709 3097 3010 3010 22 30 41130 358 21 91 180 17 1 1139 13035 30 2543 1 5841 523;0 0 0 0 0 0 0 11 12 0 0 0 0 0 0 0 0 0 21 22 0 0 0 0 0;0 0 0 33 34 33 0 15 16 33 34 9 21 22 22 22 0 0 21 22 33 34 0 31 32;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;5122 971 32 673 1990 68 2 1323 5122 1990 68 2 1323 1238 2307;0 17 0 0 0 0 0 9 0 0 0 0 9 0 0;21 31 33 34 33 34 0 13 21 22 22 0 13 21 22;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 6161 2649 1664 26 24210 3447 225 33 16 1 77 33 3 6161 2649 1664 26 24210 3447 1 2 4121 210 5;0 9 0 0 0 9 10 0 0 0 0 0 0 0 9 0 0 0 9 10 0 0 0 0 0;0 13 33 34 0 13 14 0 0 0 0 33 34 34 13 33 34 0 13 14 0 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;15017 5037 1279 3380 540 3929 11 135099 42 30 3716 45 12133 2 45 81 5;9 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2;13 0 0 33 0 33 0 0 0 0 33 34 33 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;11 249 1427 155 254 55486 3810 7119 4497 22514 3041 3 24 17 1 4 79 9;0 0 0 0 0 13 14 14 14 14 14 0 0 0 0 0 0 0;0 0 33 0 0 17 18 18 18 18 18 0 0 0 0 21 22 22;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;24982 54355 10237 5406 4165 46 15252 50953 8 17750 10237 0 2 0 4662 0 2 412 3207 5;17 18 18 18 0 0 0 0 0 0 9 0 0 0 0 0 0 9 1 2;31 0 13 0 0 0 33 33 0 33 13 0 0 0 33 0 0 13 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;424 4376 14 14 14 4 94 1144 329 4206 9418 16 16 16 1 4 94 1144 329 43 1 4 47;0 0 0 0 0 5 6 6 6 0 0 0 0 0 0 5 6 6 6 0 0 1 2;33 33 0 0 0 33 34 34 34 33 33 0 0 0 0 33 34 34 34 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1062 28706 159 420 28 18;17 18 18 18 18 18;13 33 33 34 33 34;1 1 1 1 1 1;
;1528 30 2575 2672 394 0 740 386 1235 1683 1150 7733 82 328 3749 83 218 14719 25245 1 218 131 1 328 5;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 9 0 0 0 9 0 0 1 2;0 0 33 33 33 0 33 34 33 34 33 0 0 13 0 0 13 0 0 0 13 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;15442 3100 391 7310 107 2275 2882 697 1063920 505 15 124 74 33 12 33 2 33 505 31 2 624 463 5 107;37 38 0 17 18 0 37 38 21 0 0 0 0 0 0 0 0 1 2 2 0 0 0 0 0;45 46 0 31 32 33 33 34 27 33 0 0 0 33 34 34 0 1 2 2 0 33 34 34 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;49 1704 1152 5025 48 14574 195 2469 231 1776 1061 5110 5844 19 4225 1 1704 1152 5025 51 5110 19 1 1945 78 19;45 46 46 46 46 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;53 54 54 54 54 21 33 34 0 0 33 33 33 33 0 0 53 54 54 54 54 33 0 1 21 22;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;6739 2890 555 1964 1288 0 2 0 3010 3010 3010 2 2993 2 35 19 2 41 72;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;53 54 54 54 33 0 0 0 33 34 34 0 33 0 21 22 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2178 63323 6515 58 39 6095 0 13333 59 1 2178 3161 1794 2147;1 0 0 0 0 0 0 0 0 0 0 45 46 46;1 33 33 34 0 33 0 33 0 0 1 33 34 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2777 77 50 10335 890 121 2989 26 1124 20 156 1 4 9;0 0 3 4 0 0 0 0 0 0 0 0 1 2;33 33 34 53 0 0 33 0 0 0 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;402 109 21 2799 8385 34497 891 2101 171 27134 63200 84 501 4545 722 10 13069 194 27368 8 402 11 20 229 24 17 1 4 79 9;0 0 0 0 0 15 16 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 0 0 33 34 19 20 0 33 33 33 0 0 0 33 0 33 0 0 0 33 21 22 22 22 0 0 21 22 22;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;7577 1164 5889 1 33387 17140 11904 1 11904 1164 5889 1 7577 1164 5889 4313 1 1102 11904 1164 5889 1 1102 71953 7093 2294 1998 28 18;11 12 12 0 0 0 29 0 29 0 29 0 11 12 12 0 0 9 29 0 29 0 17 18 18 18 18 18 18;15 16 16 0 33 0 0 0 0 0 37 0 15 16 16 0 0 13 0 0 37 0 13 33 0 0 31 32 32;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1418 4800 141 534 1 1418 4800 2190 254 3 205 354 2 41 72 972 398 535;21 22 0 0 0 21 22 0 0 0 0 0 0 1 2 0 0 0;27 28 33 33 0 27 28 0 0 0 33 34 0 1 2 33 33 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2069 17143 0 1718 390 0 46142 68057 0 13108 51025 44 1 2069 1 110 1930 1 110 54 115;7 8 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;11 12 0 33 0 0 21 0 0 33 0 33 0 33 0 21 22 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;22 379 360 38 2329 41336 2057 267 1791 1133 381 700 0 2 0 3628 119 98 2 4570 159 67 456 257 2 6249 67 748 435 3125 108;0 0 0 0 0 0 23 0 0 0 0 0 0 0 0 17 18 18 0 0 0 0 0 0 0 0 0 0 0 0 0;0 0 33 34 33 33 33 33 33 0 33 33 0 0 0 31 32 32 0 33 34 34 34 33 0 33 34 34 33 33 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;12 1135 21 385 2 247 204;0 0 0 0 0 1 2;33 34 34 0 0 1 2;1 1 1 1 1 1 1;
;8185 664 552 3 42 134 1229 256 128 60 1 4 9;0 0 0 0 0 0 0 0 0 0 0 1 2;33 33 34 0 33 34 33 0 33 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 45620 1525 6186 13793 451 16 45620 32 81 6186 13793 451 1 81 45620 32 81 6186 13793 451 219 33 1 81 45620 32 81 6186 13793 451 572 1 3616 69 5 53 110 131;0 0 0 0 0 0 0 7 0 0 0 0 0 0 0 7 0 0 0 0 0 0 0 0 0 7 0 0 0 0 0 0 0 1 2 2 0 0 0;0 11 33 21 22 22 0 11 0 0 21 22 22 0 0 11 0 0 21 22 22 0 0 0 0 11 0 0 21 22 22 33 0 1 2 2 0 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2103 10991 438 3 31727 74 2071 403;0 0 0 0 0 0 0 0;33 33 33 0 33 0 33 33;1 1 1 1 1 1 1 1;
;8908 321568 202 2048 46618 53 31 291 53 387 5 8 19 35 31 95;9 0 0 0 0 0 0 0 0 1 2 0 0 0 0 0;13 0 33 33 34 0 21 22 0 1 2 0 21 22 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1865 12914 15599 688 1039 3153 3 138 67 571 208 0 2 0 364 5;0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 34 34 0 0 33 0 33 34 34 33 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;92 431 38 212 1347 64 233 13943 5221 146 7 52 764 0;0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 34 34 0 33 34 0 33 33 0 0 33 34 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;9351 5148 13492 12 2444 8 1837 152 41299 8 222 23095 17247 430 59 0 2 0 49 878 1318 85 48 1373 1374 75 0 2 0 3333 14968 100 0 2 0 956 0 556 0 1157 232;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 45 46 46 46 46 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 33 33 33 34 0 33 0 33 0 0 33 33 0 0 0 0 0 53 54 54 54 54 33 33 0 0 0 0 25 0 33 0 0 0 0 0 33 0 9 10;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2408 324 6649 8 3280 324 119419 6 8156 8 273 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 34 0 0 21 22 33 0 33 0 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;277 2 80583 0 90135 0 17790 288 4596 0 6243 17332 617 2 322 5;0 0 0 0 0 0 0 0 0 0 0 0 9 0 1 2;0 0 0 0 33 0 33 0 0 0 0 21 13 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;789 225 3 7743 107 33;9 0 0 37 0 0;13 0 0 33 33 0;1 1 1 1 1 1;
;1815 1016 46 1680 1910 383 120 1602 1 1016 5179;0 0 0 0 0 0 0 0 0 0 0;33 33 0 33 34 33 34 33 0 33 33;1 1 1 1 1 1 1 1 1 1 1;
;1053 2682 6392 3950 701 5538 15 341 0 4963 5967 6392 3950 701 5538 4279 1951 0 36 0 122 557 5 78 282 201;45 46 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2 27 28 0;53 54 0 33 34 0 0 0 0 33 33 0 33 34 0 33 33 0 0 0 1 2 2 35 36 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;15 58 1431 4467 17 1431 4467 118 96 1090 1588 20 1 4 79 9;0 0 37 38 0 37 38 0 0 0 0 0 0 0 0 0;33 34 33 34 0 33 34 0 0 33 0 0 0 21 22 22;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;882 46 34 2275 2692 529 52 1041 0 1145 2245 6262 8920 28636 2 247 268;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 17 0;33 0 33 34 33 0 0 0 0 33 33 33 33 33 0 31 21;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;18493 0 2 0 377380 26 126690 2 7320 51 0 19855 0 430038 0 108183 0 3773 0 63903 0 239 0 18942 0 5517 0 93234 0 519 0 164847 0 1797 0 126690 2 12698 0 3190 0 42962 57135;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;21 0 0 0 0 0 0 0 33 0 0 33 0 0 0 0 0 33 0 0 0 0 0 21 0 33 0 33 0 21 22 22 0 33 0 0 0 33 0 33 0 33 21;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;6173 148 479 164 13795 43594 55431 10102 58 2 277;9 10 9 10 10 0 0 0 0 0 0;13 14 13 14 14 33 0 33 34 0 0;1 1 1 1 1 1 1 1 1 1 1;
;97 5352 646 931 1036 1036 122546 74 14988 8 2089 32 2285 84;0 0 0 0 0 0 0 0 29 0 0 0 29 0;0 33 34 34 0 0 33 0 33 0 33 0 33 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;6644 9630 0 70 1081 63 4379 12923 24 1 4 9;0 0 0 0 0 0 37 38 0 0 1 2;21 22 0 0 0 0 45 46 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1;
;1307 39 312 691 82 558 1063 83 479 304 521 3742 1029 1611 361 2 40;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 33 34 0 0 33 0 0 33 34 34 33 33 0 33 0 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;5094 281 4210 207 167 682 1 5094 281 4210 207 167 682 826 2 39 13 211 48 48 48;0 0 0 17 18 0 0 0 0 0 17 18 0 0 0 0 0 0 0 0 0;33 27 28 31 32 0 0 33 27 28 31 32 0 33 0 33 34 33 0 0 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;54320 1575 1142 1 49263 0 54320 1575 1142 0 12 1277 0 2407 9184 159 179 5250 514 337 27482 2 189325 0 2 0 111;23 0 0 0 23 0 23 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 17;33 21 22 0 29 0 33 21 22 0 33 34 0 33 33 33 0 33 34 33 0 0 0 0 0 0 31;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;3091 0 197 0 51 51 0 643 0 51 51 0 54899 148 391 15156 54880;1 0 0 0 0 0 0 0 0 0 0 0 9 10 0 0 0;1 0 33 0 0 0 0 0 0 0 0 0 13 14 0 33 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;160 32714 6620 108 1128 1086 30 22469 771 175 199 755 1676 1 4 9;0 9 10 10 0 0 0 9 10 10 10 0 0 0 1 2;0 13 14 14 55 56 0 21 33 34 0 0 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1496 641 885 2 0 1496 56481 16791 28 18;9 0 0 0 0 17 18 18 18 18;13 33 34 0 0 13 33 0 33 34;1 1 1 1 1 1 1 1 1 1;
;82 463 5 177 83 10 20 17 0 1 0 297 1852 5 0 1 0 342 686 49 297 1852 491 48 334 128 0;0 0 0 0 0 0 0 0 0 0 0 1 2 2 0 0 0 17 18 27 28 28 28 28 0 0 0;0 33 34 34 0 33 34 0 0 0 0 1 2 2 0 0 0 31 32 35 36 36 36 36 33 34 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;45445 261 3097 163 7 2599 7 24709 261 0 2 0 2197 77 122 2 545 100 23 12810 7 65 25 0 2;0 0 0 0 0 0 0 1 2 0 0 0 0 0 0 0 1 2 0 0 0 0 0 0 0;0 33 0 33 0 21 22 1 2 0 0 0 33 0 0 0 1 2 0 0 33 34 0 0 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 515 4476 0 2893 30797 47986 30462 3750 0 988 8465 9793 16 37 6 87 6 44 6 2548 1360 6 802 27 12651 75 281230 559 259 371 2 395 5;0 9 0 0 0 29 0 11 12 0 0 0 0 0 0 0 0 0 0 0 11 12 0 0 0 9 10 0 0 0 0 0 1 2;0 13 33 0 0 37 0 15 16 0 33 33 33 0 33 0 31 0 33 0 15 16 0 13 14 13 14 27 33 33 34 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1379293 0 658177 0 23 4006 25 0 2 0 5523;0 0 0 0 0 0 0 0 0 0 0;0 0 0 0 0 0 0 0 0 0 33;1 1 1 1 1 1 1 1 1 1 1;
;16553 27 726 13499 987 1360 28 18 2 277;17 18 18 18 18 18 18 18 0 0;13 0 27 28 33 34 33 34 0 0;1 1 1 1 1 1 1 1 1 1;
;8536 7979 152 5614 7601 1641 17 18405 16185 3468 1651 31271 2 1353 99;21 0 0 0 0 0 0 0 0 0 0 0 0 1 2;27 33 0 0 0 33 0 33 33 0 0 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2010 4758 8 1653039 1527 14901 6679 0 2010 4758 6127 23908 8 550 7 2480 7 2540 0 2 0 81 13 199 570 5;17 18 0 21 0 0 0 0 17 18 0 0 0 0 0 0 0 0 0 0 0 1 2 2 2 2;31 32 0 0 33 33 33 0 31 32 33 33 0 33 0 21 0 33 0 0 0 1 2 2 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;384 140 32797 914 349 138 508 1 4 61;0 0 0 0 0 0 0 0 1 2;33 34 33 33 34 33 34 0 1 2;1 1 1 1 1 1 1 1 1 1;
;16320 421 9528 786 501 223 67 3741 2078 6610 3424 3 1032 194 208 0 2 0 364 5;0 0 37 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 34 45 33 0 0 0 21 22 22 33 0 21 22 22 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;5995 3664 483 46 67 335 3607 5451 4376 21 8 9536 10 1637 56046 2 41 6419 618 2 50 12 312 674 5 23 1781 7 65 25;0 0 0 0 0 21 22 22 0 0 0 0 0 21 22 0 0 0 0 0 1 2 2 2 2 0 0 0 0 0;33 27 28 0 0 27 28 0 33 34 0 33 0 27 28 0 0 33 34 0 1 2 2 2 2 0 0 33 34 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1066 0 208839 0;21 22 22 0;33 0 0 0;1 1 1 1;
;4085 881 189 8 2308 284 12 6117;0 0 0 0 0 0 0 0;33 34 34 0 33 33 34 0;1 1 1 1 1 1 1 1;
;48649 1744 11 64 525 413 3 2915 442 8 10 12 10 134 10 5401 17 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;21 22 33 34 0 0 0 33 0 0 33 34 34 0 0 33 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;789 2737 178 138 1 2087 5;17 18 18 18 0 1 2;13 33 34 34 0 1 2;1 1 1 1 1 1 1;
;222 1724 0 22 366 10 12 3157 136 90 3 1810 59 59 59 59 1 13392 43 1 4 47;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 0 0 21 22 22 33 34 33 34 0 33 0 0 0 0 0 33 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;90296 2998 1604 46 441351 8 13764 14795 45 3 10505 54 1026 1368 2318 2 31 95 2 2697 5;0 0 0 0 9 0 9 10 0 0 0 0 0 17 0 0 0 0 0 1 2;21 22 22 0 13 0 13 14 33 34 33 34 34 33 33 0 33 34 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;6778 357 798 6878 16911 23 1488 25 1 8453 1 280 1 8926 31 1 1542 280 5 1 1542 77 1606 3 280 255 411;0 0 0 0 0 0 0 0 0 9 0 0 0 1 2 0 1 2 2 0 9 0 0 0 0 0 0;33 33 34 33 33 0 0 0 0 33 0 33 0 1 2 0 1 2 2 0 13 0 33 0 21 22 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;51982 652 11 16892 1657 11546 7383 10467 134 12 371 15 143 1 4 209 132;0 0 0 0 0 0 0 0 0 0 0 0 0 0 17 23 24;33 0 0 0 33 0 0 0 0 33 34 0 0 0 31 29 30;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;6568 9566 4786 8951 10 20 156 1 4 9;0 0 0 0 0 0 0 0 1 2;33 0 0 33 33 34 33 0 1 2;1 1 1 1 1 1 1 1 1 1;
;106429 148 84125 1341 14210 1299 82 13 1235 106 4392 312 4308 83 349 3 0 1363 508;9 10 0 9 10 0 0 0 0 0 0 0 0 0 0 0 0 0 0;13 14 33 13 14 33 0 0 0 0 0 0 33 0 33 0 0 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 68 16 2 0 18468 0 110918 0 4043 390 0 110918 100271 0 85 7 52 2083 0 2644 0 2 0 9664 10384 444 299 101 4588 0 2 0 9664 1412 5;0 0 0 0 0 19 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 9 10 7 8 0 0 0 0 9 1 2;0 0 0 0 0 25 0 33 0 33 0 0 33 33 0 0 0 0 0 0 33 0 0 0 21 22 22 33 34 33 0 0 0 13 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;9075 1003 13956 220 2 129 4400 287942 1403 289 1702 3519 282 655 1 9075 1003 13956 220 2 129 4400 287942 1403 289 1702 3519 282 655 2 9075 1003 1 3112 3065 5;45 46 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 45 46 0 0 0 0;53 54 33 0 0 0 0 0 21 22 0 33 33 33 0 53 54 33 0 0 0 0 0 21 22 0 33 33 33 0 53 54 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;5795 1957 2224 10 15 441 203 17 1 11 217 846 1021 1 595 217 132;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 0 0 0 0 33 0 0 0 1 2 2 2 0 33 34 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;6313 10 378 2370 6 222 4883 32 8468 1 4 130 112;0 0 0 0 0 0 0 0 0 0 1 2 2;33 0 33 33 0 0 33 0 33 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1;
;797 1193 324 0 4816 0 45 16961 7874 3 3708 10 250 3 1 4 9;0 0 0 0 45 0 0 0 0 0 0 0 0 0 0 1 2;0 0 0 0 33 0 0 41 42 0 33 0 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;24818 3221 938 2090 36071 812 16212 3392 85 2630 2723 0 21244 618 414 1279 306 1220 30 726 4123 259 1 34 297 5 6518 6518 272 297 411;17 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2 0 0 0 0 0;31 27 28 33 33 33 33 0 0 0 33 0 33 34 33 0 0 33 0 0 33 34 0 1 2 2 0 0 33 34 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;37829 93 3486 20 1033 10 20 1 4 9;0 0 0 0 0 0 0 0 1 2;33 0 33 0 33 33 34 0 1 2;1 1 1 1 1 1 1 1 1 1;
;10659 4408 52 10 12 10 1581 1 4 9;0 0 0 0 0 0 0 0 1 2;21 22 22 33 34 34 33 0 1 2;1 1 1 1 1 1 1 1 1 1;
;330 3994 174 2437 28 18 1 334 128 277;17 18 18 18 18 18 0 0 0 0;13 0 0 33 33 34 0 33 34 0;1 1 1 1 1 1 1 1 1 1;
;321 13662 0 1690 0 7914 45 3 1564 246 0 1795 26 3587 0 416 0 2 0 364 5;0 5 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 9 0 0 0 33 33 34 33 34 0 21 22 22 0 33 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;126 6842 169 107 109 1761 96 17683 20383 1 4 79 9;0 17 18 18 0 37 0 0 0 0 0 0 0;0 31 32 32 0 33 0 33 0 0 21 22 22;1 1 1 1 1 1 1 1 1 1 1 1 1;
;1354 113 169 287;17 18 18 18;31 32 32 32;1 1 1 1;
;215 2702 929 38 3496 30 151 764 2376 3 84 1680 96 45 804 3 84 22 236 2921 11413 84 234 70 403 162 2702 249 22 203 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 0 33 33 34 0 33 0 33 0 0 33 0 0 0 0 0 33 34 33 33 0 0 0 33 0 33 34 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;32633 46143 360 1 316 197;0 0 0 0 17 18;27 31 33 0 1 2;1 1 1 1 1 1;
;14 4241 1630 5432 16;0 23 24 0 0;0 29 30 33 0;1 1 1 1 1;
;564 4836 38599 148 13 1597 1594 4659 4521 20626 12518 1773 10868 117 848 0 14918 540 152 1918 2 255 2 35 19 2 41 72;0 9 9 10 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;13 14 13 14 0 33 0 33 33 33 33 33 33 0 0 0 0 0 0 0 0 33 0 21 22 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1209 967 1336 138 343 5117 23503 2225 1 4 61;0 0 0 0 0 0 0 0 0 1 2;33 0 33 34 33 33 33 21 0 1 2;1 1 1 1 1 1 1 1 1 1 1;
;173561 0 5508 22 10 37788 2 315 2 35 19 2 41 72;21 0 0 0 0 0 0 0 0 0 0 0 1 2;27 0 0 33 34 33 0 33 0 21 22 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;33784 31608 4882 5383 51 65007 0 1321869 23 4430 8330 4356 4532 9769 5186 10292 14497 5832 0 2 0 3076 638 300 5;21 22 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2 2;27 28 33 33 0 31 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 2363 20120 950 16 1 2363 20120 950 37 1 2363 20120 950 104 1 2363 20120 950 87 1 395 5 0;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 0;0 33 21 22 0 0 33 21 22 33 0 33 21 22 33 0 33 21 22 31 0 1 2 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 154 68 16 971 39464 787885 2 933 299 971 642 107168 4136 62 39464 66 94 2 631 5;0 0 0 0 17 23 0 0 9 0 23 24 24 24 0 23 0 0 0 1 2;0 0 0 0 31 33 0 0 13 33 29 30 30 30 0 33 0 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;13374 0 36 0 3762 823 107 19039 3290 33 7 4483;1 0 0 0 9 0 0 0 37 0 0 0;1 0 0 0 13 0 33 33 33 0 21 22;1 1 1 1 1 1 1 1 1 1 1 1;
;9309 1539 383 18 10 115 250 3 18 17 0 2 0 5350 1071 3 1487 0 2 0 605;17 18 18 18 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1;31 32 33 34 0 0 0 0 33 0 0 0 0 33 33 0 33 0 0 0 1;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;10700 96229 408 2 157 732 894 192 119 28 18 2 34 997 516 5;0 0 0 0 17 18 18 18 18 18 18 0 1 2 2 2;33 0 33 34 13 0 0 33 34 33 34 0 1 2 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;17737 21075 207450 30 24269 56;0 0 0 0 0 0;11 21 21 0 0 0;1 1 1 1 1 1;
;8322 9806 713 14874 1599 20 19110 0 14874 19110 15 800 1 4 9;45 46 46 0 0 0 0 0 0 0 0 0 0 1 2;53 54 54 21 33 0 33 0 21 33 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;18017 21033 12183 126 96 900 1705 201506 1 4 9;0 0 0 0 0 0 0 0 0 1 2;33 34 33 0 0 0 33 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1;
;65987 6888 1713 3219 4223 7808 6346 125 2 8378 2631 5;9 0 0 0 0 0 0 0 0 1 2 2;13 33 33 33 21 22 33 34 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1;
;14 87 104 0 64 539 1165 0 179 586 45610 8006 5858 711 62 672 5813 66 22891 76 16 37 1 87 1 44 0 2 427 262 318 5;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 31 33 0 0 0 33 0 0 33 31 33 34 0 0 33 33 0 21 22 0 33 0 31 0 33 0 0 33 31 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 68 16 2 0 7942 401 565 3520 425 1459 38 183 0 2 0 543 27 754 2169 183 2073 0 2 0 543 1412 5;0 0 0 0 0 9 10 10 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2;0 0 0 0 0 13 14 14 33 0 33 0 0 0 0 0 13 14 0 33 0 0 0 0 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;22 3 94 1434 7722 886 3495 8 2721 13 303 193 135 362 687 12 1927 21 8 15 441 2881 0 2 0 111 1722 922 0;0 0 23 24 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0;33 34 29 30 33 0 33 0 0 0 33 33 0 33 33 33 34 0 0 0 33 0 0 0 0 31 33 34 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1373 232 14099 203 232 6908 356 152 827 298 1234 2824 1499 64 26870 2482 232 70 1550 1894 24 60 1 4297 146 43 1 4 47;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 7 8 0 0 1 2;33 0 33 33 34 33 0 0 33 0 33 0 33 0 33 0 0 0 0 0 0 0 0 11 12 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1169 4878 135 992 1001 241 527 8 15 1743 17 17 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;21 22 33 34 33 0 0 0 0 33 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1262 9 350 699 22 999 22 10 11 365 462 3 8 999 348 12 8192 350 171 2444 21 166 350 2966 11 145 16580 21 8 22 542 15 143 432 17 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 34 0 35 36 0 33 34 0 33 34 0 0 0 0 0 33 0 21 22 22 0 0 33 33 34 33 0 0 33 34 34 34 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;7236 44370 5360 486 0 2 0 558 352 259;0 0 23 24 0 0 0 0 0 0;33 0 29 30 0 0 0 33 33 34;1 1 1 1 1 1 1 1 1 1;
;92939 8881 251188 2 1978 460 4152 159 779 176 3884 1343 0 2 0 364 5;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 0 0 0 33 13 14 33 34 0 33 33 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;181 350 12194 5587 3 529 806 4074 201 0 2 0 4118 253 0;0 0 0 0 0 0 0 0 0 0 0 0 5 6 0;0 0 0 33 0 33 34 33 34 0 0 0 33 34 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;82 7592 54 9166 6 42 421 54 150956 348 83 6188 23 25 84 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 33 0 0 0 33 34 0 33 0 0 33 0 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;81 6020 85 1219 171 6 6020 85 67 1678517 52 454 6 705 6 3249 0 6020 1 2956 5;0 23 24 0 0 0 23 24 0 0 0 0 0 0 0 0 0 0 0 1 2;0 29 30 33 34 0 29 30 0 33 0 33 0 33 0 29 30 30 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14828 9717 16632 13111 5187 377 0 53225 176 1277 14644 2 1533 31 3838 100;17 0 0 0 0 0 0 0 0 0 23 0 1 2 0 0;31 33 0 25 26 0 0 33 0 33 29 0 1 2 33 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 68 16 2 0 299 94 0 2 0 6652 63973 299 94 0 2 0 6652 1412 5;0 0 0 0 0 23 24 0 0 0 9 0 23 24 0 0 0 1 2 2;0 0 0 0 0 29 30 0 0 0 13 13 29 30 0 0 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;6452 46063 559 3915 0 1163 13583 1279 269 170186 38968 22669 36 559 3915 36 1163 13583 36 6452 1 114 268 1 114 5;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 0 1 2;33 33 33 33 0 21 22 0 33 0 33 33 0 33 33 0 21 22 0 33 0 1 2 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;8744 824 1313 1680 50 24;0 0 0 0 0 0;33 15 16 33 0 0;1 1 1 1 1 1;
;13180 23421 0 4757 23421 0 575 2798 1737 0 845 1737 0 8461 206 1 88 12975 12359 1 88 761 5;9 10 0 9 10 0 0 0 0 0 0 0 0 31 32 0 0 0 0 0 1 2 2;13 14 0 13 14 0 33 33 34 0 33 34 0 39 40 0 13 33 33 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;402 80 309 259141 232 92297 1457 289 0 34376 64526 0 490 1257 7 7 7 7;0 0 0 0 0 45 0 0 0 0 0 0 0 0 0 0 0 0;33 0 0 33 34 53 33 0 0 53 54 0 0 0 0 0 0 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 14167 62 83603 66 74184 2 50 1511 87670 362 7159 851 2824 138 969 518 669 86 16 37 6 87 6 44 6 669 86 6 88 11466 12680 1998 28 18 2 395 5;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 17 18 18 18 18 18 0 1 2;0 33 0 21 0 0 0 33 34 33 33 33 33 0 33 33 0 29 30 0 33 0 31 0 33 0 29 30 0 31 32 32 32 32 32 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 933 13162 1046 16 2 3207 933 299 191;0 9 0 0 0 0 0 9 0 0;0 13 13 14 0 0 21 13 33 34;1 1 1 1 1 1 1 1 1 1;
;4690 286 3636 837 1172 5402 3 4998 32 1972 0 36 0 4741 27 169 287;0 0 0 0 0 0 0 0 0 0 0 0 0 17 18 18 18;33 33 33 34 33 34 0 33 0 33 0 0 0 31 32 32 32;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;36279 67 7781 938 7941 32 8110 4760 0 2 0 421 499 480 480;11 0 0 0 0 0 0 0 0 0 0 1 2 2 2;15 0 33 34 33 0 33 33 0 0 0 1 2 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;88 467 344 800 99 614 344 800 4657 99 13 124 2681 1413 8 373 341 160 1182 143 442 17 0 2 0 612 295 42;17 18 0 0 0 0 0 1 2 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2;31 32 21 0 0 0 21 1 2 0 0 0 33 33 0 0 0 0 33 0 33 34 0 0 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1325 764 3 4289 3579 15 1335 1 4 9;0 0 0 0 0 0 0 0 1 2;33 0 0 33 33 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1;
;17285 21544 18 12775 249 5970 18 1 4 9;0 0 0 0 0 0 0 0 1 2;33 34 33 33 0 33 33 0 1 2;1 1 1 1 1 1 1 1 1 1;
;151316 445 437 0 455 1135 34194 0 151316 1459 1068 2 325 2 35 19 2 41 72;0 39 40 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 47 48 0 33 34 34 0 33 33 0 0 33 0 21 22 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2047 2 40733 2 467 463 5 46 15066 67 9753 2 26514 4966 0 7 679 1 1115 40;0 0 21 0 0 0 0 0 0 0 0 0 17 0 0 0 0 0 5 0;35 0 27 0 33 34 34 0 33 0 33 0 31 33 0 0 33 0 9 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;773 33 8 22 236 993 129 353 12768 8 1160 237 2681 64 1495 5005 8 22 1200 227 21 7125 117 353 122 3 101 8 1160 215 212 5005 237 165 12 371 8 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 17 18 0 0 0 0 0 1 2;21 22 0 33 34 33 0 0 33 0 0 33 33 0 33 33 0 0 0 0 0 0 0 33 34 0 0 0 0 0 0 31 32 0 33 34 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1354 67 2423 401 10613 1148 1602 0 2 0 69 633 0 2 0 7071 27 401 153;9 0 17 18 0 0 0 0 0 0 0 0 0 0 0 17 18 18 18;11 0 31 32 33 21 22 0 0 0 33 33 0 0 0 31 32 32 32;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;41 7233 3 9239 0 8099 905 0 155 5545 3 1804 25214 21 0 78 2 78 2 35 19 2 41 72;45 46 46 46 0 0 0 0 0 0 0 0 37 0 0 0 0 0 0 0 0 0 1 2;25 26 26 26 0 33 34 0 0 33 0 33 45 0 0 33 0 33 0 21 22 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;250 30 4 47 164 369 6865 17 1 4 9;0 0 1 2 0 0 0 0 0 1 2;0 0 1 2 0 0 33 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1;
;13 644 17072 2226 8 1459 12 2221 2554 8 48120 341 6185 59 0 2 0 649 848 5;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2;33 34 0 33 0 33 0 0 0 0 33 0 33 0 0 0 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;19 6253 0 14 3437 12 2841 859 16 197420 0 9469 0 23850 0 17822 2670 6067 55 7210 574501 3916 5587 1 19 1 1945 78 19;0 0 0 0 9 0 0 0 0 0 0 19 20 20 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 33 0 0 13 33 34 34 0 0 0 33 34 34 0 27 28 33 0 0 0 33 33 0 33 0 1 21 22;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;5251 244 3669 42 201879 135 181 978 7359 15253 15158 1021 2808 217 2 2 34 1590 5 0 1038 169 1590 3688 5145 0 835 77 50 300 2853 235 411;0 0 0 0 21 0 0 0 0 9 0 0 0 0 0 0 1 2 2 0 17 18 18 18 0 0 0 0 0 0 0 0 0;33 34 34 34 27 33 34 21 22 13 33 33 34 34 0 0 1 2 2 0 31 32 32 32 33 0 33 33 34 33 33 33 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;79576 3 6864 1108 873 225 11 2329 17 2130 1146 17 1 4 9 0;0 0 9 10 10 0 0 0 0 0 0 0 0 1 2 0;33 0 21 22 22 0 0 33 0 33 33 0 0 1 2 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 464 158537 15860 16 59351 1942561 996556 251 0 46229 376355 124019 1 15860 251 1946 1 836 1 1481 1 743 734 743 734;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2 2;0 0 27 33 0 25 0 0 0 0 33 0 33 0 33 0 21 0 33 0 1 0 1 2 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1234 5478 44 1 1234 5478 201 26 3068 68 0 2 0 318 5 3920 35 1197 44;0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 0 0 0 0;33 33 33 0 33 33 33 0 33 0 0 0 0 1 2 33 33 33 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;26640 190 972 1404 3515 3 10075 2 1404 2 10685 5 36 56788 7 65 7 645;0 0 0 0 0 0 0 0 0 0 1 2 0 0 0 0 0 0;33 35 36 33 34 0 33 0 33 0 1 2 0 0 33 34 0 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14164 737 1919 23 373490 0 9497 737 1919 2162 25 1690 228 7 117 1473 0 695 55 193 40 0 2 0 1055 1342 40 0 2 0 1055 193 40 199;31 23 24 0 23 24 24 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 29 30 0 0 0 0 0 0 0 0;39 29 30 0 29 30 30 29 30 33 0 0 21 22 22 33 0 33 0 21 22 0 0 0 37 38 33 0 0 0 33 34 33 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;3536 249 79 332 29 11 187 369 601 547 220 11 604 3 23554 8 11 20 33 3 606 1308 17 1 4 79 9;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 0 21 0 0 0 0 0 0 33 0 0 0 0 33 0 33 34 33 34 33 33 0 0 21 22 22;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;279 39 13 82 20174 83 0 350 10 77 58 1469 3 1109 365 0 2 0 463 5 0 2 0 16257 2024 5;17 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2;31 33 34 0 33 0 0 0 0 0 0 33 0 33 34 0 0 0 33 34 0 0 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;237 651 5175 82 4401 83 497 6269 26931 46 7618 3496 7232 1517 337 82 937 180 136 2477 83 0 2 247 268;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 17 0;33 33 34 0 0 0 21 22 0 0 33 34 33 33 34 0 33 34 34 0 0 0 0 31 21;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2214 24527 19572 44 8 340 2214 24527 19572 7216 865 517 639 68 8 1884 684 68 8 4329 68 8 10849 68 8 7131 68 0 2 0 340 3443 499;9 10 10 0 0 9 9 10 10 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 9 1 2;0 0 33 33 0 13 0 0 33 13 14 33 34 34 0 33 34 0 0 33 0 0 33 34 0 33 0 0 0 0 13 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 102 38 471 97 1876 181 4324 637 269 2706 3427 2329 637 19869 19256 58 16 2 3411 116;0 0 0 0 0 0 0 9 0 0 0 0 0 0 0 0 0 0 0 1 2;0 33 34 34 34 34 34 13 33 34 33 33 33 33 33 33 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 1373 16 4010 22 7703 74699 1661 331 10 1961 1 9691 43 1 4 47;0 0 0 0 0 0 0 0 0 0 0 0 29 0 0 1 2;0 33 0 33 0 0 33 0 33 34 33 0 33 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;461 17571 314 28 18 15 124 17 23 137 116 74 719 1238 1183 8 1195 648 74 544 578 74 1815 2314 25 0 2 0 1774 884 224 23 13 199 712 729 1256 25;17 18 18 18 18 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2 0 0 0 0 0 0 0;13 27 33 33 34 0 0 0 0 21 33 0 33 33 34 0 33 33 0 33 33 0 33 33 0 0 0 0 1 2 2 0 33 34 33 33 33 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2175 21520 501 160 3628 107 15 124 74 33 12 33 17;37 38 38 0 17 18 0 0 0 0 0 0 0;45 46 46 0 31 32 0 0 0 33 34 34 0;1 1 1 1 1 1 1 1 1 1 1 1 1;
;688819 0 11 91 688819 6 688819 11870 17932 2 1513 5 0 11392;21 0 0 0 21 0 21 0 0 0 1 2 0 0;27 0 0 0 27 0 27 33 34 0 1 2 0 1;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;174 936 457 118 1369 15 1375 0 19307 50 1369 3 10463 30 3278 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 0 33 0 33 0 33 0 0 33 34 0 33 33 34 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;6899 36393 86 1078 6 6899 36393 86 1078 0 6 6899 36393 86 1078 0 2 693 51 26 26 163 7 12830 18842 12260 7 65;23 24 24 0 0 23 24 24 0 0 0 23 24 24 0 0 0 0 0 0 0 0 0 0 0 0 0 0;29 30 30 33 0 29 30 30 33 0 0 29 30 30 33 0 0 25 26 26 26 33 0 33 33 0 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 22 3 446 16 1 2986 101 11 3069 1 2986 110;0 0 0 0 0 0 0 0 0 0 0 0 0;0 33 34 33 0 0 21 0 21 22 0 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1;
;133 34 13498 133 287 411 128;0 9 9 0 0 0 0;0 13 13 0 33 33 34;1 1 1 1 1 1 1;
;102 38 82 13 293 13 175 83 4951 312 2547 4610 0 10148 1148 11 6101 2094 1 172 3713 1 588 5;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 34 0 33 34 34 34 0 33 33 34 33 0 21 22 33 34 33 0 33 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;309 699 3 42 606 2233 413 30 59038 12749 30 10262 164 5883 317 3209 236 22 1448 24 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 35 36 0 33 33 0 0 33 33 0 33 0 0 0 33 21 22 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;198 38 10053 0 14500 40 890 3092 1305 0 999 16419 1137 4193 764 0 2 0 6521 69 131;0 0 5 6 6 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 34 9 10 10 33 0 0 0 0 0 33 0 33 0 0 0 0 21 31 32;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;46684 3 3572 1710 7500 4422 21 7904 2776 15 1894 1 4 9;0 0 23 24 24 0 0 0 0 0 0 0 1 2;51 0 29 30 30 0 0 33 0 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;49 718 2558 231 1540 48 550 2 360 186 38 511 304 6929 626 56 62 1614 723 55 66 39 127 1276 8285 323 3 3369 1 3185 5;27 28 28 28 28 28 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 33 34 34 34 0 33 0 33 33 34 33 34 33 34 0 0 33 33 0 0 21 22 22 33 34 0 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;139 3463 144 3463 46 497 868 28557 2085 186 7934 62 127 66 0;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;0 33 0 33 0 33 34 33 34 34 33 0 0 0 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;155 3366 9810 32 3366 3042 913 42410 21175 12 241 31987 1 4 9;0 0 0 0 13 14 14 14 0 0 0 0 0 1 2;0 0 0 0 17 18 18 18 33 0 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;49 35333 48 18816 3 156 1 4 130 112;0 0 0 21 0 0 0 1 2 2;35 36 36 27 0 33 0 1 2 2;1 1 1 1 1 1 1 1 1 1;
;26760 53718 0 2 0 65773 0 428396 0 35047 0 537 0 7228 7 0 25804;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;31 0 0 0 0 33 0 0 0 21 0 0 0 33 0 0 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;222 943 45 1703 14 17256 2785 16 3 7293 266 1 943 2197 43 1 4 47;0 0 0 0 0 11 12 0 0 0 0 0 0 0 0 0 1 2;0 25 0 33 0 15 16 0 0 33 33 0 25 33 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;778557 1 538277 24505 1 122623 7 679 1 1115 40;0 0 0 0 0 0 0 0 0 0 0;0 0 0 33 0 33 0 33 0 9 33;1 1 1 1 1 1 1 1 1 1 1;
;32691 20555 4921 987 2746 486 4806 67 8041 1 221311 10013 1 1655 3115 3168 5;31 32 0 0 0 0 0 0 0 0 21 0 0 1 2 2 2;39 40 33 34 33 34 33 0 33 0 27 33 0 1 2 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;110 1944 14815 74 799 14815 993 8 2812 1277 8 7963 33867 59 1 3539 1527 832 3 101 1936 337 1 1552 868 1936 5;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 21 22 0 0 0 0 0 0 9 1 2 2;33 0 0 0 0 0 33 0 33 33 0 33 33 0 0 0 33 33 0 33 34 33 0 13 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;545 29215 75 9673 1330 216 6939 1095 0 471 42 152 19712 1 188 69 108;9 9 10 0 0 0 0 0 0 0 0 0 0 0 0 0 0;13 33 34 33 33 0 0 33 0 33 0 0 33 0 9 10 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;798 165 317 1788 5751 688 659 2884 8 365 3 3570 96 3740 688 8 365 3 10 12 10 166 190 3 89 1351 156 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 34 0 33 33 0 0 33 0 0 0 33 0 33 0 0 0 0 33 34 34 0 0 0 0 0 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;8766 27 275 2008 139030 976 359 36 8766 27 275 2008 139030 976 359 488 1475 1102 23316;0 0 0 0 31 0 0 0 0 0 0 0 31 0 0 0 0 0 0;13 0 0 0 39 33 34 0 13 0 0 0 39 33 34 0 0 13 21;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2673 78227 922;0 0 0;33 33 0;1 1 1;
;7674 15331 3 547 1092 20 203 8 710 2921 6678 6988 8 975 64 20 547 3 7674 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 33 0 33 33 0 0 0 0 33 33 33 0 33 0 0 33 0 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;20 10 28227 26960 26 26960 2080 883 1 20 10 28227 26960 26 26960 2080 883 334 128;0 0 9 0 0 0 0 0 0 0 0 9 0 0 0 0 0 0 0;0 0 13 33 0 33 33 33 0 0 0 13 33 0 33 33 33 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;22267 3 828 0 23 1808 25;19 20 20 0 0 1 0;35 36 36 0 0 1 0;1 1 1 1 1 1 1;
;750 168 1827 1029 1348 10 162 99 206 17 1 4 9;39 40 0 0 0 0 0 0 0 0 0 1 2;47 48 33 33 33 0 0 0 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1;
;5658 2882 107 2 277;17 18 18 0 0;31 32 32 0 0;1 1 1 1 1;
;1751 55680 27496 17695 6717 0 2 0 1261 1634 491 547 491 0 2 0 192 55 0 2 0 235 55;0 0 0 9 10 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 33 33 13 14 0 0 0 35 36 36 33 34 0 0 0 33 34 0 0 0 33 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;96832 40593 361 2 39 57 535;0 0 0 0 0 0 0;0 0 33 0 0 0 0;1 1 1 1 1 1 1;
;16067 2 21820 740 4136 0 49347 1169 5852 252 8311 1440 86 0 2 0 13858 2 21390 334 128;0 0 0 0 0 0 0 0 0 0 23 24 24 0 0 0 0 0 0 0 0;33 0 33 33 0 0 0 33 33 34 29 30 30 0 0 0 31 32 32 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;5351 1717 98 102 38 1186 561 296 176 2487 2779 1 5351 1717 98 1186 5;17 18 18 0 0 0 0 0 0 0 0 0 17 18 18 1 2;31 32 32 33 34 33 34 33 0 33 33 0 31 32 32 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;22 293 1982 136 158 54 39777 2 2 12 333 7658 3 23445 4090 2 247 280;0 0 0 0 0 0 9 0 0 0 0 0 0 11 0 0 0 0;0 0 33 33 34 0 13 0 0 33 34 34 0 15 33 0 21 22;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;92 362 94 183 3 1169 22749 23169 15417 2 662 150 0;9 0 0 0 0 0 0 0 0 0 0 0 0;13 33 33 34 0 29 30 33 33 0 33 34 0;1 1 1 1 1 1 1 1 1 1 1 1 1;
;5201 13 3675 23 146 1049 11056 5201 13 957 25 6 5201 280 282 0 2 0 3184 2782;17 18 18 0 0 0 0 9 0 0 0 0 9 0 0 0 0 0 0 0;13 0 33 0 0 33 33 13 33 34 0 0 13 33 34 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;408 0 28585 0 368 0 4855 2 133378 0 329310 6 0 408 0 28585 0 368 0 4855 1889 40 6 579 40 0 2 0 2326 202;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 5 6;0 0 33 0 33 0 33 0 27 28 28 0 0 0 0 33 0 33 0 33 9 33 0 33 33 0 0 0 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;212094 0 34386 0 12050 6277 0 8361 3624 5;21 22 22 0 0 0 0 1 2 2;27 28 28 0 25 26 0 1 2 2;1 1 1 1 1 1 1 1 1 1;
;22 3 4027 223 56 413 3 130 9704 121 4027 130 8 402 4027 130 10 1123 93 8185 1233 2547 130 432 17 10 6385 3 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;21 22 22 0 0 0 0 33 33 0 33 34 0 33 33 34 0 0 0 33 0 33 33 0 0 0 33 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;114 11365 34 850 26691 393 1631 1 35 4242 1 114 5;17 0 9 0 21 0 0 0 0 0 0 1 2;31 0 13 0 27 0 0 0 33 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1;
;176503 3965 71 1865 5191 7824 6955 1126 1856 55 0 176503 3965 71 1865 5191 7824 6955 1126 1856 55 2 37294 1309;0 17 18 0 0 0 0 0 0 0 0 0 17 18 0 0 0 0 0 0 0 0 0 0;21 31 32 33 33 33 34 0 33 0 0 21 31 32 33 33 33 34 0 33 0 0 27 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 1597 6591 3934 866 16 1 1597 6591 3934 866 44 1 37 0 2 0 322 5;0 0 0 23 24 0 0 0 0 23 24 0 0 0 0 0 0 1 2;0 33 33 29 30 0 0 33 33 29 30 33 0 33 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;22 11 964 746 8 236 27680 930 29 97 8 225 11 17569 199 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 0 0 33 0 0 33 33 34 0 0 0 0 33 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;34 252 4775 415 46 2149 808 415 601 1594 3460 804 51545 14153 0 36 4506 415 36 14153 36 3460 804 1 114 268 1 114 5;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 13 14 0 0 0 0 0 0 1 2 0 1 2;33 34 0 0 0 33 21 22 0 0 33 0 0 33 0 0 17 18 0 33 0 33 0 0 1 2 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 4249 312 99 46 17612 16 48981 2257 14574 985 264 2 78 2 35 19 2 41 72;0 45 46 46 46 46 0 19 0 0 0 0 0 0 0 0 0 0 1 2;0 53 54 54 0 33 0 25 33 21 33 34 0 33 0 21 22 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;4039 678716 68339 26 140607 0 736353 0 169765 8191 782 34581 46797 34286 1 1980 19 1 1236 1 170 832 71 36 34 3355 259 5 20533 22799 7 645;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 0 21 0 11 0 0 0 33 0 0 0 33 33 0 33 33 0 33 0 33 33 33 0 13 21 22 0 33 33 0 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;34 591 3 1633 1 187 34 591 3 1633 1 2571 34 591 3 33 1334 1 1633 2919;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;21 22 0 33 0 0 21 22 0 33 0 33 21 22 0 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;9976 1634 491 3931 2454 750 1163 1344 1283 51 129 173 129 12795 85 421 9168 324 491 2321 23 1488 25 1 188 69;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 34 34 33 33 33 0 0 33 0 0 0 0 33 0 0 0 33 34 33 0 0 0 0 9 10;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1844 238 453 1834 453 5342 3 42720 654 3 654 2821 1903 121 9457 265 228 7 2480 5802 62 151 842 177 26224 8708 25 8 377 52 265 228 7 2835 5802 62 151 842 177 22210 8708 25 8 252 45 8 9457 74 377 52 3 0 2 0 3022 43 391 361 0;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 0 0 0;0 0 0 33 0 33 0 21 22 0 21 22 33 0 33 0 0 0 21 55 0 33 0 0 0 0 0 0 33 34 0 0 0 33 55 0 33 0 0 0 0 0 0 0 0 0 33 0 33 34 0 0 0 0 1 2 0 33 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2009 3 4925 17 650 225 11 34453 3 17 2312 225 11 34453 3 17 1 4 9;29 0 0 0 9 0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 0 33 0 13 0 0 33 0 0 33 0 0 33 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2174 2174 108 1384 1990 0 2 0 2174 757 1912 5;9 9 10 0 0 0 0 0 9 1 2 2;13 13 14 33 33 0 0 0 13 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1;
;83940 16588 28344 1832 90 0 12950 5833 791 11023 0 60853 2 167 2 35 19 2 41 72;0 0 0 0 0 0 21 21 0 0 0 0 0 0 0 0 0 0 1 2;33 34 34 33 34 0 27 27 21 22 0 33 0 33 0 21 22 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;6651 76 611 4346 7 2210;23 24 0 0 0 0;29 30 33 34 21 22;1 1 1 1 1 1;
;1198 117645 46 4659 55638 7515 10175 0 1948 4717 7294 36661 112504 1 69 108 1 12925 5;0 21 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 27 0 33 33 0 33 0 0 0 0 33 33 0 33 34 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;4813 56745 3016 1898 76 1 56745 3016 1898 76 1 293 4813 56745 3016 1898 76 0 2 0 111;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 17;0 33 21 22 22 0 33 21 22 22 0 0 0 33 21 22 22 0 0 0 31;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;35718 211 4731 891 200 29 97 118 455 28006 8488 60 891 118 106 29 97 30 4541 221 795 2554 766 17930 8 922 11508 891 6207 795 19191 8 1621 2895 1 4 9;37 38 38 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;45 46 46 33 0 0 27 28 0 33 0 0 33 0 35 36 36 0 33 0 33 0 0 0 0 0 33 33 33 33 33 0 0 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;3269 41863 0 222 162 29 3137 440 0 2 0 8293 5;23 24 0 0 0 0 0 0 0 0 0 1 2;29 30 0 0 0 0 33 33 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 2372 158 16 1 2372 158 37 1 2372 158 104 1 2372 158 87 1 395 5 0;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 0;0 13 14 0 0 13 14 33 0 13 14 33 0 13 14 31 0 1 2 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;50 27266 54 3161 1789 0 53266 146 2 220 224 1289 403 62 5897 46 27187 0 546662 0 67574 2 167 2 35 19 2 41 72;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 21 0 21 0 21 0 0 0 0 0 0 1 2;25 26 26 26 26 0 0 0 0 0 0 33 33 0 33 0 27 0 27 0 27 0 33 0 21 22 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;5107 3500 5491 1784 691 283 393 4817 1190 42597 46 4423 1720 82 17556 2418 83 5107 3500 4817 1190 2 34 0 30638;0 0 0 0 0 0 0 0 0 0 0 17 18 0 0 0 0 0 0 0 0 0 9 0 9;33 33 33 33 0 0 0 33 33 33 0 31 32 0 0 33 0 33 33 33 33 0 13 0 13;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 812 1716 3672 10833 1126 0 630 1716 3672 4595 535 1126 16 37 6 87 6 44 6 10833 1126 6 598 27 8324 10453 28 18 2 395 5;0 0 0 23 24 24 0 0 0 0 0 0 0 0 0 0 0 0 0 0 31 32 0 17 18 18 18 18 18 0 1 2;0 33 0 29 30 30 0 33 0 33 21 22 22 0 33 0 31 0 33 0 39 40 0 31 32 32 32 32 32 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;19908 0 257687 6 0 62749 0 282554 0 21049 0 44167 0 36923;0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 0 21 0 0 33 0 0 0 33 0 33 0 53;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;8197 5199 1065 445 1715 282 1 8197 5199 1065 445 147 1 8197 5199 1065 445 1715 440 0 2 0 4228 5;17 18 9 10 0 0 0 17 18 9 10 0 0 17 18 9 10 0 0 0 0 0 1 2;31 32 33 34 33 33 0 31 32 33 34 33 0 31 32 33 34 33 33 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;80985 3706 483 36 273 6 80985 2139 0 2 0 744 1538 0 2 0 744 960;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 31 0 0 33 0 33 33 0 0 0 33 33 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;971 94 2505 118 1511 56 11 2973 73 226 3098 2 34 186 5 2 34 1109 339 411 128;23 24 0 0 0 0 0 0 0 0 0 0 1 2 2 0 9 0 0 0 0;29 30 33 0 33 0 0 33 0 33 34 0 1 2 2 0 13 33 33 34 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;128 314 5444 252 128 838 0 1387 55 0 622 12214 2 1055 2915 5474 311;0 0 0 0 0 0 0 23 0 0 0 0 0 0 0 0 0;33 34 33 0 21 22 0 29 0 0 0 0 0 33 33 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;995 2892 995 49 44854 5776 1871 21 19932 73 148 48 1 10430 60724 629 23035 2742 1 10430 19 1 10430 50 534 1 6719 201 1 3016 97 1 19984 7 65;23 24 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;29 30 0 0 27 28 33 34 13 0 0 0 0 33 33 33 33 33 0 33 33 0 33 33 34 0 33 33 0 0 0 0 0 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2538 179 593 2060 11243 1898 1 2001 232 2538 179 593 2060 11243 1898 0 6 1265 3617 11155 1898 0 981 0 2 0 111;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 17;33 0 0 0 33 34 0 33 0 33 0 0 0 33 34 0 0 33 34 33 0 0 33 0 0 0 31;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;7286 2305 323 80 3007 8 12600 7286 7413 1043 64 82 1257530 83 0;0 0 0 0 0 0 0 23 24 24 0 0 0 0 0;33 34 34 0 33 0 33 34 33 0 0 0 0 0 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;6054 5611 182 116;0 0 0 0;33 21 22 33;1 1 1 1;
;43435 0 513 0 152812 0 519 0 313 0 531410 0 36 0 32049 0 513 0 313 0 71560 0 718343 0 368 0 30810 0 20551 0 101892;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 0 33 0 0 0 33 0 33 0 0 0 0 0 21 0 33 0 33 0 55 0 0 0 33 0 31 0 33 0 13;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 68 16 89 70 5396 2308 73 13379 8 4786 348 44768 10 8057 21 1 11826 2308 100 1 110 54 115 100;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;0 0 0 0 0 33 33 0 33 0 0 0 33 0 33 0 0 27 33 33 0 9 10 10 10;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1471 1480 1492 102 38 1266 2487 1080 213 196 171 2 1266 2487 1080 213 2 2452 562 5;0 9 9 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2;0 13 13 33 34 33 33 34 34 33 33 0 33 33 34 34 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;82610 0 30080 0 4276 0 154 7 57 62 77284 66 4884 40506 0 151 7 57 0 694 0 8706 10408 62 13 66 24602 150 86 19916 1 18361 150 86 1 128 5150 1 1196 1 2915 3002;0 0 0 0 5 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;21 0 33 0 9 0 0 0 0 0 21 0 33 21 22 22 0 0 0 33 0 33 33 0 0 0 33 34 34 33 0 33 34 34 0 21 22 0 33 0 33 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2153 2238 12239 2238 980 129 195 25866 313 0 9906 19299 6628 40 0 622 2368 0 137 55 0 2 0 193 40 0 2 0 3099;45 46 46 46 46 0 0 0 19 20 20 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;53 54 54 54 54 0 0 33 25 26 26 27 33 33 0 0 0 0 21 22 0 0 0 21 22 0 0 0 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;85488 375 375 27847 2488 1 27847 3 18142 403 0 2 0 24051 1563 2204 5;21 0 0 21 0 0 21 0 0 0 0 0 0 1 2 2 2;31 0 0 33 0 0 33 0 33 33 0 0 0 1 2 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;331 489 68125 1631 2387 3081 11 162 29 1 4 9;0 0 0 23 24 24 0 0 0 0 1 2;0 11 12 29 30 30 0 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1;
;7489 873 197 46 8455 4845 42 0 10552 3732 8951 0 2 0 31786 69 5;9 10 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 0 33 0 33 33 34 0 33 0 33 0 0 0 13 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1073 1161 941 565 150 703 198 38 125 343 2 2 49 5355 941 565 48 102 38 1473 276 0;17 18 18 18 18 18 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;13 33 34 34 33 33 33 34 33 34 0 0 0 33 33 34 0 33 34 33 0 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;57 174626 59943 3 424 1755 2 45830 7 65 364 5;0 0 0 0 0 0 0 0 0 0 1 2;0 0 29 0 33 34 0 1 33 34 1 2;1 1 1 1 1 1 1 1 1 1 1 1;
;1844 5001 408 265 3176 377 36 8878 11026 177 377 177 57 265 228 6 377 15175 2970 3656 2758 408 19446 3176 377 36 377 14987 228 3656 265 128777 222 10212 239 3 9590 1929 1 4 130 112;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2;0 33 0 0 0 0 0 33 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 33 0 0 33 34 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14735 813 51 21505 2773 1259 11902 7547 20095 194 1122 0 937 39 13 414 6893 1 6182 1 114 1044 980 1 114 5;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 17 0 17 0 0 0 1 2;0 0 0 33 34 34 0 0 33 0 33 0 0 33 34 33 33 0 47 0 31 21 22 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;49 7002 634 846 58 3 6150 9412 48 0 1030221 14 2006 0 1733 0 2362 16 941;27 28 28 28 28 28 28 28 28 0 21 0 0 0 0 0 0 0 0;0 35 36 36 36 36 36 36 0 0 27 0 33 0 33 0 33 0 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;20611 2702 6334 10680 58 2685 27348 24 1 4 209 132;0 37 38 38 0 0 37 0 0 17 23 24;33 45 46 46 0 33 45 0 0 31 29 30;1 1 1 1 1 1 1 1 1 1 1 1;
;3145 20806 1 4 61;0 0 0 1 2;33 33 0 1 2;1 1 1 1 1;
;402 5754 2507 5109 63 2217 758 305 2287 17 3670 293 5109 8 373 305 2052 20 24 17 2 2507 280 382 0 14 2415 282 16;0 0 0 0 0 9 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0;33 0 21 22 0 13 33 33 33 0 0 0 35 0 0 33 33 0 0 0 0 33 34 33 0 0 1 33 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 384 11453 11564 0 2908 2047 0 3378 3289 1778 0 496 1778 0 4304 1778 0 496 11453 87 16 37 6 87 6 44 6 3289 1778 6 363930 3221 62 4399 1172 66 2 395 5;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 33 33 0 0 0 35 0 33 0 33 0 33 33 0 33 33 0 33 33 31 0 33 0 31 0 33 0 0 33 0 13 0 0 33 34 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;280 120 647 2036 12245 1 2087 5;0 0 0 0 0 0 1 2;33 34 33 34 33 0 1 2;1 1 1 1 1 1 1 1;
;4004 629 46 1657 8596 13 145 145 1 44296 174 1 1655 3115 3168 5;0 0 0 0 0 0 0 0 0 21 22 0 1 2 2 2;33 33 0 33 34 34 34 34 0 27 28 0 1 2 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;34 394 280 269 3261 15283 0 797 1041 327 30 1019 280 270 11178 29 1 131 2 7249 3545 1202 1 279 5;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;21 22 33 34 33 33 0 33 34 0 33 34 33 34 33 0 0 33 0 27 28 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;300 18161 5 0 2 0 187 300 18161 5;1 2 2 0 0 0 0 1 2 2;1 2 2 0 0 0 0 1 2 2;1 1 1 1 1 1 1 1 1 1;
;5636 17172 30 1908 58 15 124 1 4 9;31 0 0 0 0 0 0 0 1 2;39 0 0 33 0 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1;
;33 17022 1233 70 3933 1118 3 457 8 404 3 8 13646 22 214 7679 10 89 526 4880 21 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 33 0 0 33 34 0 33 0 33 34 0 33 0 0 33 0 0 0 33 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1362096 3 1088 18142 1 4 9;21 0 0 0 0 1 2;27 0 33 33 0 1 2;1 1 1 1 1 1 1;
;8751 3 34 3700 0 2 0 12806 13984;0 0 0 0 0 0 0 0 0;33 34 33 34 0 0 0 21 22;1 1 1 1 1 1 1 1 1;
;12376 614 2305 1176 8 293 233 1043 3 229 0 2 0 11 76 0 2 0 4904 0 2 0 2240 0 2696 0 709 197;31 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 17 0 0 0 0 0 0 0 1 2;39 0 0 33 0 0 33 34 0 33 0 0 0 33 34 0 0 0 31 0 0 0 33 0 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;23718 11212 117 422 2882 2134 753 1643 805 30 8336 3626 45 3 1591 2 14 1030 5 16 2 952 252 31 438 696 211 2 163 7 1058 7 65;37 38 0 0 37 0 0 0 0 0 37 0 0 0 0 0 0 1 2 0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 34 0 0 33 34 34 33 34 0 45 33 33 34 33 0 0 1 2 0 0 33 0 33 33 33 33 0 33 0 0 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2619 12027 4267 5665 5765 16212 12 2723 2110 23640 2 2 452 2 2 169 5 0;17 18 18 0 0 0 0 0 13 14 0 0 0 0 0 1 2 0;31 32 32 33 33 33 33 34 17 18 0 0 33 0 0 1 2 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14860 54248 0 1249621 2 210 2 35 19 2 41 72;21 0 0 0 0 0 0 0 0 0 1 2;27 15 16 16 0 33 0 21 22 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1;
;2157 2500 3288 485 34711 25981 1718 10123 0 54248 0 11695 0 148571 0 80765 1466 733 1 104 1 37 26 307 2 34 559 1466 5 0;0 0 0 11 12 0 0 11 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2 2 0;33 34 34 25 26 33 33 15 0 21 0 33 0 25 26 26 33 34 0 33 0 33 0 33 0 1 2 2 2 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;49 14544 3 3038 2925 174 48 4963 4822 2208 1 41419 78;0 0 0 0 0 0 0 0 0 0 0 0 0;0 53 54 54 33 34 0 33 33 33 0 33 33;1 1 1 1 1 1 1 1 1 1 1 1 1;
;136 1069 820 1835 0 932 0 156670 0 2 0 433 1018 0 2 0 943 158;0 0 0 0 0 0 0 0 0 0 0 45 46 0 0 0 45 46;0 0 33 34 0 0 0 21 0 0 0 47 48 0 0 0 53 54;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1735 484 836 438 46 26597 0 139 39914 31713 12439 92521 2 5846 9722 276 144 1 2149 836 1 275 1503 1 1481 1 743 734 743 734;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2 2;33 34 21 22 0 33 0 0 33 33 33 0 0 33 33 0 0 0 33 33 0 0 0 0 1 0 1 2 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;573 106 248 306 6199 13510 10 1867 12 663 1 13791 54 14516 43 1 4 47;0 0 0 0 0 0 0 0 0 0 0 1 2 2 2 0 1 2;33 34 33 34 33 0 0 0 0 33 0 1 2 2 2 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;8236 996 9660 8106 444 12286 3525 74 2268 123 74 13678 1929 2 958 9660 8236 996 3525 2 41 996;17 18 9 9 10 0 0 0 0 0 0 0 0 0 0 0 17 18 0 0 0 0;31 32 13 0 0 33 33 0 33 33 0 0 33 0 13 14 31 32 33 0 0 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2792 148 2635 345 153 2 1674 245 70353 102 38 275 11 314 6215 352 561;17 18 18 18 18 0 0 0 9 0 0 0 0 0 0 0 0;13 14 33 34 34 0 33 33 13 33 34 33 34 34 34 21 22;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1651 623 5469 5296 1098 311 534 0 1651 623 5469 5296 1098 311 546 534 0 31 95 23 1367 25 0 2 0 11379 546 5;19 20 20 20 20 20 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2;33 34 34 34 34 34 33 0 33 34 34 34 34 34 33 33 0 33 34 0 33 0 0 0 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;37279 13 1597 67 227 488 3086 25299 12012 0 2537 350 10 29 28771 36 37279 36 227 488 2 3291 1 5898 5 69;9 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 9 0 0 0 0 0 0 17 18 0;13 0 33 0 33 34 33 33 33 0 33 0 0 0 33 0 13 0 33 34 0 33 0 31 32 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 2870 16 235 19 3592 374 8168 26 291 1 15506 43 1 4 47;0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 33 0 33 34 33 33 33 0 33 0 21 22 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 27746 771 2689 1308 8597 3284 149 0 675 945 26471 0 87 2001 0 37 826 16 37 1 87 1 44 0 2 427 262 318 5;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 0 0 33 33 21 22 33 0 0 0 33 0 31 33 0 33 34 0 33 0 31 0 33 0 0 33 31 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 9118 3449 72244 16 9118 3449 72244 37 1 9118 3449 72244 104 1 9118 3449 72244 87 0 2 427 262 318 5;0 23 24 0 0 23 24 0 0 0 23 24 0 0 0 23 24 0 0 0 0 0 0 1 2;0 29 30 33 0 29 30 33 33 0 29 30 33 33 0 29 30 33 31 0 0 33 31 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 4883 472 17011 16 1 4883 472 17011 260 26 44 26 37 1 4883 472 17011 104 1 111;0 0 31 32 0 0 0 31 32 0 0 0 0 0 0 0 31 32 0 0 17;0 33 39 40 0 0 33 39 40 33 0 33 0 33 0 33 39 40 33 0 31;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;69;0;33;1;
;117 2 112794 2652 922 0 23 1134 1784 25 0;0 0 0 0 0 0 0 0 0 0 0;0 0 33 33 34 0 0 0 33 0 0;1 1 1 1 1 1 1 1 1 1 1;
;17870 2249 1623 416 1987 415 276 1 4 61;0 0 0 0 0 0 0 0 1 2;33 33 33 34 21 22 22 0 1 2;1 1 1 1 1 1 1 1 1 1;
;234 70 1832 22 8220 3709 4746 3709 43879 1148 2190 3 13 244 83055 141 478 20 32122 24 60 781 232 1 4 9;0 0 0 0 21 0 21 0 21 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 34 34 34 27 0 27 0 27 33 0 0 33 34 0 33 33 34 0 0 0 33 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;214 10 20 5459 17 1 4 9;0 0 0 0 0 0 1 2;33 34 34 0 0 0 1 2;1 1 1 1 1 1 1 1;
;2220 19049 9883 36 2220 19049 9883 18 36 19049 9883;17 9 0 0 17 18 0 0 0 9 0;31 13 33 0 31 13 33 33 0 13 33;1 1 1 1 1 1 1 1 1 1 1;
;51690 32790 9630 0 5332 1689 177 52 0 5332 1689 177 52 0 10833 9900 45077 2702 1 4 209 132;29 30 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 17 23 24;37 38 33 0 33 0 0 0 0 33 0 0 0 0 33 33 0 0 0 31 29 30;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;22 4450 21 4627 4644 1268 3 1511 9942 12 9 10 4644 1268 162 1 4 9;0 0 0 0 43 44 0 0 0 0 0 0 0 0 0 0 1 2;0 0 0 0 51 52 0 33 33 33 34 0 51 52 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;24318 148 559 2377 1583 120 153 950 337895 122 12205 15233 985 1812 6545 559 263 3125 148 0;17 18 18 18 18 18 18 9 10 10 10 0 0 0 0 0 0 0 0 0;13 14 31 32 32 32 32 13 14 33 34 34 33 33 33 33 34 33 0 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 140 5295 1399 170 40 16 36 140 5295 1399 40 1 1055 170 55 1 336 99 193 40;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;0 21 22 33 33 33 0 0 21 22 33 33 0 33 33 34 0 0 0 21 22;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;16948 58 34306 36089 8231 655 1 16948 58 34306 36089 8231 44 40;39 40 0 0 0 0 0 39 40 0 0 0 0 0;33 34 33 34 33 33 0 33 34 33 34 33 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;49 139 67185 3651 144 898 4318 9583 12373 3 1757 48 14476 0 12212 18531 24470 62 5344 66 403 67 648 0 2 0 7121 5490 251 3651 6922 0 2 0 51318 235 197 0 2 0;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;0 0 33 34 0 0 33 34 34 0 33 0 33 0 0 0 0 0 33 0 33 0 33 0 0 0 0 33 0 33 0 0 0 0 0 33 34 0 0 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;806 78 49 8306 3 7013 48 78 10152 144 139 1486 2 78 2 35 19 2 41 72;0 0 45 46 46 46 46 0 0 0 0 0 0 0 0 0 0 0 1 2;33 33 33 34 34 34 34 33 33 0 0 0 0 33 0 21 22 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;5044 945 194 3716 2 255 2 35 19 2 41 72;39 40 40 40 0 0 0 0 0 0 1 2;47 48 48 48 0 33 0 21 22 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1;
;49 139 15905 144 94693 0 12185 0 46331 26 3116 195 173 181 48 765315 1 14 10714 301 36 4128 301 16 1 3820 1635 258;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 27 28 0 0 0 0 0;0 0 33 0 33 0 21 22 22 0 33 34 34 34 0 0 0 0 33 33 0 35 36 0 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;8836 7546 2729 30 2568 626 56 3 6587 84 1 168 398 5;0 0 0 0 0 0 0 0 0 0 0 1 2 2;33 43 44 0 33 34 0 0 33 0 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;7660 62 7368 66 0 2 0 775 210 8 801 453 33;0 0 0 0 0 0 0 0 0 0 0 0 0;33 0 9 0 0 0 0 33 33 0 33 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1;
;6625 7 0 15880 12047 172 10420 1964 850 106 625 68081 8 4689 40706 172 654 20912 2 247 934;0 0 0 17 18 0 0 0 0 0 0 0 0 0 9 0 0 0 0 17 0;33 0 0 31 32 33 0 0 0 33 34 0 0 33 13 33 33 33 0 31 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;739 241 4 493 4853 2788 1 8180 21898 1 114 204;0 0 1 2 0 0 0 0 0 0 1 2;0 0 1 2 33 33 0 33 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1;
;31078 3851 12 1253 11074 30924 110 4019 870 1753 6906 8816 14 110 855 5 16;0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2 0;33 33 34 34 33 13 33 0 0 0 33 33 0 1 2 2 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;45293 148 2635 153 0;17 18 18 18 0;13 14 33 34 0;1 1 1 1 1;
;49 3439 1836 10 250 14770 3 48 0 2 0 364 5;0 0 0 0 0 0 0 0 0 0 0 1 2;0 33 33 34 34 34 34 0 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1;
;330 42064 115 837 409 28 18 102 137 116 71 1 123 1 147 0 2 0 489 2182 5;17 18 18 18 18 18 18 0 0 0 0 0 0 0 0 0 0 0 1 2 2;13 0 0 21 22 33 34 33 21 33 34 0 33 0 33 0 0 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1973 814 2125 3 1897 6 814 2125 424 398 6 814 2125 2190 254 3 205 354 1 4462 725 2869 13176 1252 3057;0 21 22 0 0 0 21 22 0 0 0 21 22 0 0 0 0 0 0 9 10 10 47 48 0;33 27 28 0 33 0 27 28 33 33 0 27 28 0 0 0 33 34 0 0 0 0 41 42 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;139 818 144 127 8953 15016 792 1 4005 16110;0 0 0 0 0 0 0 0 0 0;0 33 0 0 0 33 33 0 33 33;1 1 1 1 1 1 1 1 1 1;
;1277 145 14678 2540 3 185 1 185;0 0 0 0 0 0 0 33;33 34 33 33 0 1 0 1;1 1 1 1 1 1 1 1;
;14 40488 142 6306 101 2286 778 446 16 1 40488 142 310 446 16841 327 1 4 493 210 150 446;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 0 0 0;0 27 21 22 22 33 0 33 0 0 27 33 34 33 0 0 0 1 2 33 34 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;617 77 1346 3841 988 3 248 494 15729 0 39 13 4981 12 10 3295 10673 2339;9 0 0 0 0 0 0 0 0 0 0 0 0 0 0 21 22 22;13 0 0 33 33 0 33 34 0 0 33 34 33 33 34 27 28 28;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;7833 3040 2167 21 8 397 8243 236 32 7429 2653 8 1570 24 17 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 33 33 0 0 33 33 0 0 0 33 0 33 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;317156 62 88 66 383 28 18 0 2 0 1755;17 18 18 18 18 18 18 0 0 0 0;0 0 13 0 33 33 34 0 0 0 33;1 1 1 1 1 1 1 1 1 1 1;
;73406 11347 2 73406 11347 44 2 933 1575 167 2 588 648 5;0 0 0 0 0 0 0 9 0 0 0 1 2 2;33 33 0 33 33 33 0 13 21 22 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;12840 82 207 98 292 83 2109 82 106 29 1663 83 23 68 25 1 188 69;0 0 17 18 18 0 0 0 0 0 0 0 0 0 0 0 0 0;33 0 31 32 0 0 33 0 21 22 33 0 0 0 0 0 9 10;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 17487 267 87 16 1 410 17487 267 87 1 17487 267 87 104 26 2001 0 2 0 111;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 17;0 33 33 31 0 0 33 33 33 31 0 33 33 31 33 0 33 0 0 0 31;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;3969 56 240 6618 21 15 143 17 250 1082 33 17 1 4 79 9;0 0 0 37 0 0 0 0 0 0 0 0 0 0 0 0;33 0 0 33 0 33 34 34 0 33 0 0 0 21 22 22;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;656 113 39 312 691 82 56461 1063 83 2997 1459 563 15287 3616 1 41644 2269 2 34 296 401 128 272 1068;9 10 0 0 0 0 0 0 0 0 0 0 0 9 0 0 0 0 9 0 0 0 0 0;13 14 33 34 0 0 33 0 0 47 48 0 33 13 0 21 22 0 13 33 33 33 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;3939 367 41061 4874 416 1 4 61;0 0 0 0 0 0 1 2;33 34 0 33 33 0 1 2;1 1 1 1 1 1 1 1;
;49 9488 8634 160 1963 48 9880 0 2691 475 6384 8590 10 992 1 188 634;19 20 20 20 20 20 0 0 0 0 0 0 0 0 0 0 0;0 25 26 26 26 0 33 0 0 0 33 33 0 0 0 9 10;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;13 1409 13584 30 22 40087 53168 23727 3 8 1933 455 4811 22 203 8 33055 10874 134 34769 63 8 8564 7537 21 1 4 9;0 0 29 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 33 37 0 0 21 33 34 0 0 0 0 33 34 0 0 0 33 0 0 0 0 33 34 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;102 38 218 190 2813 12508 1192 81 1260 6 190 2813 12508 1192 11 91 173 12508 1192 15 6779;0 0 9 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 34 13 0 33 21 22 0 33 0 0 33 21 22 21 22 22 21 22 0 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;38275 376 36 46795 75 38275 376 10171 12156 1311 406 75 1720 297 125 834 1190;9 10 0 9 10 9 10 0 0 0 0 0 0 0 0 0 0;13 14 0 13 14 13 14 33 33 33 33 0 0 33 34 33 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14704 83521 106061 3 613 32 4161 10 20 60 1 4 130 112;21 0 0 0 0 0 0 0 0 0 0 1 2 2;27 33 34 0 33 0 33 33 34 0 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2934 5445 284 7846 1136 3436 6892 21 652 6892 22256 4652 278 21 1709 11 64 3 746 90 373 9 256 1 4 9;29 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 33 0 33 33 33 0 33 34 0 33 33 0 0 33 33 34 0 33 0 0 33 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;82 22 166 22 1565 404 3 89 11 4659 21 8 3414 1476 457 7 7 7 0 1685 9421 4237 2127 0 2 0 185;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 9 0 0 0 0 0 0;0 21 22 22 33 33 34 33 34 33 0 0 33 34 33 0 0 0 0 33 13 33 0 0 0 0 1;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;46345 67 12581 17523 1394 0 1999 6933 1787 1 34 389 5 0;21 0 0 0 0 0 0 0 0 0 1 2 2 0;27 0 27 33 33 0 33 33 34 0 1 2 2 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;4741 15954 628 197 120 1056 58;17 18 18 18 18 18 18;13 33 0 33 34 33 34;1 1 1 1 1 1 1;
;11802 1186 3 1080 10 91 17 1 105 412 1266 2 412 2523 112 197;17 0 0 0 0 0 0 0 0 9 0 0 9 5 6 0;31 33 0 33 0 0 0 0 33 13 33 0 13 33 34 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2933 12 9 341 21 20 946 501 0 541 773 1783 1636 0 781 1047 1 4 9;0 0 0 0 0 0 37 38 0 0 0 0 0 0 0 0 0 1 2;33 33 34 33 34 0 33 34 0 0 33 33 33 0 33 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;12644 321 298 3 8069 67 17569 1260 0 2 0 364 5;0 0 0 0 0 0 0 0 0 0 0 1 2;33 33 0 0 33 0 33 33 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1;
;4384 1900 33608 2406 737 1234 42 3928 158 463 5 1668 2 2 169 5 466 9600 2 2 169 5 0;17 0 0 0 0 0 0 0 39 40 40 40 0 0 0 0 0 0 0 0 1 2 0;31 21 22 22 29 30 30 33 47 48 48 48 0 0 1 2 2 2 0 0 1 2 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;48141 3 226 1 48141 273 1 48141 140 15 165 1 704 731 1538;17 0 0 0 17 0 0 17 0 0 0 0 5 6 6;31 0 33 0 31 33 0 31 33 34 34 0 33 34 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;768 3 13 29 8655 8 317 457 85 29 97 284 106 324 2224 63 13 324 36 984 554 2 25443 5;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 9 0 0 17 18;33 25 26 26 33 0 0 33 0 0 0 0 33 34 0 0 33 34 0 13 33 0 31 32;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;28392 0 60320 0 85 0 49 8722 12292 85 48 0 17038 0 2 0 31413 190 462 0 139 72341 144 53 31 291 53 387 5 8 19 35 31 95;0 0 0 0 0 0 45 46 46 46 46 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 0 0 0 0 0;53 54 54 0 0 0 53 54 54 54 54 0 33 0 0 0 33 33 34 0 0 33 0 0 21 22 0 1 2 0 21 22 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;179200;21;33;1;
;14395 0 1604 20817 0 16700 15 303 3502 203 17 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 1 2;31 0 0 0 0 29 0 33 33 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;24031 140 406 2783 228 327 3816 1 279 50 5077 5 1 279 5;17 18 0 0 0 0 0 0 1 2 2 2 0 1 2;31 32 33 33 0 0 0 0 1 2 2 2 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;960 42 147026 395271 7559 7992 1084 1 147026 35164 1 33086 44;0 0 21 0 0 0 0 0 0 0 0 0 0;33 34 27 0 33 33 34 0 27 21 0 0 33;1 1 1 1 1 1 1 1 1 1 1 1 1;
;407 3 5681 483 1576 176 156 2 5681 483 3493;0 0 0 0 0 0 0 0 0 0 0;0 0 33 34 33 0 33 0 33 34 33;1 1 1 1 1 1 1 1 1 1 1;
;895 113 172 3152 2813 102 2797 719 20 356 166 1222 1 4 9;9 10 0 0 0 0 0 0 0 0 0 0 0 1 2;13 14 33 33 33 33 0 21 22 0 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;7924 27 1161 345 516 5;1 2 2 2 2 2;13 14 1 2 2 2;1 1 1 1 1 1;
;62 4043 2678 4243 75 66 1482 8 5316 45232 45 8 15073 265 22654 8 568 3587 121 16506 3 1859 4160 4066 3 9238 715 8 2758 1903 1009 15073 74 22654 600 145 1689 74 2908 388 62 57 66 9892 46 4066 10 11017 3587 3 19218 2059 62 52 66 1442 5316;0 0 0 9 10 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;0 33 0 13 14 0 0 0 0 33 0 0 33 0 33 0 0 0 0 33 0 0 0 33 0 33 0 0 0 33 0 33 0 33 0 0 0 0 0 0 0 0 0 33 0 33 0 0 0 0 33 0 0 0 0 0 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2658 3013 5595 89 1688 371 0 516 231 3222 385 32 9884 1 78 1 279 5;45 46 46 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;53 54 54 0 21 22 0 33 33 34 34 0 33 0 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;4501 6805 56 6556 5 147 91 36 4501 6805 56 6556 5 147 91 1 14 334 1641 430 988 3567 16;0 0 0 1 2 0 0 0 0 0 0 1 2 0 0 0 0 0 0 0 0 0 0;51 33 0 1 2 33 0 0 51 33 0 1 2 33 0 0 0 33 33 0 33 34 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1013 6709 54630 0 26309 289 12706 8978 2 5501 2 1446 6995 268 255 5;0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2;0 0 33 0 33 0 33 33 0 33 0 33 34 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;933 119 257 268 257 3 185 1 185;17 18 18 18 18 0 1 0 1;31 32 32 21 33 0 1 0 1;1 1 1 1 1 1 1 1 1;
;2882 2581 3 3031 1231 12 4673 16543 2 18398 1634 5;37 0 0 0 0 0 0 0 0 1 2 2;33 33 0 33 34 33 34 33 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1;
;16785 32 2017 2 315 2 35 19 2 41 72;0 0 0 0 0 0 0 0 0 1 2;33 0 0 0 33 0 21 22 0 1 2;1 1 1 1 1 1 1 1 1 1 1;
;14 227 299 7022 228908 1689 26 688 300 921 2062 776 242 16 37 6 87 6 44 6 20559 294 732 6 461 113 157 27 5190 27889 2057 3312 28 18 2 395 5;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 9 10 9 10 0 17 18 18 18 18 0 1 2;0 0 33 37 0 0 0 0 33 33 33 33 34 0 33 0 31 0 33 0 33 34 34 0 13 14 13 14 0 17 33 34 33 34 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2432 50 704 3 1171 39 431 224 1289 403 0 123315 3 39 13 29 2233 8085 7042 1394 1036 167 131 2 2950 1833 5;19 20 20 20 20 0 0 0 0 0 0 21 0 0 0 0 19 20 0 0 0 0 0 0 1 2 2;25 26 26 26 26 0 33 0 33 33 0 21 0 33 34 34 33 34 33 33 0 33 33 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1552 1833 122 749 547 491 16266;27 28 27 28 28 28 0;35 36 33 34 34 34 33;1 1 1 1 1 1 1;
;14 277046 19568 16 37 6 87 6 44 6 2905 1765 26 8327 6 5060 32689 62 4399 1172 66 2 395 5;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 21 22 0 0 0 0 0 1 2;0 0 33 0 33 0 31 0 33 0 33 34 0 31 0 27 28 0 33 34 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;4061 501 2685 21870 12 2477 8 595 33701 1 11 217 846 1021 1 595 217 132;37 38 0 37 38 38 0 37 38 0 0 0 0 0 0 0 0 0;45 46 33 45 46 46 0 33 45 0 1 2 2 2 0 33 34 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;282768 0 116323 0 37191 0 519 0 1416869 0 2 0 4779 0 308456 0 13153 0 36570 0 28319 0 2097 0 36454 53933;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;21 0 33 0 37 0 33 0 0 0 0 0 21 0 0 0 33 0 33 0 51 0 33 0 33 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;8143 574 181 46 7436 3685 7591 8184 7467 10597 263 6876;0 0 0 0 17 18 0 0 0 0 0 0;33 33 34 0 31 32 33 33 33 33 33 33;1 1 1 1 1 1 1 1 1 1 1 1;
;14 74450 1659 212 16 137 1466 36 741 36 87 36 104 36 37 36 123 36 3931 1 65813 2353 5;0 13 14 14 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 17 18;0 17 18 18 0 21 33 0 33 0 31 0 33 0 33 0 33 0 33 0 0 31 32;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;81 2425 14219 81 1252 1941 15 124 17 1 4 9;0 0 0 0 0 0 0 0 0 0 1 2;33 34 31 13 14 33 0 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1;
;6488 39136 4758 1 6488 39136 570 1 6488 39136 570 372 1 6488 39136 4620 3126 1 6488 39136 24159 3126 1 6488 39136 4758 741 42 1 43563 25988 0;9 0 0 0 9 0 0 0 9 0 0 0 0 9 0 0 0 0 9 0 0 0 0 9 0 0 0 0 0 21 22 0;13 13 33 0 13 13 33 0 13 13 33 33 0 13 13 33 34 0 13 13 33 34 0 13 13 33 33 34 0 27 0 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;22 397 5168 8 96 10 236 397 160 1419 1118 8 135 10 817 1015 8 373 32929 24 17 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;55 56 33 0 0 0 0 33 0 33 34 0 0 0 0 33 0 35 36 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;62 57 66 1482 3003 8 7680 1626 74 2602 2137 1626 134 10 2135 1 1 1 1 1 1 3 4072 1204 289 3 2059 68 45 7680 1626 3 24055 10 1 1 1 1 1 1 8 1442 3229 64 2114 7680 1626 2657 1 361 1 4 554;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;0 0 0 0 0 0 33 34 0 33 33 34 0 0 33 0 0 0 0 0 0 0 33 0 0 0 0 0 0 33 34 0 33 0 0 0 0 0 0 0 0 0 33 0 0 33 34 33 0 33 0 21 22;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;68165 900 527 1649 0 4446 760 61284 1 69 1 192 491 1 2220 1 2220 1006 1 19135 4053 1 2220 10783 1896 414;29 0 0 0 0 0 0 0 0 0 0 0 0 0 17 0 27 28 0 27 28 0 17 18 18 18;37 33 34 0 0 33 0 33 0 33 0 33 34 0 31 0 35 36 0 33 34 0 31 32 32 32;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2868 2426 383 0 2 0 6452 929 18 0 2 0 33 227 6452 929 5;0 0 0 0 0 0 17 18 18 0 0 0 1 2 2 2 2;0 0 33 0 0 0 31 32 32 0 0 0 1 2 2 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;399 46 317 1412 11 5586 82 1819 1742 83 1 678 287 2340 5283 1 34 287 5;9 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2;13 0 0 33 0 33 0 21 22 0 0 33 34 33 33 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;635 3057 403 8 635 626 1088 761;9 0 0 0 0 0 0 0;13 33 33 0 33 34 33 33;1 1 1 1 1 1 1 1;
;9552 1896 0 349 4213 2 0 17107 465 0 2 0 19 709 465 211;17 18 0 0 0 0 0 0 0 0 0 0 0 0 0 0;31 32 0 33 33 0 0 33 33 0 0 0 33 34 33 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;24520 699148 2 797 6867 224 26063 1835 6004 403 24826 29548 4764 26146 54 913 23023 1 797 6867 4405 1 114 204;0 0 0 0 0 0 0 0 0 0 0 9 10 10 0 0 0 0 0 0 0 0 1 2;0 0 0 0 0 0 0 33 33 33 0 13 14 14 0 0 33 0 0 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 389 16554 6626 1818 565 63 178 1506 446 16 1 389 16554 6626 1818 565 63 178 1506 1 4 493;0 11 12 11 12 0 0 0 0 0 0 0 11 12 11 12 0 0 0 0 0 1 2;0 15 16 15 16 0 21 22 0 33 0 0 15 16 15 16 0 21 22 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;389 113 1317 314 159 28 18 3317 199;17 18 18 18 18 18 18 0 0;13 14 33 33 34 33 34 33 34;1 1 1 1 1 1 1 1 1;
;1942561 3 424 398 0 2 0 1689 5878 456 5 0 2 0 34 77 35765 456 11576 67 3096 456 230 3 138 235 232;0 0 0 0 0 0 0 1 2 2 2 0 0 0 9 0 0 0 0 0 0 0 0 0 0 0 0;0 0 33 33 0 0 0 1 2 2 2 0 0 0 13 0 33 33 33 0 33 33 34 0 33 33 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;218 7909 1773 284 5549 8973 9284 0 5037 46 1275 4594 11 6008 1282 2 247 69;9 0 0 0 0 0 0 0 0 0 0 0 0 37 38 0 0 0;13 33 33 0 1 33 34 0 0 0 0 0 0 33 34 0 9 10;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;402 15 309 3547 765 25069 3 578 1375 0 2 0 896 14127 220 229 6082 0 8372 1875 0;0 0 0 0 0 0 0 0 0 0 0 0 23 24 24 0 0 0 17 18 0;33 0 0 33 33 0 0 33 33 0 0 0 29 30 30 33 33 0 31 32 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;37840 438 224 0 25134 0;0 0 0 0 0 0;21 22 0 0 33 0;1 1 1 1 1 1;
;650 823 23730 107 33;9 0 11 0 0;13 0 15 33 0;1 1 1 1 1;
;28887 23637 1 28887 23637 37 1 410 28887 23637 104 26 182 0 2 0 111;31 0 0 31 0 0 0 0 31 0 0 0 0 0 0 0 17;39 33 0 39 33 33 0 33 39 33 33 0 33 0 0 0 31;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;20802 7700 31662 1392 294 0 2 0 5394 5619 1196;17 0 17 0 0 0 0 0 1 2 2;31 47 31 33 34 0 0 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1;
;16690 2162 40 12 21 21 8 10 22 385 24 0 2 0 6901 773 1402 0 2 0 6901 43;5 6 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;9 10 33 33 34 0 0 33 34 0 0 0 0 0 33 21 22 0 0 0 33 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2350 90 1001 89 3975 15217 8 1534 118 90 21387 15217 32 659 6365 8 6234 134 10 2297 4264 8 90 166 219 607 11 915 17 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 0 33 0 33 33 0 9 10 0 33 33 0 0 33 0 33 0 0 33 33 0 0 0 0 0 0 33 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;35670 0 21056;0 0 0;33 0 13;1 1 1;
;38199 794 3426 202 58 46 7973 1297 1449 527 0 2 0 294 552 69;0 39 40 40 40 0 0 0 0 0 0 0 0 0 0 0;31 47 48 48 48 0 33 0 33 0 0 0 0 33 34 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 1327 16 3162 3425 54 667 417 1309 0 37526 0 529 2988 4343 59 62 46003 125082 66 0 170 31 367 1 8566 301 5;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2;0 33 0 35 36 0 35 36 36 0 0 0 21 22 22 0 0 33 0 0 0 33 33 33 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;6868 3 185 1 279 185;0 0 0 0 1 2;25 0 1 0 1 2;1 1 1 1 1 1;
;11192 15539 3517 0 2690 826 77 179 7419 1891 1 114 110 1 114 5;7 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;11 33 33 0 33 33 33 34 0 33 0 33 34 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;12848 207 3128 703 3097 30662 211 261 2462 261 2 34 495 71 5;0 0 0 29 0 17 0 0 0 0 0 1 2 2 2;33 33 33 33 0 31 33 33 33 33 0 1 2 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2476 257 1199 417 1993 174 304 1668 1213 2878;17 18 0 0 0 0 0 0 0 0;21 22 33 0 33 34 33 33 33 33;1 1 1 1 1 1 1 1 1 1;
;615 325 2098 55 85 97 78607 2179 2 247 325;0 0 0 0 0 0 0 0 0 0 0;33 34 34 34 33 34 0 33 0 21 22;1 1 1 1 1 1 1 1 1 1 1;
;167 1 18032 7 65 16773 5;0 0 0 0 0 1 2;33 0 0 33 34 1 2;1 1 1 1 1 1 1;
;1493647 0 123 4009 196 36 94 730 3630 0 2 0 6623 43;0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 0 33 34 33 0 33 34 33 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2414 3 350 603 135 1009 29 462 6058 1 23446 119 512 257 43 1 4 47;0 0 0 0 0 0 0 0 0 0 17 18 18 18 0 0 1 2;33 0 0 0 0 33 34 34 0 0 31 32 32 32 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1045 0 10392 0 13024 32609 0 4917 149 303 3781 6319 1 1109 11687 5;5 6 6 0 0 0 0 0 0 0 0 0 0 0 1 0;9 10 10 0 0 33 0 31 33 33 33 0 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1200 16160 459 212 8 126 2731 848 1117 432 17 214 10 15 441 17 1 4 79 9;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;0 0 33 0 0 0 21 0 0 0 0 33 34 34 34 0 0 21 22 22;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;25074 16056 3312 787 15943 189 5359 3 10 20 1 4 9;7 8 0 0 0 0 0 0 0 0 0 1 2;11 12 33 34 33 0 33 0 33 34 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1;
;684 561 0 2 0 19920 148 287 411 5;0 0 0 0 0 0 0 0 0 0;33 33 0 0 0 13 14 33 33 34;1 1 1 1 1 1 1 1 1 1;
;1874 113 251 12836 27 251 69002 148 251 2214 1446 376 0 6442 8 69002 148 62206 4902 3344 369 4902 3 147 0 2 0 88 469;9 10 0 9 10 0 9 10 0 9 10 10 0 0 0 17 18 18 18 18 18 18 0 0 0 0 0 0 0;13 14 0 13 14 0 13 14 0 13 14 14 0 33 0 13 14 31 33 33 34 33 0 33 0 0 0 21 22;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;4885 3 1459 654 2 2 2 5827 2464 1 19 31 95 0 2 0 1249 7 65;0 0 0 0 0 0 0 39 40 0 1 2 0 0 0 0 1 2 2;33 0 33 34 0 0 0 47 48 0 1 2 33 0 0 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;222 49 26401 30 56 3 6736 4326 0 13325 48 0 32 49 22 3 15722 10 5111 0 13325 48 0 87458 0 3 483 0 781 0 869 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 0 33 34 34 0 0 33 0 33 0 0 0 0 35 36 36 0 33 0 33 0 0 21 0 0 0 0 33 0 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;3194 11 21067 1 761 5 382;0 0 0 0 1 2 0;33 0 33 0 1 2 33;1 1 1 1 1 1 1;
;1942561 21763 0 43370 0;0 0 0 0 0;0 21 0 0 0;1 1 1 1 1;
;45844 0 473 0 7200 0 6535 2 105746 0 460582 6 45844 0 473 0 7200 0 6535 31 1748 6 1889 170 40 6 45844 0 473 0 7200 0 6535 579 40 1 4 202 2 4385 5522;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 5 6 0 0 0;21 22 22 22 22 22 22 0 27 28 28 0 21 22 22 22 22 22 22 33 0 0 9 33 33 0 21 22 22 22 22 22 22 33 33 0 33 34 0 0 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;849 110 10927 302 7166 46 1285 311 12 4321 227 8 4897 12 7152 1 463 5 2325 2 1533 31;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 34 33 0 33 0 33 34 35 36 0 0 33 0 33 0 33 34 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;22 27 1916 24483 548 407 15763 58124;0 0 0 0 0 0 0 0;0 0 33 33 33 0 33 33;1 1 1 1 1 1 1 1;
;14 0 8926 736 37 16 8926 736 87 36 8926 736 260 36 8926 736 44 0 2 0 34 997 516 5 0;0 0 29 30 0 0 29 30 0 0 29 30 0 0 29 30 0 0 0 0 1 2 2 2 0;0 0 37 38 33 0 37 38 31 0 37 38 33 0 37 38 33 0 0 0 1 2 2 2 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 2230 1980 1425 4304 104 0 1764 5557 1521 9069 12233 16073 6438 323824 3289 4930 16 37 6 87 6 44 6 3289 4930 6 92 2780 1693 1012 28 18 2 395 5;0 0 9 0 0 0 0 0 0 0 0 0 0 0 43 0 0 0 0 0 0 0 0 0 0 0 0 17 18 18 18 18 18 0 1 2;0 33 33 33 33 33 0 0 33 33 0 33 33 33 51 0 33 0 33 0 31 0 33 0 0 33 0 13 0 0 33 33 34 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;15 40 12 21 2045 1119 39911 1 4 9;0 0 0 0 0 0 0 0 1 2;0 33 33 34 33 34 34 0 1 2;1 1 1 1 1 1 1 1 1 1;
;2793 0 2 0 280396 14358 0 15520;0 0 0 0 0 0 0 0;33 0 0 0 0 33 0 33;1 1 1 1 1 1 1 1;
;902 5500 30 157 21521 903 91 180 17 2 8411 1331 2917 5;0 37 0 0 0 0 0 0 0 0 1 2 2 2;0 45 0 13 14 0 0 0 0 0 1 2 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;9829 0 1618 1116 3 118844 59 2 401 2 35 19 2 41 72;17 0 0 0 0 21 0 0 0 0 0 0 0 1 2;31 0 33 34 0 27 0 0 33 34 21 22 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;576 5037 931 24551 3730 5726 753 2 45 81 5;9 0 0 0 0 0 0 0 1 2 2;21 0 0 33 34 33 34 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1;
;1011 3780 6260 3 314 67 120 1 4 61;0 0 0 0 0 0 0 0 1 2;33 33 33 0 33 0 33 0 1 2;1 1 1 1 1 1 1 1 1 1;
;571 2612 35829 161 1858 9686 31 3399 243 2752 2 2 49 198 38 34 544 663 3674 2240 4966 609 224 62 39 13 1134 66 48 198 38;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 27 28 28 28 28 28 28 28 0 0 0 0 0 0 0 0;33 33 33 33 33 33 33 34 33 33 0 0 0 33 34 35 36 36 36 36 36 36 36 0 33 34 34 0 0 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;90 1442 17880 2 11195 97 3251 6 90 1442 17880 1288 170 40 6 35 1288 31 95 0 1 4 202 2 4385 5522;33 34 34 0 21 22 22 0 33 34 34 0 0 0 0 0 0 19 20 0 0 5 6 0 0 0;33 34 34 0 27 28 28 0 33 34 34 33 33 33 0 33 33 33 34 0 0 33 34 0 0 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;459 283 29 97 1369 7132 11 356 3488 10 15 441 60 1 4 79 9;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 0 0 0 33 33 33 34 33 0 35 36 36 0 21 22 22;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;17391 32 34766 15 64 203 17 0 1 2375 499 382;13 0 13 0 0 0 0 0 0 0 0 0;17 0 17 0 0 0 0 0 0 21 22 33;1 1 1 1 1 1 1 1 1 1 1 1;
;82 73576 0 55434 83 0 513 0 313 0 178469 0 25093 0 17993 0 158306 0 290093 0 2 0 1066 0 5578 0 59670;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 33 0 0 0 0 0 0 0 0 0 0;0 21 0 33 0 0 33 0 33 0 0 0 55 56 56 0 21 0 55 0 0 0 35 36 36 36 36;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 4241 64 685 86 16 4241 64 685 86 37 1 4241 64 685 86 104 1 4241 64 685 86 87 0 2 427 262 318 5;0 0 0 0 0 0 0 0 23 24 0 0 0 0 23 24 0 0 0 0 0 0 0 0 0 0 0 1 2;0 33 0 29 30 0 33 0 29 30 33 0 33 0 29 30 33 0 33 0 29 30 31 0 0 33 31 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2920 1942561 3 47;0 0 0 0;0 0 0 1;1 1 1 1;
;12064 27 184 12487 102 137 116 71 1 123 1 147 0 2 0 489 2182 5;17 18 18 18 0 0 0 0 0 0 0 0 0 0 0 1 2 2;13 14 33 34 33 21 33 34 0 33 0 33 0 0 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2200 7068 8 786 11 20 415 93 155 1 4 209 132;37 38 0 0 0 0 0 0 0 0 17 23 24;45 46 0 33 33 34 0 33 34 0 31 29 30;1 1 1 1 1 1 1 1 1 1 1 1 1;
;543 1264 686 2 543 23 207 25 1264 686 28 18;0 0 0 0 9 0 0 0 0 0 0 0;13 33 34 0 13 0 33 0 33 34 33 34;1 1 1 1 1 1 1 1 1 1 1 1;
;139 4007 144 1642 140 39 312 917 387229 11518 0 2 0 364 5;0 29 0 0 0 0 0 0 0 0 0 0 0 1 2;0 33 0 33 34 33 34 0 0 33 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14444 46854 3088 10733 34 159 379 10732 1 34 4306 852 98 43 1 4 47;0 21 0 0 0 0 0 0 0 1 2 2 2 2 0 1 2;33 27 33 33 21 22 22 22 0 1 2 2 2 2 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;3233 4330 1391 308 1218 1220 51 1315 580 308 577 194 555 1688 502 10223 1 268 1 279 5;9 10 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;13 14 0 0 33 33 0 0 0 0 33 34 33 34 0 33 0 21 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;222 82156 0 16406 0 32 15696 3 1464 781 1 4 9;0 0 0 0 0 0 29 0 29 0 0 1 2;0 27 0 0 0 0 37 0 33 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1;
;14227 33 8951 735 1 188 69 108;0 0 0 0 0 17 18 18;55 0 33 0 0 9 10 33;1 1 1 1 1 1 1 1;
;4492 332062 46 48428 3 2399 174 62 371 583 34 251 2369 560 251 198 861 311 66 1 188 268;21 22 0 0 0 0 0 0 0 0 9 0 0 0 0 0 0 0 0 0 23 24;0 0 0 21 0 33 34 0 33 34 13 0 21 22 0 33 33 34 0 0 29 30;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;64 5566 1665 109 484 11453 8 710 109 14773 644 2522 146 590 8 710 109 51517 644 4775 52 590 8 1255 91 124593 17 1 4 9 0;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 11 0 0 1 2 0;0 0 0 0 33 33 0 0 0 33 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 15 0 0 1 2 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;19373 1589 41342 6 19373 41342 6 19373 1800 414 6 19373 1800 414 28 18;0 0 0 0 0 0 0 17 18 18 0 17 18 18 18 18;33 21 22 0 33 33 0 31 32 32 0 31 32 32 32 32;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;490891 2 2129 518 7980 21349 76 2945 1225 31466 267 4380 1523 507 161 3 208 1 4 61;0 0 0 0 23 24 24 0 0 0 0 0 0 0 0 0 0 0 1 2;0 0 0 0 29 30 30 0 33 33 33 33 0 33 33 0 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;157 444 13 1861 1505 192 119 28 18;17 18 18 18 18 18 18 18 18;13 0 33 34 0 33 34 33 34;1 1 1 1 1 1 1 1 1;
;227 20 6193;0 0 11;0 0 33;1 1 1;
;13 29 1976 63 21 1318 3 1215 3011 8 126 373 12 70 166 30840 15025 8 3802 2553 341 1361 24225 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 34 33 33 34 33 0 33 34 0 0 0 33 34 0 33 33 0 33 33 0 0 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;35445 21 13 4840 41360 358 8 2002 7138 888 502 951 9202 8 999 15101 1882 1882 3 8 12 10 23182 21 8 15 4563 17 1 4 9 0;0 0 0 0 29 30 0 29 30 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 0;33 33 34 0 37 38 0 37 38 0 0 0 33 0 0 33 33 34 0 0 33 34 0 0 0 0 0 0 0 1 2 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;4902 2361 31278 125 508 2 6194 61;0 0 0 0 0 0 0 0;33 33 33 33 34 0 33 33;1 1 1 1 1 1 1 1;
;8935 3 669 1 4 61;0 0 0 0 1 2;33 0 33 0 1 2;1 1 1 1 1 1;
;43232 3218 28 18;17 18 18 18;33 33 33 34;1 1 1 1;
;14 9666 4749 110 4451 178 147 36 123 36 826 16 9666 4749 110 4451 178 137 307 1 961 110 5;0 0 9 10 10 10 10 0 0 0 0 0 0 17 18 0 0 0 0 0 1 2 2;0 13 31 32 33 34 33 0 33 0 33 0 13 31 32 33 34 21 33 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;236 30 18901 227 29 1495 8 18901 15 124 1 4 9;0 0 9 0 0 0 0 9 0 0 0 1 2;0 0 13 0 0 33 0 13 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 536 6990 1523 482 8153 0 536 19337 0 6837 12174 191 64 6990 1523 16 37 6 87 6 44 6 1208 1165 270 1148 6 9922 2284 75 103078 12165 267 1172 244 2 395 5;0 9 31 32 23 24 0 0 0 0 0 0 0 0 31 32 0 0 0 0 0 0 0 0 0 0 0 0 17 18 18 18 18 18 18 18 0 1 2;0 13 39 40 29 30 0 13 33 0 21 22 22 0 39 40 0 33 0 31 0 33 0 33 34 33 33 0 13 33 34 33 33 33 33 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;28884 2 343673 0 566 0 52380 0 22342 0;0 0 0 0 0 0 0 0 0 0;33 0 0 0 0 0 35 36 36 0;1 1 1 1 1 1 1 1 1 1;
;18255 297 286 1975 508 0 2 0 364 5;0 0 0 0 0 0 0 0 1 2;33 34 33 33 33 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1;
;540 3127 21999 37 189 14 68 16 1 2818 40642 2869 2828 1 5274 1242 344 2788;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 0 33 33 0 0 0 0 0 0 33 0 0 0 21 22 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;4931 276 2283 58 5189 249 79 24 17 1 4 79 9;37 38 38 0 0 0 0 0 0 0 0 0 0;33 34 33 0 33 0 21 0 0 0 21 22 22;1 1 1 1 1 1 1 1 1 1 1 1 1;
;299766 43720 0 897 1807 0 177 14843 2 22880 5 897 100 0;0 0 0 0 0 0 0 0 0 1 2 0 0 0;0 33 0 33 33 0 0 29 0 1 2 33 33 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1108 9866 58460 1335 1714 370 23 68 25 2 52032 5049 1679 2 92 2 588 648 5;11 12 12 0 17 18 0 0 0 0 0 0 0 0 9 0 1 2 2;15 16 16 0 31 32 0 0 0 0 21 22 22 0 13 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1128 56 214 117 390 101 0 90 12802 10 32 335 11273 15105 1318 2 7698 5;0 0 0 0 0 0 0 0 0 0 0 21 22 27 28 0 1 2;33 34 0 0 0 0 0 0 35 36 0 27 28 35 36 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;25067 768 3 44503 4395 39 52 224 2 205 354 2 35 979 19 2 41 72;19 20 20 20 20 0 0 0 0 0 0 0 0 0 0 0 1 2;25 26 26 26 26 0 0 0 0 33 34 0 33 33 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 340 80939 174039 1269 345 150 28 18 719 36 340 80939 174039 1269 345 150 28 18 1183 15 124 16 2 136 1448 5;0 17 18 18 18 18 18 18 18 0 0 17 18 18 18 18 18 18 18 0 0 0 0 0 1 2 2;0 13 31 0 33 34 34 33 34 33 0 13 31 0 33 34 34 33 34 33 0 0 0 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;49 1232 1731 2289 52 48 7462 39 248 604 231 971 3519 282 1 557 3355 5;45 46 46 46 46 46 9 0 0 0 0 17 0 0 0 1 2 2;53 54 54 54 54 54 13 21 22 0 0 31 33 33 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 609 16 49 207 263 67 544 195 4211 323 126412 15659 23 13562 25 48 166 22 275 3 506 176 4998 1 4 61;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 33 0 0 33 34 0 33 33 34 34 33 33 0 33 0 0 0 21 22 0 33 0 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;923 113 4270 11744 21713 409 153;17 18 18 18 18 18 18;31 32 32 32 32 32 32;1 1 1 1 1 1 1;
;22450 20952 5801 219 87 33 0 566 0 337 1951 0 2 0 2244 5;9 9 10 0 0 0 0 0 0 0 0 0 0 0 1 2;13 13 14 0 31 0 0 0 0 33 34 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;44126 4975 1 577760 220 1795 52626 47131 1 525 7 6894 1 1115 40;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;0 33 0 21 21 22 27 33 0 0 0 33 0 9 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;12 96 317 210 216 6184 1 4564 5;0 0 0 0 0 0 0 1 2;33 34 0 33 33 34 0 1 2;1 1 1 1 1 1 1 1 1;
;6137 50 1963 40 1 695 94 1581 184 793 55 78 282 1 713 54 115;45 46 46 0 0 23 24 0 0 0 0 27 28 0 1 2 2;53 54 54 33 0 29 30 33 33 33 34 35 36 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;105 567 1950 13486 2095 416 6 13486 2095 692 2 726 5261 5 1311;0 0 0 0 0 0 0 0 0 0 0 1 2 2 0;33 33 34 34 34 34 0 33 34 33 0 1 2 2 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;82 12 10 1437 924 4724 134 58 11 7474 8 1160 8 1437 924 7474 134 1820 4724 8 214 10 13 29 12 9932 3 12 333 10164 3 9683 83 64 226 15 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 33 34 33 34 33 33 34 0 33 0 0 0 33 34 33 0 33 33 0 0 0 33 34 33 34 0 33 34 34 0 33 0 0 33 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;122548 0 50585 10 20 156 1 4 130 112;0 0 0 0 0 0 0 1 2 2;0 0 0 33 34 33 0 1 2 2;1 1 1 1 1 1 1 1 1 1;
;911 1299 133 394 701 145 561 133 0 40468 937 2308 15677 1344 418 2 45 81 5;9 0 0 0 0 0 0 0 0 21 0 0 0 0 0 0 1 2 2;13 33 0 33 33 34 33 0 0 27 0 33 33 33 34 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;5122 1217 99 2085 1458 1 330 5122 882 1217 99;0 0 0 0 0 0 0 0 0 0 0;21 33 34 33 33 0 33 34 33 33 34;1 1 1 1 1 1 1 1 1 1 1;
;15 827 2114 11263 0 820 1438 3 6132 1 4 9;0 0 0 0 0 0 0 0 0 0 1 2;0 33 0 15 0 0 0 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1;
;53516 90 37419 21 84 90 160 799 43 84 331 22004 3357 1 53516 43 1 4 47;21 0 0 0 0 0 0 0 0 0 0 0 0 0 21 0 0 1 2;27 0 33 0 0 21 22 22 22 0 0 33 0 0 27 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;3710 6 7184 766 31683 1 4 61;0 0 37 38 38 0 1 2;33 0 45 46 46 0 1 2;1 1 1 1 1 1 1 1;
;103 7679 1687 96 30 13 332 2 315 2 35 19 2 41 72;0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 34 33 35 36 36 36 0 33 0 21 22 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;49257 3338 11 256 2475 3 2582 432 17 1 4 9;29 30 0 0 0 0 0 0 0 0 1 2;37 38 0 0 33 0 33 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1;
;933 27 4740 496 1023 108 319 5536 1523 12510 440 882 1 33 505 31;17 18 18 18 18 18 0 37 38 38 0 0 0 1 2 2;31 32 32 32 32 32 33 33 34 34 33 33 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;317 8817 10715 42552 3 634 1 188 69 108;0 0 0 0 0 0 0 17 18 18;0 33 34 33 0 33 0 9 10 33;1 1 1 1 1 1 1 1 1 1;
;102 617 1417 608 1149 1018 5417 0 39 13 407 4260 10 659 1 893 3591;0 9 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 13 33 33 34 34 33 0 33 34 0 33 0 0 0 33 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;31509 148 5700 1363 1696 0 8335 20346 172 4635 4703 3234 1 50 4519 5 1 279 5;9 10 0 0 0 0 0 0 0 0 0 0 0 1 2 2 0 1 2;13 14 33 33 33 0 33 0 33 33 33 34 0 1 2 2 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;30953 336 7 129 303 229 17 0 2 0 651 751211 3 1487 0 2 0 605;0 0 0 0 0 0 0 0 0 0 21 22 0 0 0 0 0 1;9 0 0 0 33 33 0 0 0 0 0 0 0 33 0 0 0 1;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;16597 174 229989 26972 742 0 882 1279 3018 6524 4170 452 229 2 247 69 108;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 0 7 33 0 0 33 0 33 27 33 33 34 0 9 10 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 4220 4794 288 21959 63 178 1506 446 16 1 4220 4794 288 21959 63 178 1506 1 4 493;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 33 33 33 34 21 22 0 33 0 0 33 33 33 34 21 22 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;7186 27 49801 14472 207 1012 28 18;17 18 18 18 18 18 18 18;13 14 33 34 47 48 33 34;1 1 1 1 1 1 1 1;
;22 249 8822 18 216 123 8 2227 165 11 3056 3 17150 21 8 10 20 156 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 0 33 33 33 34 0 33 34 0 33 0 33 0 0 33 34 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;628 1239 573 18510 64062 0 2730 6356 82 7366 4198 83 0 1 235 78 69 1 1945 7 65 34 78 39 13 411 199;17 18 18 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 9 0 0 0 0 0;31 32 32 33 33 0 33 33 0 33 34 0 0 0 33 34 33 0 1 33 34 13 33 33 34 34 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;3875 41586 8048 3 24240 1 4 9;0 0 0 0 0 0 1 2;33 33 34 0 33 0 1 2;1 1 1 1 1 1 1 1;
;375 8772 62312 46 10161 5580 2470 8168 1219 1680 0 154 181 18112 1 375 8772 62312 23 176314 25 1424 1 558 1010 5 1424;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 1 2 2 1;0 29 27 0 33 33 0 21 22 33 0 0 0 33 0 0 29 27 0 0 0 1 0 1 2 2 1;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;19933 15729 21796 2512 2 315 2 35 19 2 41 72;0 0 21 0 0 0 0 0 0 0 1 2;0 0 27 33 0 33 0 21 22 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1;
;14 5311 618 16 5311 618 446 1 1 4 493;0 0 0 0 0 0 0 0 0 1 2;0 13 14 0 13 14 33 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1;
;4330 1912 2 4330 344 1912 2 40993 1 72271 1 41444 14726 1 41444 33384 1 18149 33384 1 75364;9 0 0 9 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;13 33 0 13 1 2 0 21 0 0 0 21 22 0 0 55 0 33 55 0 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;11 1496 110 366 101 63 380 110 6053 3 10128 4485 101 17 1 4 9;0 9 0 0 0 0 9 10 10 0 0 0 0 0 0 1 2;0 13 33 0 0 0 13 14 14 0 33 33 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;4369 1577 301 8 190 488 41 10349 8 302 806 8 629 492 11 82 9830 3368 8 9830 3368 8 1402 3143 8 1402 3143 8 9830 134 10 1163 3 8 404 375 83 1 4 9;0 27 28 0 0 0 0 0 0 0 0 0 0 0 0 0 33 34 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 33 34 0 33 34 0 0 0 0 33 0 33 0 0 0 1 2 0 1 2 0 33 34 0 33 34 0 0 0 0 0 0 0 0 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;49 7046 22187 48 53 53 6477 33103 57 0 2 0;19 20 20 20 0 0 0 0 0 0 0 0;0 21 22 0 33 34 33 33 0 0 0 0;1 1 1 1 1 1 1 1 1 1 1 1;
;3682 101 1726 1050 93 363 0 2 0 858 197 334 100;0 0 0 0 0 0 0 0 0 17 0 0 0;11 12 0 33 0 0 0 0 0 31 33 33 33;1 1 1 1 1 1 1 1 1 1 1 1 1;
;1671 434 1 650 94 18907 8 650 467 94 730 8 650 467 18907 8 650 467 800 99 8 650 94 730 8 650 18907 8 650 94 183 8 650 94 730 104 8 650;0 0 0 9 0 0 0 9 0 0 0 0 9 0 0 0 9 0 0 0 0 9 0 0 0 9 0 0 9 0 0 0 9 0 0 0 0 9;33 33 0 13 33 34 0 13 21 22 33 0 13 33 34 0 13 33 0 0 0 13 33 34 0 13 33 0 13 33 34 0 13 33 34 33 0 13;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;8893 22467 192 119 286 62 92 66 28 18 1 14 443 71 1 1489 71 1 908 71 1 434 71 1 123 147 1 116 71 16 196 2 1841 510;21 22 0 0 0 0 9 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;0 0 33 34 33 0 13 0 33 34 0 0 33 34 0 33 33 0 33 34 0 33 33 0 33 33 0 33 34 0 33 0 21 22;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;943 158 146 7 228 81 17512 200 2205 2 379102 251 3826 1529 88383 1 97065 276 2 78 2 35 979 19 566 41 72;45 46 0 0 0 0 0 0 0 0 21 22 22 22 22 0 0 0 0 0 0 0 0 0 0 1 2;53 54 0 0 0 0 33 34 34 0 27 0 33 34 34 0 0 0 0 33 0 33 33 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 1835 948 17891 16 1 1835 948 17891 87 1 1835 948 17891 104 269 0 2 0 111;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 17;0 33 33 33 0 0 33 33 33 31 0 33 33 33 33 34 0 0 0 31;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1038 9591 257 4927 306 5388 37157 967 2588 449 13 967 238 296 0 2 2 0 1962 5 0 1962 69 5;17 18 18 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 0 1 2 2;31 32 32 33 0 33 33 0 0 0 0 0 0 33 0 0 0 0 1 2 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;7415 3 81 2055 945 245 1 1 44 926 1 677 1 945 245 1930 1 3079 68 5 3171 7 65;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2 0 0 0;35 36 36 36 33 34 0 0 33 33 0 0 0 33 34 33 0 1 2 2 0 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;360 38 2058 6905 621 1388 0 360 38 2058 6905 3072 621 1 629 2816 0 2 0 2956 358;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;21 22 22 33 33 35 0 21 22 22 33 33 33 0 33 33 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;7489 9567 106585 0 11799 148 16542 42 16161 3461 13878 2 11799 1456 5;0 0 0 0 9 10 0 0 0 0 0 0 0 1 2;21 22 22 0 13 14 33 0 33 0 33 0 33 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1015 4004 285 1991 206 3 285 201;0 0 0 0 0 0 0 0;33 33 33 33 0 0 35 36;1 1 1 1 1 1 1 1;
;3817 5909 1016 1 4 61;0 0 0 0 1 2;33 34 33 0 1 2;1 1 1 1 1 1;
;139 655 144 2756 23154 177 21823 844 26 6393 10719 1860 1081 162 264 0 2 0 2756 0 17738 0 2 0 81 939 100;0 0 0 23 24 0 0 0 0 0 0 0 0 0 0 0 0 0 17 0 17 0 0 0 0 0 0;0 33 0 29 30 0 31 33 0 0 33 21 22 0 0 0 0 0 31 0 31 0 0 0 0 33 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1942561 687 633 2 1942561 1032 19 2 41 72;0 0 0 0 0 0 0 0 1 2;0 33 34 0 0 33 33 0 1 2;1 1 1 1 1 1 1 1 1 1;
;102 38 1103 92 27 19126 1456 4891 1678 1188 7 2210 7 2210 1 26071 5;0 0 0 9 10 0 0 0 0 0 0 0 0 0 0 1 2;33 34 33 13 14 21 22 22 33 33 21 22 21 22 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;912 1342 1942 345 44794 6 912 1342 181 1403 2181 3330 2181 6 2181 799 90 345 199 912 1342;0 0 19 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;9 10 25 33 31 0 9 10 33 34 0 33 0 0 0 0 0 33 0 9 10;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;233 4587 8139 37 1 137 233 4587 8139 37 26 104 307 1 233 4587 8139 91 180 0 2 0 318 5;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;29 30 33 33 0 21 29 30 33 33 0 33 33 0 29 30 33 0 0 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;744 1395 13501 610 1951 917 435 138 176 4091 0 2 435 4091;0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 0 0 33 33 0 33 34 0 33 0 0 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;163360 207 928 18 0 2 277;17 18 18 18 0 0 0;0 31 32 32 0 0 0;1 1 1 1 1 1 1;
;1874 1329 2140 21018 10044 6538 731 2 2140 21018 10044 3 6538 731 1 242 852 5;9 9 10 10 10 0 0 0 9 10 10 0 0 0 0 1 2 2;13 13 14 14 14 33 34 0 13 14 14 0 33 34 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;7959 146 417 1661 3035 13333 536890 1 405 1 35 19 31 95;0 0 0 21 22 0 0 0 0 0 0 0 0 0;53 0 0 27 28 33 27 0 1 0 21 22 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;34 9805 337 1802 1 1768 1 188 5652;17 18 18 18 0 0 0 17 0;31 32 32 32 0 33 0 31 33;1 1 1 1 1 1 1 1 1;
;510771 5811 76 1949 176 2621 4215 19 2 458 2 35 19 2 41 72;23 24 24 0 0 0 0 0 0 0 0 0 0 0 1 2;29 30 30 33 0 33 33 33 0 33 0 21 22 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;277 2 248 2055 2248 260 178 2 322 5;0 0 0 0 0 0 0 0 1 2;0 0 0 0 0 33 0 0 1 2;1 1 1 1 1 1 1 1 1 1;
;11 52 29 97 89 212 1254 21 6 1645 8216 11 145 6750 79270 6 6644 11 11860 6 10 15 441 1 4 79 9;0 0 0 0 0 0 37 0 0 0 0 0 0 0 0 0 0 0 37 0 0 0 0 0 0 0 0;0 33 34 33 34 0 33 0 0 33 33 33 34 0 0 0 33 0 33 0 0 0 33 0 21 22 22;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1203 10 80 2743 3327 32 425 5551 1043 0 1520 60 60 1 4 9;0 0 0 0 0 0 0 31 32 0 0 0 0 0 1 2;33 33 34 33 34 0 0 39 40 0 33 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;545 1129 108 707 101 2131 1 1129 108 707 5835 0 2 0 545 707 101 5;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;13 33 34 33 34 33 0 33 34 33 34 0 0 0 21 22 0 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;31243 0 22495 17088 0 86851 0 231222 0 6282 64579 0 7224 0 616002 3555 0 59407 0 107341 0 89926 0 11193 0 105743;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;27 0 21 33 0 0 0 0 0 0 33 0 33 0 33 0 0 21 0 33 0 0 0 33 0 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;139 2865 85 655 1760 144 47340 1216 7960 8 73 883 32 1152 1599 1 4 815;0 45 46 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 53 54 33 33 0 33 0 33 0 0 33 0 33 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 1648 4700 335 446 16 1 1648 4700 335 844 327 739 281 2073 1 4 493;0 17 18 18 0 0 0 17 18 18 0 0 0 0 0 0 1 2;0 31 32 32 33 0 0 31 32 32 33 33 34 33 34 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;3439 838 0 3439 838 40 0 170 3439 838 40 2 8885 7 61137 7 65;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;21 22 0 21 22 33 0 33 21 22 33 0 53 0 1 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1942561 6 0 37473;0 0 0 0;0 0 0 33;1 1 1 1;
;10645 16030 81 155 329 0 440 154 421 16030 9446 29307 0;29 30 0 0 0 0 0 0 0 29 0 0 0;37 38 0 33 34 0 33 0 0 37 0 33 0;1 1 1 1 1 1 1 1 1 1 1 1 1;
;88 4480 60729 119 28 18 270 383 1972 242 7 679 1196 869 170 367 74 31 136;17 18 18 18 18 18 0 0 0 0 0 0 0 0 0 0 0 0 0;31 32 32 32 32 32 33 34 33 34 0 21 22 33 33 33 0 33 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;459 298 106 29 97 450 3847 23123 3 746 509 862 24 17 1 4 209 132;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 17 23 24;33 0 35 36 36 0 0 33 0 33 0 33 0 0 0 31 29 30;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;3479 1229 86 4355 989 0 19261 15 321 1 4 9;5 6 6 0 0 0 0 0 0 0 1 2;9 10 10 33 21 0 55 0 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1;
;2074 33416 1613 1 2074 33416 393 3799 1497 189 14 4121 12867 5 16;23 24 0 0 0 0 0 0 0 0 0 1 2 2 0;29 30 21 0 29 30 0 33 34 34 0 1 2 2 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;913 106 376 82 49908 83 1255 7787 0 45731 5132 82 8911 604 83 2 19447 27 169 287 5;9 10 10 0 0 0 0 0 0 0 0 0 0 0 0 0 17 18 18 18 0;13 14 14 0 0 0 0 0 0 0 33 0 33 0 0 0 13 14 33 34 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;511 74 162 1568 2497 3 7921 1835 1 296422 1 114 204;0 0 0 0 0 0 11 12 0 0 0 1 2;0 0 0 0 33 34 15 16 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 2521 2108 2214 0 87 8371 104 0 1625 20867 12031 8371 0 8371 104 0 10094 16 37 6 87 6 44 6 8371 26 5290 74 61225 6 2521 2108 2214 10591 28 18 2 395 5;0 9 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 23 0 9 17 18 18 18 18 0 1 2;0 13 0 0 0 31 33 33 0 33 33 33 33 0 33 33 0 11 0 33 0 31 0 33 0 33 0 33 0 29 0 13 0 0 33 33 34 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;4093 11880 2011 46 198 38 298 5388 16954 353 15567 9918;0 0 0 0 0 0 0 0 0 0 0 0;33 33 33 0 33 34 0 33 33 0 33 33;1 1 1 1 1 1 1 1 1 1 1 1;
;14 467 1230 6094 117 563 4756 16 37 6 87 6 44 6 467 1230 6 157 27 181 179 3224 192 28 18 2 395 5;0 23 24 0 0 0 0 0 0 0 0 0 0 0 23 24 0 17 18 18 18 18 18 18 18 0 1 2;0 29 30 33 0 0 33 0 33 0 31 0 33 0 29 30 0 13 14 33 34 33 33 33 34 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;913 164 376 1 709 253 0;9 10 10 0 0 0 0;13 14 14 0 1 2 0;1 1 1 1 1 1 1;
;22 1992 283 386 122 21 8 1290 13 820 3246 135 16370 8 10 15 441 203 17 1 4 209 132;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 17 23 24;33 34 33 34 21 22 0 33 33 34 33 0 33 0 0 0 33 0 0 0 31 29 30;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;447 50 1239 805 28 18 6056 246 18 0 2 0 2251 1931 172 1270;17 18 18 18 18 18 18 18 18 0 0 0 21 22 0 0;31 32 32 32 32 32 13 33 34 0 0 0 27 28 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;236 227 322 5 2028 8 1257 9543 26 490 3875 21 8 236 227 322 5 2028 14692 1257 9543 26 490 1887 322 5 2028 2831 551 84 222 440;0 0 1 2 0 0 0 0 0 0 0 0 0 0 0 1 2 0 23 0 0 0 0 0 1 2 0 23 24 0 0 0;0 0 1 2 33 0 0 33 0 0 33 0 0 0 0 1 2 33 33 0 33 0 0 0 1 2 33 29 30 0 0 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1119 7129 3674 1 4 253;17 18 18 0 1 2;31 32 32 0 1 2;1 1 1 1 1 1;
;22 134 89 15 155 63 597 597 963 801 7649 1132 21 597 597 1378 165 350 16313 22 11750 36171 3 597 597 1476 22 12 70 155 4851 597 597 2814 22 136 0 2 0 4118 253 0;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 11 0 0 0 0 0 0 0 0 5 6 0;0 0 0 33 34 0 33 34 33 33 33 33 34 33 34 33 0 0 33 34 33 33 0 33 34 33 34 33 34 0 33 33 34 0 33 34 0 0 0 33 34 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 2689 76 30811 86 2982 1979 653 145 16 37 6 87 6 44 6 30811 267 74 30811 86 6 157 27 6406 1870 11654 4685 81 2378 192 1172 244 2 395 5;0 23 24 0 0 9 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 9 10 9 10 0 17 18 18 18 18 18 0 1 2;0 29 30 33 0 13 33 33 34 0 33 0 31 0 33 0 33 33 0 33 0 0 13 14 13 14 0 0 33 34 33 33 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;5973 5448 6599 51 1879 2056 5448 0 23 1808 25 0;0 0 0 0 19 20 20 0 0 1 0 0;25 26 26 0 33 34 34 0 0 1 0 0;1 1 1 1 1 1 1 1 1 1 1 1;
;742 59 59 59 132 165 22 6202 341 21 2604 194 2283 59 402 659 1822 902 33 24 17 1 4 9;0 0 0 0 0 0 0 29 0 0 37 38 38 0 0 0 0 0 0 0 0 0 1 2;0 0 0 0 33 33 34 33 33 34 45 46 46 0 33 0 0 0 33 34 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;220 386 496 2176 12 527 1961 1908 8403 348 58 13 4574 13 4574 19241 32 7277 12 3876 23700 1 12 1262 1 33 505 31 2 624 463 5 107 344 372;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2 0 0 0 0 0 0 0;0 0 33 33 34 34 33 33 33 0 0 0 0 0 0 33 0 33 0 33 33 0 33 34 0 1 2 2 0 33 34 34 33 21 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;140 2299 1725 1 8655 2647 46 10171 5701 81 10526 81 544 1 3647 140;0 0 0 0 0 0 0 0 0 0 0 17 18 0 1 2;33 34 0 0 33 33 0 33 33 0 33 31 32 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2754 1581 55 548 7 228 46 15067 2394 282 1 2754 1581 55 548 7 228 46 15067 2394 300 55 1581 78 40;45 46 46 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;53 54 54 33 0 0 0 35 36 33 0 53 54 54 33 0 0 0 35 36 33 34 33 34 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;9480 1675 7005 998 9068 10 10010 203 7 7 7 0 2 0 49 2658 3013 117 46 7206 48 0 2 0 4761 4886 100 0 2 0 956 0 556 0 1157 232;0 0 0 0 0 0 0 0 0 0 0 0 0 0 45 46 46 46 46 46 46 0 0 0 1 2 0 0 0 0 0 0 0 0 0 0;33 33 34 0 33 0 33 0 0 0 0 0 0 0 53 54 54 54 54 54 54 0 0 0 1 2 33 0 0 0 0 0 33 0 9 10;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;22 9 126 61575 10 654 1202 2595 3 6204 17 1 4 9;0 0 0 0 0 31 32 32 0 0 0 0 1 2;33 34 0 37 0 39 40 40 0 33 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;32462 2 100479 180833 40410 10 20 156 1 32462 2 100479 180833 40410 3 273 1 3019 1 1809 1 1526 1 2139 1 41 5936 31 1538;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;31 0 0 33 33 33 34 33 0 31 0 0 33 33 0 33 0 21 0 33 0 33 0 33 0 9 10 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;933 567 1590 0 6541 2017 22 212 21 0 3 845 202 1 4 9;9 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;13 33 33 0 33 34 33 34 34 0 0 33 34 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;4837 4267 46 757 1070 17797 508 13818 3195 2873 1 8748 297 1 114 268 1 114 5;17 18 0 0 0 0 0 0 0 0 0 23 24 0 1 2 0 1 2;31 32 0 33 34 33 33 33 33 33 0 29 30 0 1 2 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1942561 0 123 4009 196 36 94 730 3630 0 2 0 6623 43;0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 0 33 34 33 0 33 34 33 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1252 17394 3 613 1 4 209 132;0 37 0 0 0 17 23 24;0 45 0 33 0 31 29 30;1 1 1 1 1 1 1 1;
;2377 5794 53 53 163296 1 1177 142 5;0 37 0 0 13 0 1 2 2;33 33 33 34 17 0 1 2 2;1 1 1 1 1 1 1 1 1;
;3229 233 404 3 11 1361 3458 24 17 0 2 0 612 295 42;0 0 0 0 0 0 0 0 0 0 0 0 1 2 2;21 22 33 34 0 0 33 0 0 0 0 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;49 2885 3 634 62 936 324 66 23 534 3897 724 25 48 2038 46 7447 373 301 3828 7 5764 1 1115 40;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;0 33 34 34 0 33 34 0 0 33 33 33 0 0 33 0 27 28 33 33 0 21 0 9 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;157 2102 5608 6 157 13710 5608 6 157 4573 5608 53 157 1142 2102 132423 210 565 1392 1951;9 23 24 0 9 0 23 0 9 23 24 0 9 0 0 0 0 0 0 0;13 29 30 0 13 33 29 0 13 29 30 0 13 33 33 33 33 34 33 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;3251 7029 3 1107 5153 625 15 2281 222 9093 1021 1 3251 7029 1 7019 100;45 46 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0;33 34 0 33 33 0 0 33 0 33 0 0 33 34 0 1 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;3053 41 7443 5958 53 53 88 1362 98 3174 718 30561 1 718 30561 1 34 1853 5055;0 0 0 0 0 0 17 18 18 18 18 0 0 0 0 0 9 17 0;35 36 0 0 33 34 31 32 32 32 32 33 0 33 33 0 13 33 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;174 936 79 238 29 97 10 3875 93 9846 24 1 4 79 9;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;0 0 21 33 34 34 0 33 0 33 0 0 21 22 22;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 226437 190965 431 3793 57 16 226437 62 1311787 66 0 190965 431 3793 57 0 2493 26 728 26 15021 26 948 260 14084 76 26 782 2055 76 26 160 2859 76 14 1236 0 307 0 37 0 1396 16 2 553;0 23 24 24 24 24 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 23 24 0 23 24 24 0 0 0 0 0 0 0 0 0 0 0 0 0 0 17;0 29 30 30 30 30 0 0 0 0 0 0 0 33 13 0 0 33 0 33 0 33 0 21 22 29 30 0 29 30 30 0 0 0 0 0 33 0 33 0 33 0 0 0 0 31;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;22 963 554 2545 3326 6657 0 1494 506 2487 24 781 1 2375 499 382;0 0 0 37 0 0 0 0 0 0 0 0 0 0 0 0;0 33 33 34 33 33 0 33 33 33 0 33 0 21 22 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;49 3522 17302 46 308 1158 213 85 48 12040 2237 76 3781 46 529 22774 11539 45788 1 3333 5 0 9781 8059 7 1054;19 20 20 20 20 20 20 20 20 0 0 0 0 0 0 0 0 0 0 1 2 0 0 0 0 0;0 33 34 0 33 34 34 0 0 33 0 0 33 0 0 33 33 33 0 1 2 0 27 33 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;4 280 53 53 317 1264 607 1277;1 2 0 0 0 0 0 0;1 2 33 34 0 33 0 33;1 1 1 1 1 1 1 1;
;33 505 31 1 34 77 50 3 1023 128;1 2 2 0 9 0 0 0 0 0;1 2 2 0 13 33 34 0 33 33;1 1 1 1 1 1 1 1 1 1;
;370 94 56 11 29 94 78 13 888 10 29 4365 365 32 22826 418 93 800 8 216 2985 58 1500 1460 1500 1675 886 4686 4763 8 2815 180 122 21 373 333 1 4 9;23 24 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;29 30 0 0 0 33 34 33 34 0 0 33 34 0 21 22 0 0 0 21 22 0 0 33 0 0 0 33 33 0 33 33 34 0 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1179 27 102 38 1266 745 1029 62 293 361 66;9 10 0 0 0 0 0 0 0 0 0;13 14 33 34 33 34 33 0 0 33 0;1 1 1 1 1 1 1 1 1 1 1;
;14 157 8797 10604 983 37 1 10604 983 44 1 10604 983 1303 71 16 2 157 631 5;0 9 9 29 30 0 0 29 30 0 0 29 30 0 0 0 0 1 2 2;0 13 14 37 38 33 0 37 38 33 0 37 38 33 33 0 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;273554 6522 58 47217 2298 275 4333 1655 2627 2 34 2656 7334 414 18;21 0 0 9 10 10 0 0 0 0 17 18 18 18 18;27 33 34 13 14 14 33 0 0 0 31 32 32 32 32;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;4065 58 607 33 214 574 492 171 619 240 21 8 847 165 317 309 3211 8897 63 106 246 122 8 135 2815 455 839 1 4 9;33 34 34 34 33 34 34 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;55 56 56 56 33 34 34 33 0 0 0 0 33 34 0 0 33 0 0 33 34 0 0 0 33 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;105 2 7827 38 34 13322 2840 552 3047 294 67 383 2706 2085 343 1 4 61;0 0 0 0 9 0 0 0 0 0 0 0 0 0 0 0 1 2;33 0 33 34 13 33 33 33 33 33 0 33 33 33 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1112 237 833 4484 242 0 2 0 364 5;0 0 0 0 0 0 0 0 1 2;0 33 33 34 0 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1;
;404 3718 351 46 119 317 1517 607 5038 0 1241 120 13611 323 540 289 2560 1 841 69 1 1368 5;1 2 2 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;1 2 2 0 33 0 33 0 33 0 33 34 31 0 0 0 33 0 33 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1400 1593 912 1896 54068 0 2 0 2628 649 141 2 315 2 35 19 2 41 72;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 0 21 33 33 0 0 0 33 33 34 0 33 0 21 22 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1639 819 18 2272 9175 272 417 82 2517 1503 687 83;0 0 0 0 0 0 0 0 0 0 0 0;33 34 33 33 0 33 0 0 21 22 22 0;1 1 1 1 1 1 1 1 1 1 1 1;
;126 22 1490 21 5036 327 2783 3 41 64 337 64 12 21 41 64 1302 358 5036 327 2841 227 322 60 0 2 0 612 295 42;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 17 0 0 0 0 1 2 2;21 22 33 0 33 0 33 0 0 0 33 0 33 34 34 0 33 0 33 0 0 0 1 0 0 0 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;64 1173 70 2327 86 1782 530 8796 3 233 284 1184 7682 3768 63 4193 7682 6 2065 233 5839 21 91 7969 60 233 3 28070 2281 21 91 60 2255 10 39 127 217 1 4 130 112;0 23 24 24 24 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2;0 29 30 30 30 0 33 33 0 0 0 33 0 33 0 33 0 0 0 0 33 0 0 33 0 0 0 33 33 0 0 0 33 0 33 34 0 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;16753 1870 7009 241 1019 21986 258 0 2 0 324 308 0 2 0 1637 1714 5 6 680 1246 491;9 10 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2 0 0 0 0;13 14 33 33 34 33 0 0 0 0 33 34 0 0 0 1 2 2 0 33 34 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;20578 19925 1 6950 20578 19925 1900 280 6 3792 1 20578 19925 30 215 6 2054 24 2 3792 499 1900 280 5;9 10 0 9 9 10 0 0 0 0 0 9 10 0 0 0 0 0 0 1 2 0 1 2;13 14 0 13 13 14 33 34 0 33 0 13 14 33 34 0 33 0 0 1 2 33 34 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;23914 22 3 1847 783 1 4 61;0 0 0 0 0 0 1 2;33 33 34 34 0 0 1 2;1 1 1 1 1 1 1 1;
;73 484 406 44 6 35 6396 1 2349 24686 926;0 0 0 0 0 0 0 0 0 0 0;35 36 36 33 0 33 0 0 33 33 33;1 1 1 1 1 1 1 1 1 1 1;
;650 17364 8691 2204 565 63 2425 1294 199 1 4 9;17 18 18 18 18 0 9 10 10 0 1 2;13 13 33 33 34 0 13 14 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1;
;1860 12001 47754 1390 3 1156 3213 0 2 0 738 4906 738 609;0 0 0 0 0 0 0 0 0 0 17 18 0 0;0 0 33 34 0 33 33 0 0 0 31 32 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;139 3463 144 800 4954 2965 14431 4156 32 82 173 1091 2824 33868 83 3 13914 3322 1 42453 1 114 204;0 0 0 0 0 0 0 0 0 0 0 0 21 22 0 0 0 0 0 21 0 1 2;0 33 0 0 0 33 33 33 0 0 0 0 0 0 0 0 33 33 0 27 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;16961 15 216 22211 203 1 316 3005 1034 2864 16961 43 1 4 47;21 0 0 0 0 0 45 46 46 46 0 0 0 1 2;27 0 0 33 0 0 33 34 34 34 27 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 68 16 28292 57716 2225 390 69 1 28292 57716 2225 390 4317 1 110 54 115;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 17 18 18;0 0 0 11 12 21 0 33 0 11 12 21 0 0 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;9337 1634 54 19557 16153 178 2130 1146 1 5565 4747 9594 19 1 5502 315;45 46 0 0 11 0 0 0 0 0 0 0 0 0 0 0;53 54 0 33 33 0 33 33 0 53 54 54 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;52 2311 567 32 1574 37 7654 6351 228 7 57 764 2 247 268;0 0 0 0 0 0 0 0 0 0 0 0 0 17 0;0 33 33 0 33 33 21 22 0 0 33 34 0 31 21;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 39735 60541 0 4136 6371 16 307 1 927 1 44 1 100 1 23 227119 25 39735 60541 0 4136 6371 4086 184 307 2 2566 1533 31;0 23 24 24 24 24 0 0 0 0 0 0 0 0 0 0 17 0 23 24 24 24 24 23 24 0 0 0 1 2;0 29 30 30 30 30 0 33 0 33 0 33 0 33 0 0 31 0 29 30 30 30 30 29 30 33 0 1 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1267 3361 6212 2374 2 4972 191 573;9 10 10 0 0 9 1 2;13 14 14 33 0 13 1 2;1 1 1 1 1 1 1 1;
;2114 1334 603 5871 15 273 203 17 0 2 0 296 5860 0 2 0 4904 0 2 0 2240 0 2696 0 709 197;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 17 0 0 0 0 0 0 0 1 2;0 0 0 33 0 33 0 0 0 0 0 33 33 0 0 0 31 0 0 0 33 0 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 338613 77657 2133 223 183 592 76 16 37 1 87 1 44 0 2 427 262 318 5;0 0 0 0 23 24 24 24 0 0 0 0 0 0 0 0 0 0 1 2;0 33 29 33 29 30 30 30 0 33 0 31 0 33 0 0 33 31 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;13 29 1267 1358 317 9191 4508 17965 393 3 4259 1 1441 2 806 2 35 19 2 41 72;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 34 33 33 0 33 0 33 0 0 33 0 33 0 33 0 21 22 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2157 99 32 371 583 89355 3 454 59 742 59 1 4 9;23 24 0 0 0 0 0 0 0 0 0 0 1 2;29 30 0 21 22 22 0 33 0 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2102 11615 30 225 40 1 4 9;0 0 0 0 0 0 1 2;33 33 33 34 33 0 1 2;1 1 1 1 1 1 1 1;
;7976 18 906 134 11 256 384 60 1 4 9 0;0 0 0 0 0 0 0 0 0 1 2 0;33 33 33 0 0 0 33 0 0 1 2 0;1 1 1 1 1 1 1 1 1 1 1 1;
;49 1307 3787 1820 8351 3 530 29 5038 406 266 52 62 5914 406 266 260 941 8 3191 15298 117 38 8 3285 151 353 1307 174 284 45 11175 8 10794 898 2859 59 186 266 17 90 96 3 214;0 27 28 28 28 28 28 28 28 28 28 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;0 35 36 36 36 36 36 36 36 36 36 0 0 33 34 34 33 33 0 33 33 33 34 0 33 33 0 33 34 33 34 33 0 33 34 34 0 0 33 0 55 56 56 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;5613 115 2762 11 119 242 6657 324 6 560 242 3 324 549 514 119 242 122 283 246 54 127 7 5613 115 2762 3 560 242 514 119 242 122 91 324 60 23 1315 309 3335 698 4631 887 6 555 3212 25 1 4 130 112;21 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 21 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2;27 33 34 0 33 0 33 0 0 33 34 33 34 0 0 33 0 0 33 34 34 34 0 27 33 34 0 33 34 0 33 0 0 0 0 0 0 0 0 33 34 33 33 0 0 33 0 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;4392 18540 1523 4392 28215 4801 974 10 27062 7 7765 10 20 156 1 4 209 132;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 17 23 24;0 33 34 34 34 34 0 0 0 0 33 33 34 33 0 31 29 30;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;3811 82 1475 577 2409 83 1245 45 3 81 229 176 4998 1 4 61;0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 0 33 34 34 0 33 33 34 0 33 0 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 23474 299 849 101 516 269 36 23474 299 849 101 2003 16 0 2 0 2158 702 1579;0 0 0 0 0 0 0 0 9 0 0 0 0 0 0 0 0 9 17 18;0 13 33 11 12 33 34 0 13 33 11 12 33 0 0 0 0 13 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;49 744 71 5109 48 367 361;0 0 0 0 0 0 0;0 33 34 35 0 33 33;1 1 1 1 1 1 1;
;3199 3 16246 15 20553 26 80 5192 3199 3 16246 26 250 5192 3199 3 16246 1 1469 400 3955 1 1780 54 115 5;0 0 37 0 0 0 0 0 0 0 37 0 0 0 0 0 37 0 0 0 0 0 1 2 2 2;0 0 45 0 33 0 0 33 0 0 45 0 0 33 0 0 45 0 33 34 33 0 1 2 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;11948 1822 4843 3209 795 30 906 10 12 10 135 1934 3209 121 3910 1 4 9;5 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;9 0 33 33 33 0 33 33 34 34 0 33 33 0 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;90 3157 12 3157 614 509 730 216 123 0 17958 38253 1 31337 43 1 4 47;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 34 34 34 0 0 33 33 34 0 33 0 0 13 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;340 102 38 118 58 5388 256 1161 394 150 3182 17 2 2 340 27 394 5488 69 696 153;9 0 0 0 0 0 0 0 0 0 0 0 0 0 17 18 18 18 18 18 18;13 33 34 33 34 33 0 33 34 34 33 0 0 0 13 14 31 32 32 32 32;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1226 372 230 10 80 14770 3 17 0 2 0 1268 3533 3 1487 0 2 0 605;0 0 0 0 0 0 0 0 0 0 0 21 22 0 0 0 0 0 1;33 34 0 33 34 0 0 0 0 0 0 33 34 0 33 0 0 0 1;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;12547 3885 992 3 11 5171 24 17 1 12547 358 43 1 4 47;0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;21 22 33 34 0 33 0 0 0 37 38 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;142 310 108 458 1025 1 761 5;0 0 0 0 0 0 1 2;33 34 33 33 34 0 1 2;1 1 1 1 1 1 1 1;
;14 2442 2691 16681 446 16 1 2442 2691 2163 5680 74 6960 778 1 4 493;0 0 9 10 0 0 0 0 0 0 0 0 0 0 0 1 2;0 33 34 33 33 0 0 33 34 33 0 0 33 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;768 2283 21 15 1082 6971 5189 249 79 1 4 79 9;0 37 0 0 0 0 0 0 0 0 0 0 0;33 33 0 0 33 33 33 0 21 0 21 22 22;1 1 1 1 1 1 1 1 1 1 1 1 1;
;11145 22517 0 14 19466 16 0 2 0 188 271 202;19 20 0 0 19 0 0 0 0 5 6 6;33 34 0 0 25 0 0 0 0 33 34 34;1 1 1 1 1 1 1 1 1 1 1 1;
;402 133 228600 133 817 20 133 228600 133 206 3 1809 1 4 130 112;0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2;33 0 0 0 0 0 0 0 0 0 0 33 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;34 169 1439 8 5768 134 17425 8 526 17425 3 180 160 215 21 1 297 186 43 1 4 47;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 34 0 0 0 0 33 0 0 33 0 0 0 0 0 0 33 34 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;95124 481;0 0;0 33;1 1;
;58846 81 354 45 1402 1247 165 41 0 12 6471 2138 19841 23 68 25 1 167 131 1 34 5;21 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;27 33 34 0 33 34 34 34 0 0 33 33 33 0 0 0 0 33 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;760 8684 3 5793 77770 4026 1 2087 5;0 0 0 0 0 0 0 1 2;0 33 0 33 33 33 0 1 2;1 1 1 1 1 1 1 1 1;
;58069 10612 714 53399 13 4604 23 68 25 1 188 69 108;0 37 0 0 0 0 0 0 0 0 17 18 18;33 45 0 0 33 34 0 0 0 0 9 10 33;1 1 1 1 1 1 1 1 1 1 1 1 1;
;222 20081 0 72076 2 66263 0 14843 2 22880 5 897 100 0;0 17 0 0 0 0 0 0 0 1 2 0 0 0;0 29 30 30 0 0 0 29 0 1 2 33 33 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 239 30566 193 40 16 137 9560 0 239 30566 193 170 40;0 0 0 0 0 0 0 17 0 0 0 0 0 0;0 0 33 21 22 0 21 31 0 0 33 33 33 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1483 6453 311 14 7635 16 0 6453 1607 3 7581 17247 59 59 59 59 1 3444 43 1 4 47;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 35 36 0 0 0 0 33 34 0 33 33 0 0 0 0 0 1 2 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;780 90 23382 1 120378 276 2 841 45547 3190 1118 22852 0 2 1031 2 35 979 19 2 41 72;19 20 20 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;25 26 26 0 0 0 0 33 33 33 33 33 0 0 33 0 33 33 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 2108 18111 2957 20171 16 1 2108 18111 2957 20171 37 1 2108 18111 2957 20171 104 1 2108 18111 2957 20171 87 1 395 5 0;0 0 31 0 31 0 0 0 31 0 31 0 0 0 31 0 31 0 0 0 31 0 31 0 0 1 2 0;0 0 39 0 39 0 0 0 39 0 39 33 0 0 39 0 39 33 0 0 39 0 39 31 0 1 2 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;550 38 24258 18207 108 7020 3484 6949 53 31 291 53 387 5 8 19 35 31 95;0 0 17 18 18 0 0 0 0 0 0 0 1 2 0 0 0 0 0;33 34 31 32 32 33 34 33 0 21 22 0 1 2 0 21 22 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14626 43 46 20 876 93 1382 20378 17 1 39 13 268;0 0 0 0 0 0 0 0 0 0 0 0 0;33 34 0 0 33 0 33 33 0 0 33 34 34;1 1 1 1 1 1 1 1 1 1 1 1 1;
;65835 115318 122948 1690 57 36 378 590 63878 65835 115318 122948 1690 57 1825 849 460 4842 36 398 36 307 36 44 0 849 101 0 34 110 5;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 7 8 0 0 0 0 0 0 0 0 0 0 1 2 2;21 0 21 33 34 0 33 0 33 21 0 21 33 34 0 0 11 12 0 33 0 33 0 33 0 11 12 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;4558 1221 1 4558 1221 37 1 410 4558 1221 104 26 182 0 2 0 111;11 0 0 11 0 0 0 0 11 0 0 0 0 0 0 0 17;15 0 0 15 0 33 0 33 15 0 33 0 33 0 0 0 31;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14070 514 22679 1 4 253;0 0 0 0 1 2;21 22 22 0 1 2;1 1 1 1 1 1;
;6088 1228 152 1217 6 799 12 76167 1 4 9;0 0 0 0 0 0 0 0 0 1 2;0 33 0 0 0 33 34 34 0 1 2;1 1 1 1 1 1 1 1 1 1 1;
;59909 46 22 236 2272 34 9475 3 23837 42 54 13 1 188 119;21 0 0 0 0 9 9 0 0 0 0 0 0 17 18;27 0 33 34 33 13 13 0 33 34 0 0 0 31 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;10483 18 14166 16803 758 305 434 2526 12029 0 2 0 738 4906 738 372;0 0 0 0 0 0 0 0 0 0 0 0 17 18 0 0;33 34 33 33 33 33 33 34 33 0 0 0 31 32 21 22;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;17761 675 297 1 709 253 0;0 0 0 0 0 0 0;21 22 22 0 1 2 0;1 1 1 1 1 1 1;
;14 2482 1287 3227 16 1 2482 1287 3227 37 1 2482 1287 3227 104 1 2482 1287 3227 87 1 395 5 0;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 0;0 33 34 34 0 0 33 34 34 33 0 33 34 34 33 0 33 34 34 31 0 1 2 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;79101 1211 2629 13 522 6 146 173 6 151 173 6 431 173 6 1145 13 522 1211 2629 196 1 4675 1211 2629;9 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;13 25 26 33 34 0 33 34 0 33 0 0 33 34 0 33 9 10 10 10 33 0 0 25 26;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;9278 0 41908 0 2602 266 14311 0 2 0 19473 3 12438 0 2 0 204 292;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 0 33 0 33 33 33 0 0 0 33 0 33 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;102 984 750 168 7155 1388 3464 46 121 15847 68872 145 3309 1 4 61;0 9 39 40 0 0 0 0 0 0 0 0 0 0 1 2;33 13 47 48 47 35 33 0 0 21 22 33 34 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;83658 50 290 15 124 1 83658 50 290 416 865 408 5724 57 2364 8 2 2659 5;17 18 18 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 33 34 0 0 0 0 33 34 33 34 0 33 0 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2424 88 27 4243 75 2655 521 510 7105 2496 4775 1029 1 4 61;0 9 10 9 10 0 0 0 0 0 0 0 0 1 2;33 13 14 13 14 33 34 33 34 34 34 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;21592 8060 472 29 97 118 762 900 42 5482 46 1212792 1948 7294 154 85 1891 2 247 69;0 0 0 0 0 0 0 0 0 0 0 21 0 0 0 0 0 0 0 0;33 34 33 0 27 28 0 33 34 0 0 27 0 0 33 34 33 0 9 10;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;511 241 1126 1726 1 4 9;0 0 0 0 0 1 2;0 0 0 0 0 1 2;1 1 1 1 1 1 1;
;80 1133 1027 3 63 50 1268 3 4806 60 3560 30 16067 109 1027 93 3063 50 1268 3 4806 7 0 2 0 612 295 42;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2;0 0 33 0 33 34 0 0 33 0 33 0 33 0 33 0 33 33 34 0 33 0 0 0 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;445 437 49597 2 210 2 35 19 2 41 72;39 40 0 0 0 0 0 0 0 1 2;47 48 33 0 33 0 21 22 0 1 2;1 1 1 1 1 1 1 1 1 1 1;
;8680 1995 8167 1 31 1688 1 31 1688 5 1 632 400 1688 1 9338 1688 1 2932 1242 5;31 32 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2;39 40 33 0 33 34 0 33 34 0 0 21 22 22 0 33 34 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;11 13 29 1597 8 1001 13989 190 488 8 999 190 488 1001 89 11 166 350 3007 4659 8 8269 1868 190 488 762 9 350 3 3570 8 350 3 13989 59 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 33 34 33 0 33 34 33 34 0 0 33 34 33 33 34 0 0 33 33 0 33 34 33 34 21 22 33 34 33 0 33 34 33 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;22852 4763 2627 527 58 12 58 166 1908 12 33 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 33 0 0 33 34 34 0 33 33 34 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;15 3356 2680 4352 762 12 1648 17 129 422 2722 317 1228 17022 72310 7851 59 2 2680 36 4352 2 1905 5 207;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 0;0 0 21 22 0 0 0 0 0 0 33 0 33 33 34 34 0 0 33 0 33 0 1 2 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;49 10632 569 48 755 33433 725 68573 8 2712 659 13 10782 7764 8876 3 12613 37299 59 1 69 1 12044 3309;45 46 46 46 0 0 21 22 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 34 34 34 0 33 27 28 0 33 0 33 34 33 34 0 33 33 0 0 33 0 33 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1410 6558 64 82 7637 14550 83 369 2463 12917 0 106 353 122 42 1574 2241 9308 1 188 69 108;9 0 0 0 23 24 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;13 33 0 0 29 30 0 0 33 0 0 0 33 34 0 33 0 33 0 9 10 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1269 345 808 1546 1 4 61;0 0 0 0 0 1 2;33 34 33 34 0 1 2;1 1 1 1 1 1 1;
;5687 5 2 1389;0 0 0 0;0 0 0 33;1 1 1 1;
;105 38 57 97 3254 663 3266 24289 1018 2732 832 59 0;0 0 0 0 0 0 0 0 0 0 0 0 0;33 34 33 34 0 33 0 33 0 33 33 0 0;1 1 1 1 1 1 1 1 1 1 1 1 1;
;26548 837 81 5382 13583 3147 3259 1891 0 3625 3441 1791 20187 1 188 268;17 18 0 0 0 0 0 0 0 0 0 0 0 0 23 24;31 32 33 34 33 34 0 33 0 33 34 33 33 0 29 30;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;139 389 69 5283 144 113 3172 1056 632 830 688 394 583 2850 4529 2280 26054 1 69 131 1 1337 5 23 2867 7 65 25;0 19 20 20 0 0 0 0 0 0 0 0 0 0 0 9 9 0 0 0 0 1 2 0 0 0 0 0;0 25 26 26 0 0 33 34 33 34 0 33 0 33 33 13 13 0 31 32 0 1 2 0 31 33 34 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1796 53685 1469 381 5425 0 1796 0 1469 381 0 823 33 0 1 1113 1186 5;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2;13 33 33 33 33 0 13 0 33 33 0 0 0 0 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;34 461 218 27 4008 75 4008 75 3814 6992 873 23505 56 503 25387 1267 99 642 5437 8 218 4462 1306 9550 28 18 1461 108 3 147 0 2 0 218 469;9 0 9 10 9 10 9 10 9 10 10 10 10 10 0 0 0 0 0 0 17 18 18 18 18 18 18 18 0 0 0 0 0 27 28;13 13 14 14 13 14 13 14 0 0 0 33 33 34 0 33 0 0 0 0 13 0 0 33 33 34 33 34 0 33 0 0 0 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;84169 14217 3726 161 508 0 2 0 421 499 480 480;21 0 0 0 0 0 0 0 1 2 2 2;27 33 33 33 34 0 0 0 1 2 2 2;1 1 1 1 1 1 1 1 1 1 1 1;
;1251 56 77 1116 34011 0 137 1327 0 195 2829 458 0 2 0 7748 301;27 28 28 28 28 0 0 0 0 0 0 0 0 0 0 1 2;35 36 36 36 36 0 21 33 0 0 1 2 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;598 27 8823 1878 565 0;17 18 18 18 18 0;31 32 32 32 32 0;1 1 1 1 1 1;
;34 3446 42742 1244 7707 278 12745 46 338 4260 1287 3 1730 20238 59 1 25814 5;9 0 0 0 0 0 0 0 9 0 0 0 0 37 0 0 1 2;13 33 33 33 33 34 34 0 13 33 0 0 0 33 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;23736 67 31700 0 2 0 364 5;0 0 0 0 0 0 1 2;25 26 26 0 0 0 1 2;1 1 1 1 1 1 1 1;
;250 5828 385 10 5680 194 274 859 194 9443 17 1 4 209 132;0 0 0 0 0 0 0 37 38 38 0 0 17 23 24;0 33 0 0 0 0 0 45 46 46 0 0 31 29 30;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;4330 63 11616 1128 110 15 589 1 4 9;9 0 9 0 0 0 0 0 1 2;13 0 13 0 33 33 34 0 1 2;1 1 1 1 1 1 1 1 1 1;
;4743 816 3628 2473 18 62 1552 32726 1941 286 28 18 66 102 137 116 71 1 123 1 147 0 2 0 489 2182 5;9 10 10 0 0 0 17 18 18 18 18 18 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2;33 33 33 33 33 0 13 33 33 33 33 34 0 33 21 33 34 0 33 0 33 0 0 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;172 8518 777 1185 5828 3756 49 1816 1016 329 48 1 4 61;0 0 0 0 0 0 0 0 0 0 0 0 1 2;21 22 33 0 33 33 33 34 34 34 34 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;283 29 97 3 79 5683 8 16032 8 2554 18244 240 1560 7622 2548 10 15 441 17 1 4 79 9;0 0 0 0 0 0 0 0 0 0 0 0 0 29 0 0 0 0 0 0 0 0 0;0 0 0 0 21 33 0 33 0 0 0 0 0 55 0 0 35 36 36 0 21 22 22;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 352 22419 0 82538 0 9250 1201 4555 6113 1180 477 39239 52 2 85 0 1969 1712 8595 0 29552 5045 8595 0 5158 518 8595 16 37 6 87 6 44 6 685 86 6 6508 27 82538 1567 359 2 395 5;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 23 24 24 0 0 0 0 0 0 0 29 0 0 0 0 0 0 0 0 0 0 17 18 18 18 18 0 1 2;0 33 33 0 0 0 0 0 0 33 0 0 33 0 0 0 0 29 30 30 0 21 22 22 0 0 0 33 0 33 0 31 0 33 0 29 30 0 13 14 0 33 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;85 26 133423 1574 486 62 46481 2 20843 538 66 0 2 0 40648 0 139737;0 0 0 0 0 0 0 0 0 0 0 0 0 0 17 0 0;0 0 0 33 0 0 33 0 0 33 0 0 0 0 31 0 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1531 51 190 12670 532 799 30 910 4383 1758 56 3967 12 10 424 2193 0 2 0 69 108 0 1542 69 5 0 8926 31;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 0 0 33 34 0 0 0 33 33 34 33 34 0 33 34 0 0 0 33 34 0 21 22 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1489 1580 0 2 0 54769 1119 75 1559 5;0 0 0 0 0 9 0 0 1 2;33 33 0 0 0 13 33 34 1 2;1 1 1 1 1 1 1 1 1 1;
;4239 230 46 24254 118 22 80 11473 8517 9320 1 1 624 56642 1 1 114 204;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;21 22 0 33 0 0 0 33 33 33 0 0 33 27 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;29486 24110 67 2138 11023 1394 0 248 1123 43391 960 12617 1 912 167 1 114 5;21 22 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;27 28 0 33 33 33 0 33 34 34 33 34 0 33 34 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;842 36186 0 3300 0 32 8809 0 20299 892 755 33 1 4 9;23 24 0 0 0 0 23 0 0 0 0 0 0 1 2;29 30 0 29 0 0 29 0 0 0 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;4952 27 4272 153 1554 6619 80479 954 7589 58 1 308 27 6326 1 18254 5;17 18 18 18 0 0 0 0 0 0 0 0 0 0 0 1 2;31 32 32 32 33 33 33 33 33 0 0 33 34 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1981 54 1557 2442 27 376 10 43375 38167 3 1119 1947 50 376 2 1628 50377;9 10 10 9 10 10 0 0 0 0 0 0 0 0 0 0 9;13 14 14 13 14 14 0 33 34 0 27 28 0 0 0 33 13;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;102 2 5356 38 34 1470 2434 819 1609 172 67 286 2560 294 343 23 1272 25 1 504 1 4 61;0 0 0 0 9 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 0 33 34 13 33 34 33 33 33 0 33 33 34 33 0 33 0 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;511 422 11801 329 0 1649 278 38188 47428 1 1231 43010 0 2 0 1065 4179;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 0 21 22 0 0 0 33 33 0 33 33 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;22 236 217 13 103 8 184 374 3873 10 15 441 17 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 34 0 33 34 0 33 33 33 0 35 36 36 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1088 596 285 629 926 176 321 15940 220 79745 1 170 40 1 4 61;0 0 0 0 0 0 0 0 0 21 0 0 0 0 1 2;21 22 33 33 33 0 33 33 0 27 0 33 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;126 2023 1747 424 15281 12 5662 1840 59 0 566 0 3443 499 757 382;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;0 33 34 33 0 0 33 0 0 0 0 0 21 22 22 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;6323 3368 76 1 988 1382 232 232 232 490 490 490 6323 3368 76 1 14 835 77 50 3 344 3263 18 16;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 17 18 0;13 21 22 0 33 33 0 0 0 0 0 0 13 21 22 0 0 33 33 34 0 21 31 32 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;418 244 946 35282 8 41948 8 103 11 578 8 214 10 20 501 1 11 217 846 1021 1 595 217 132;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;21 22 33 33 0 33 0 0 33 34 0 33 34 34 0 0 1 2 2 2 0 33 34 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;319 893 14961 3 14898 415 201 2 452 1954 2 16202 54 1167;0 0 37 0 13 14 0 0 0 0 0 9 0 0;33 33 45 0 17 18 33 0 33 33 0 13 0 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;516 194 664 1241 30 7952 221 126 96 306 82 27949 1591 9588 20210 83 16274 82 383 3549 83 17 992 58 12 58 2685 20210 4089 669 17 2 2 1032 674 0;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 34 34 34 0 33 0 0 0 0 0 33 34 34 34 0 33 0 33 34 0 0 0 33 34 34 33 33 33 33 0 0 0 33 33 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;8581 57409 298 2824 36412 91 180 1 4 9;43 44 0 0 0 0 0 0 1 2;51 52 0 0 33 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1;
;6823 854 3 301 0 440 1300 301;27 28 0 0 0 0 0 0;35 36 0 33 0 33 33 34;1 1 1 1 1 1 1 1;
;22 10329 12 2841 122 84 15 143 17 1 4 9;0 0 0 0 0 0 0 0 0 0 1 2;0 33 33 34 0 0 33 34 34 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1;
;140 16249 5790 62 2276 66 1 4 253;0 0 0 0 0 0 0 1 2;35 36 36 0 0 0 0 1 2;1 1 1 1 1 1 1 1 1;
;434 484 3069 8 135 22 11 826 59 0 2 0 484 3069 3 1899 204;0 1 2 0 0 0 0 0 0 0 0 0 1 2 0 1 2;33 1 2 0 0 0 0 33 0 0 0 0 1 2 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;7557 90 166 37312 9292 3 2694 6 23 11302 25 1751 206 1692 285 1 4 130 112;0 0 0 0 0 0 0 0 0 17 0 0 0 0 0 0 1 2 2;33 0 0 33 33 0 33 0 0 31 0 33 0 33 33 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;105 38 656 750 3055 2994 3 2640 10 20 60 1 4 9;0 0 9 0 0 0 0 0 0 0 0 0 1 2;33 34 13 33 33 33 0 33 33 34 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;22 3 4172 443 183 540 373 77 804 5639 3379 126 373 369 71 1 4 9;0 0 23 24 24 0 0 0 0 0 0 0 0 0 0 0 1 2;33 34 29 30 30 0 0 33 34 34 34 0 0 21 22 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;309 94 3809 99 249 2701 8 93 5888 94 24 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 33 34 34 0 33 0 0 33 33 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;58663 1566 6021 3042 6979 244 1 23 58663 1566 6021 3042 6979 244 25 1 85770 8401 1566 912 1342 1 9956 300 5;21 22 22 22 0 0 0 0 21 22 22 22 0 0 0 0 21 22 22 5 6 0 0 1 2;27 28 28 28 33 0 0 0 27 28 28 28 33 0 0 0 27 28 28 9 10 0 33 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;773 134 2049 227 9373 6848 115 3 1495 673 8 4010 432 17 1 757 12393 1 316 100 1 316 197;0 0 0 0 9 10 10 0 0 0 0 0 0 0 0 0 0 0 1 2 0 17 18;33 0 33 0 13 14 14 0 33 0 0 33 0 0 0 33 33 0 1 2 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;69 761 1 567 1723 244 2656 3553 6434 120 153;0 0 0 17 18 18 17 18 18 18 18;33 33 0 31 32 32 31 32 32 32 32;1 1 1 1 1 1 1 1 1 1 1;
;6613 0 8690 0 21142 0 4855 0 12555 2 24384 0 22627 6 96033 0 119451 6 6613 0 8690 0 21142 0 4855 0 12555 1288 170 40 6 35 1288 31 95 0 1 4 202 2 4385 5522;0 0 0 0 0 0 0 0 0 0 0 0 0 0 21 22 22 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 19 20 0 0 5 6 0 0 0;55 56 56 56 56 56 56 56 56 0 27 28 28 0 27 28 28 0 55 56 56 56 56 56 56 56 56 33 33 33 0 33 33 33 34 0 0 33 34 0 0 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;134 317 241 59 317 1727 1636 1351 478 3446 3 13262 99 59 1 3158 4168 2864 1 1945 3158 4168 1 1945 7 65 235 78 39 13 411;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;0 33 34 0 0 0 33 0 0 33 0 33 0 0 0 33 34 34 0 1 33 34 0 1 33 34 33 34 33 34 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;82 14630 83 206 3 8148 0 36 0 73 560 0 36 0 367 171;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;0 0 0 0 0 33 0 0 0 35 36 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;13819 2476 2860 81 2223 251 447 1986 3927 4814 1563 46 81 211 5513 81 8679 0 2 0 34 5;0 0 0 0 0 0 9 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 0 0 0 33 0 13 21 22 25 26 0 0 33 0 33 34 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;5938 3632 85 1181 914 0 1181 914 39 2863 604 504 282 1 2122 2641;45 46 46 0 0 0 0 0 0 0 0 0 0 0 0 0;53 54 54 33 33 0 33 33 0 31 0 0 33 0 21 22;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1108 4098 44569 11684 3 661 1 14 2103 16 1108 4098 44569 11684 15 109 80 109 1721 1 1108 4098 44569 11684 1937 661 201 1 36702 1 2548 1947 1065;11 12 12 12 0 0 0 0 0 0 11 12 12 12 0 0 0 0 0 0 11 12 12 12 0 0 0 0 0 0 5 6 6;15 16 16 16 0 33 0 0 33 0 15 16 16 16 33 34 0 0 33 0 15 16 16 16 33 33 33 0 33 0 33 34 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;105 38 117 97 160 4344 280 137 307 1 4577 63 4344 440 2131 0 2 0 27652 280 38051 5;0 0 0 0 0 9 0 0 0 0 0 0 9 0 0 0 0 0 1 2 2 2;33 34 33 34 0 13 33 21 33 0 33 0 13 33 33 0 0 0 1 2 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;26499 148 78779 376 302392 503 335 55986 3892 14 172 443 6 0 123 6 0 147 6 0 3960 16 1 111 172 443;9 10 9 10 9 10 0 9 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 17 0 0;13 14 13 14 0 0 0 13 33 0 33 34 0 0 33 0 0 33 0 0 31 0 0 31 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;3116 12 502 1882 53 53 20658 0 60202 538 2302 6736 538 23 56 25 1 504 1 4 61;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 34 0 0 33 34 33 0 33 33 0 0 33 0 0 0 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;6348 8095 141 300 6348 4220 4733 20045 2 78 2 35 19 2 41 72;19 20 0 0 0 0 0 0 0 0 0 0 0 0 1 2;25 26 33 33 27 28 33 34 0 33 0 21 22 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;55974 32 8740 20221 264 93 13 1298 5285 24 0 2 0 612 295 42;13 0 13 14 14 0 0 0 0 0 0 0 0 1 2 2;17 0 17 18 18 0 33 34 33 0 0 0 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;948 47078 4068 787 264 1 47078 4068 787 264 537 559 33456 264 1940485 5467 2598 0 2 0 111;0 31 31 32 32 0 0 31 32 32 0 0 0 0 0 21 22 0 0 0 17;33 39 39 40 40 0 39 39 40 40 0 33 21 22 0 27 28 0 0 0 31;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;80 2166 8359 3101 1136 21342 3238 8833 0;0 0 0 0 0 0 0 0 0;0 33 33 21 22 22 33 33 0;1 1 1 1 1 1 1 1 1;
;1419 798 1537 10014 0 2550 56 2033 4540 3 19 2 210 2 35 19 2 41 72;9 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;13 33 21 22 0 33 0 33 0 0 33 0 33 0 21 22 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;8458 1661 12 703 1 125075 1 1122 1875 2 137 74 77 231 3 205 1569 2 8007 2196;19 20 20 20 0 0 0 0 0 0 0 0 0 0 0 0 0 0 17 18;25 26 26 26 0 0 0 33 34 0 21 0 0 0 0 33 34 0 31 32;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;198 38 5126 1357 73 46 6093 75 306 5388 336 166 3047 703 1824 2 247 142;0 0 0 0 0 0 9 10 0 0 0 0 0 0 0 0 17 0;33 34 31 32 32 0 13 14 0 33 0 0 33 33 0 0 31 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 609 16 2657 149 294 23 71372 25 30 423 997 172 3 571 294 1 4 61;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 33 0 33 34 34 0 33 0 0 33 34 33 0 33 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;68854 0 219432 0 161381 18623 26337 44461 2332 290 1413 1 68854 0 219432 0 161381 18623 26337 44461 2332 290 826 37 1 3331 7 65 3703 0;0 0 0 0 0 0 0 0 9 10 0 0 0 0 0 0 0 0 0 0 9 10 0 0 0 0 0 0 17 0;33 0 0 0 0 33 31 27 13 14 33 0 33 0 0 0 0 33 31 27 13 14 33 34 0 31 33 34 31 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;31842 2928 2 2 31842 75 2928 1507 2894 652;0 0 0 0 9 10 9 10 10 10;0 33 0 0 13 14 13 14 14 14;1 1 1 1 1 1 1 1 1 1;
;82 15088 0 4115 6 0 2768 0 4115 6 0 38262 7 0 6859 3555 451 0 3606 0 473 0 2768 0 4115 232 83 0 18377 0 23108 0 10915 0 6774 0 4427 57 2634 7 0 1795 0 53925 0 2439 0 22463 0 513 0 12404 925 0 2 0 3022 43 391 361 0;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 33 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 0 0 0;0 21 22 22 0 0 21 22 22 0 0 27 0 0 33 34 34 0 55 56 56 0 21 22 22 22 0 0 33 0 21 0 33 0 21 0 33 0 33 0 0 0 0 0 0 33 34 34 0 33 0 33 0 0 0 0 1 2 0 33 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;412 53711 897 3525;9 17 0 0;13 31 33 33;1 1 1 1;
;222 13 103 45 4898 394 572 140532 847 3 843 901 2 1126 1365 0 2 0 956 0 556 0 1157 232;0 0 0 0 0 0 0 21 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;21 22 33 34 33 34 33 27 33 0 33 34 0 55 56 0 0 0 0 0 33 0 9 10;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;3104 27 6485 5434 28 18 105 137 116 71 1 123 1 147 0 2 0 702 172 1270;17 18 18 18 18 18 0 0 0 0 0 0 0 0 0 0 0 1 0 0;13 14 31 33 33 34 33 21 33 34 0 33 0 33 0 0 0 1 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;403 1588 572 3189 8 15211 3 845 202 601 2620 202 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 0 33 33 0 33 0 33 34 0 33 34 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;31927 231 282 0 90 10 215 13 422 17 2 806 2 35 19 2 41 72;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 0 33 0 55 56 56 56 56 0 0 33 0 21 22 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2457 2804 11 118 6936 1282 15 143;37 38 0 0 0 0 0 0;45 46 33 34 0 0 0 0;1 1 1 1 1 1 1 1;
;102996 102996 331 2837 62 64244 178 66 147 1 123 1 3639 1 5985 1285 1 751 171 23 68 25 2 340 2659 5;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2;15 16 16 16 0 33 0 0 33 0 33 0 33 0 33 33 0 21 22 0 0 0 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;8177 27 62813 74 8612 238 75 581 292 2948 189 5417 59 90 236 9 3 1186 71 30 3278 59 1 8177 5;9 10 9 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;13 14 0 0 31 0 0 33 34 33 34 33 0 0 33 34 0 33 33 33 34 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 16354 1069 16 770 74 261 8 340 16354 3924 119 28 18 2 10482 355;0 0 0 0 0 0 0 0 17 18 18 18 18 18 0 0 0;0 31 0 0 33 0 33 0 13 31 0 33 33 34 0 33 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;963 1178 63 21 7407 0 29524 0 23059 3 13 29 123 84 1 14003 1821 12 1644 43 1 4 47;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 0 33 34 21 0 21 0 33 25 26 26 33 0 0 0 0 21 22 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;59474 1250 1184 181 50657 332 18112 1 18 69 1 45 223 5;0 0 0 0 0 0 0 0 0 0 0 1 2 2;31 32 33 0 33 0 33 0 33 33 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;402 397 1490 4746 15897 305 91 180 203 1 4746 15897 43 1 4 47;0 0 0 19 20 0 0 0 0 0 19 20 0 0 1 2;33 33 33 25 26 33 0 0 0 0 25 26 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 68 16 4927 19025 526 390 8 2195 7505 70 1391 103 442 1 2455 35803 100 1 110 54 115 100;0 0 0 0 7 0 0 0 0 0 0 0 0 0 0 7 8 0 0 0 0 0 0;0 0 0 33 33 0 0 0 33 33 0 33 34 0 0 11 12 33 0 9 10 10 10;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;8527 57727 2 123109 239 0 67981 0 121810 0 7896 838 1 68 942 5 0;0 0 0 0 0 0 0 0 0 0 27 28 0 1 2 2 0;33 33 0 0 0 0 21 0 21 0 35 36 0 1 2 2 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 105 38 553 20630 246 18 137 116 71 1 123 1 147 16 2 0 631 5;0 0 0 17 18 18 18 0 0 0 0 0 0 0 0 0 0 1 2;0 33 34 31 13 33 34 21 33 34 0 33 0 33 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;937 4064 10768 3 47;0 21 22 0 0;0 0 27 0 1;1 1 1 1 1;
;5050 459 85 29 97 12 63 135 4467 21 8 888 801 10 3108 12 240 8 85 29 97 1692 135 4467 21 1 4 79 9;0 0 0 0 0 0 0 0 37 0 0 0 0 0 0 0 0 0 0 0 0 0 0 37 0 0 0 0 0;33 33 0 0 0 33 34 0 33 0 0 33 34 0 33 0 0 0 0 0 0 33 0 33 0 0 21 22 22;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;529 4047 1847 995 49 5741 0 24521 48 152483 575 62 2508 159 177 3211 245 66 2 29393 2 184 17148 67 1882 25205 2 34 192 4960 31 100 0;0 0 0 0 33 34 34 34 34 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 0 0 0 0;0 33 33 34 0 55 56 56 0 33 33 0 0 33 0 33 33 0 0 27 0 33 33 0 33 34 0 1 2 0 33 33 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;919 137 17168 22350 220 717 10459 1013 0 1627 45515 3696 23 146 26 151 25 0 1 0 558 1010 5 23 3857 7 65 25;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2 0 0 0 0 0;33 21 33 33 0 0 33 34 0 33 27 33 0 0 0 33 0 0 0 0 1 2 2 0 0 33 34 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 5247 16063 23176 264 16 5247 16063 23176 264 37 1 5247 16063 23176 264 104 1 5247 16063 23176 264 87 0 2 427 262 318 5;0 23 24 24 24 0 23 24 24 24 0 0 23 24 24 24 0 0 23 24 24 24 0 0 0 0 0 1 2;0 29 30 30 30 0 29 30 30 30 33 0 29 30 30 30 33 0 29 30 30 30 31 0 0 33 31 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;5924 799 2091 501 3 1851 176 3376 4251 2 2 5924 2714 161 2 2 5924 253 2 2 34 5924 5 59;11 0 0 0 0 0 0 0 0 0 0 11 0 0 0 0 11 0 0 0 1 2 2 0;33 0 0 0 0 33 0 33 34 0 0 33 21 22 0 0 33 33 0 0 1 2 2 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1407 12687 12746 1372 51 2563 1489 289 6619 19962 45228 81 1344 0;0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 21 22 22 0 33 33 0 33 21 22 0 0 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;402 7608 7428 32 7428 146 1902 10 13 124 3 442 1 4 79 9;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 33 34 0 33 0 0 33 34 34 34 0 0 21 22 22;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;15477 10189 21559 1959 46 3441 95192 82 20656 83 37203 28567 1 268 1 279 5;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 33 33 34 0 33 0 0 33 0 33 34 0 21 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;3584 2342 30202 28473 638 1 3584 2342 30202 638 39 28473 603 39 57 535 367 1 3584 2342 30202 40291 0 2 0 5361 638 18807 7 65;0 0 0 0 0 0 19 20 20 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 34 34 0 33 0 33 34 34 33 0 0 0 0 0 0 33 0 33 34 34 0 0 0 0 33 33 0 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 1971 54918 0 23 2319 23701 3389 0 17552 90178 25 16 23 1264205 0 54918 0 23 2319 23701 3389 0 17552 90178 25 25 307 1 44 1 927 1 1396 1 100 1 1971 54918 0 23 2319 23701 3389 0 17552 90178 25 12288 307 2 4257 1911;0 0 0 0 0 0 31 32 0 0 0 0 0 0 0 0 0 0 0 0 31 32 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 31 32 0 0 0 0 0 0 0 19 0;0 33 0 0 0 33 39 40 0 0 0 0 0 0 0 0 0 0 0 33 39 40 0 0 0 0 0 33 0 33 0 33 0 0 0 33 0 33 0 0 0 33 39 40 0 0 0 0 33 33 0 25 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1729 20031 8 33175 12009 8 999 96 1956 462 7104 8 93 13184 5751 442 1 4 209 132;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 17 23 24;0 45 0 33 33 0 0 0 33 33 34 0 0 33 33 0 0 31 29 30;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 14201 2291 6 88 14201 2291 2592 16 2 88 247 2578 5;0 9 10 0 9 9 10 0 0 0 9 1 2 2;0 13 14 0 13 13 14 33 0 0 13 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1425 3122 1303;0 0 0;33 33 33;1 1 1;
;16375 1697 358 0 1537 1724 1314 40 23 312 213 1724 6 37141 1724 6 10014 1724 6 14443 1724 25 6 8590 51 357 7759;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 9 0;21 22 22 0 33 34 33 33 0 33 34 34 0 33 0 0 33 0 0 33 0 0 0 33 0 13 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;41682 7 16808 1921 7 1054 0 2 0 10166 0 151559 0 4208 9076 0 23926 0 31938 0 18447 60;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 0 21 33 33 34 0 0 0 33 0 21 0 21 22 0 33 0 55 56 56 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;22 963 331 10 236 7291 8 134 160 127 248 122 393 21 1 4 209 132;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 17 23 24;0 33 33 34 0 33 0 0 0 33 34 33 34 0 0 31 29 30;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;3094 1229 86 2763 1348 1240 15 347 1 4 9;5 6 6 0 0 0 0 0 0 1 2;9 10 10 33 33 33 0 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1;
;30804 46 9992 3121 136 49 1685 4681 3 90 48 8 699 916 10396 3401 2 45 81 5;21 0 0 0 0 33 34 34 34 34 34 0 0 21 22 22 0 1 2 2;27 0 0 0 0 25 26 26 26 26 26 0 33 27 28 28 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;64 13 614 240 2670 3 2370 3 12440 6474 289 13 29 240 978 879 3114 6 240 312 2370 2688 106 2370 6 179 62 66 2370 6 509 240 978 879 77 122 11 29 772 7275 1 4 130 112;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2;0 0 0 0 33 0 33 0 33 0 33 34 0 33 34 34 33 0 0 0 33 0 35 36 0 0 0 0 33 0 0 33 34 34 0 0 0 0 0 33 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;6689 194 3719 501 2581 1213 640 504 30633 1 33 505 31 1 33 505 31 2 624 463 5 107 344 372;37 38 38 38 0 0 0 0 37 0 1 2 2 0 1 2 2 0 0 0 0 0 0 0;45 46 46 46 33 33 33 0 45 0 1 2 2 0 1 2 2 0 33 34 34 33 21 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;29232 1214 773 903 134 249 91 180 2852 17 710 10 35872 432 17 0;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 33 33 0 0 0 0 0 33 0 33 34 33 0 0 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;45 18851 672 45904 49116 0 34 142 414 2888 962 1039 426 269 0 1 790 12761 45 18851 672 2836 62 67335 672 66 0 1 790 12761;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 34 33 33 33 0 21 22 33 0 0 21 22 22 0 0 1 2 33 34 33 33 0 29 33 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1015 140 554 878 1827 740 6 1015 140 1827 6 878 26 2085;0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 34 33 33 34 33 0 33 34 33 0 33 0 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;5856 8 1333 249 1502 361 84 1 4 9;0 0 0 0 0 0 0 0 1 2;33 0 33 0 33 33 0 0 1 2;1 1 1 1 1 1 1 1 1 1;
;1539 3033 22451 929 20 356 93 21666 1 4 9;0 0 23 24 0 0 0 0 0 1 2;33 33 29 30 33 34 0 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1;
;88 2194 6463 719 1830 91 1 1183 1 9018 8 2846 719 8 2820 719 0 2 0 1774 884 224 23 13 199 712 729 1256 25;9 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2 0 0 0 0 0 0 0;13 33 34 33 34 0 0 33 0 33 0 33 34 0 33 34 0 0 0 1 2 2 0 33 34 33 33 33 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;4779 0 28319 0 2 0 6774 0 499585 0 2392 0 3170 0 4513 0 73588 0 1977 0 519 0 9783 0 21542 0 9413 0 7074 0 1147 0 1682 0 513 0 24050 0 7365 0 104738 0 169818 0 9778 0 12261 0 39417 0 103780 0 6238;0 0 0 0 0 0 33 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;21 0 51 0 0 0 21 0 0 0 33 0 33 0 33 0 33 0 33 0 33 0 25 0 33 0 33 0 33 0 33 0 33 0 33 0 21 22 22 0 21 0 0 0 33 0 0 0 21 0 0 0 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;47319 0 9815 0 2 0 1066 0 19150 0 85 0 16260;0 0 0 0 0 0 0 0 23 24 24 0 0;21 22 22 0 0 0 33 0 29 30 30 0 33;1 1 1 1 1 1 1 1 1 1 1 1 1;
;2369 5606 1 154735 1 187 19367 1 277 0 2 0 117 251 856 6916 7141 5729 516 58;0 0 0 39 0 0 0 0 0 0 0 0 0 0 0 39 40 40 40 40;33 33 0 47 0 0 0 0 0 0 0 0 0 0 33 47 48 48 48 48;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;89947 23015 46 12 2046 3903 3 3522 0 2 2 0 479 55 0 2 2 0 34 119 5;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2;33 34 0 33 34 33 0 33 0 0 0 0 0 0 0 0 0 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;402 214 10 20 1232 17 781 59 11 42 165 10 19992 358 8 4 136 21 136 8 12 1091 84 1 4 9;0 0 0 0 29 0 0 0 0 0 0 0 29 30 0 17 0 0 0 0 0 0 0 0 1 2;33 33 34 34 33 0 33 0 33 34 34 0 37 38 0 31 0 0 0 0 21 22 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;11 89 11 5240 2518 430 6078 2376 3 607 4495 2611 2470 8 27980 2800 3 94 17 5240 77 33 8 22 699 136 19 8 12 96 183 3 84 507 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 34 34 21 33 0 21 33 0 0 33 33 34 0 0 33 0 33 0 21 33 34 0 33 34 0 33 0 33 34 0 0 0 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2756 2800 183 0 36 0 31219 67217 0 3117 2419 0 10300 2800 183 0 79697 0 13390 79697 0 13390 10300 0 2756 0 17738 0 334 128;17 0 0 0 0 0 0 0 0 0 0 0 23 24 24 0 0 0 0 0 0 23 24 0 17 0 0 0 0 0;31 33 34 0 0 0 33 34 0 33 34 0 29 30 30 0 33 0 21 22 0 29 30 0 31 0 31 0 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;4468 120 149 0 193 602 1336 138 343 0 2 0 421 499 480 480;0 0 0 0 0 0 0 0 0 0 0 0 1 2 2 2;33 34 34 0 33 34 33 34 33 0 0 0 1 2 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;25414 195 514 3 27275 2481 0 2 0 364 5;0 0 0 0 13 0 0 0 0 1 2;33 33 34 0 17 0 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1;
;7181 46 238 27 37336 0 6559 2953 50624 2797 10455 7 844 764 1 268 1 279 5;0 0 0 0 0 0 0 0 17 0 0 0 0 0 0 0 0 1 2;33 0 33 34 33 0 33 0 31 0 33 0 55 56 0 21 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;934 4053 122 749 547 3320 211;0 0 0 0 0 0 0;33 34 33 34 33 33 33;1 1 1 1 1 1 1;
;598 27 18276 351 697 192 359;17 18 18 18 18 18 18;13 14 33 0 0 33 34;1 1 1 1 1 1 1;
;397 27 772 56 11 690 11 6713 19588 3 1512 866 8 1361 350 614 453 37 3 12 10 6713 3 1512 866 514 8 5713 11 122 6713 84 1 4 9;0 0 0 0 0 0 0 0 0 0 23 24 0 0 0 0 0 0 0 0 0 0 0 23 24 0 0 0 0 0 0 0 0 1 2;33 33 34 0 0 0 0 33 33 0 29 30 0 0 0 0 0 33 0 33 34 33 0 29 30 0 0 33 0 0 33 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;210508 21808 3 47;0 0 0 0;0 33 0 1;1 1 1 1;
;1746 3357 21517 850 682 3466 6135 16149 0 10880 62356 15833 17492 3448 6563 4679 1 207 5138 2 1397 1 1044 980 1 114 5;0 0 39 0 0 0 0 0 0 17 18 0 21 22 0 0 0 0 0 0 9 0 0 0 0 1 2;0 0 47 33 34 0 0 33 0 31 32 33 27 28 33 33 0 33 33 0 13 0 21 22 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;250 25909 5173 2897 5986 120 532;0 0 0 0 0 0 0;0 0 33 33 33 34 34;1 1 1 1 1 1 1;
;43417 49 14126 18767 48 5354 176 273 62 628 66 1 5681 483 273 1 6945;27 27 28 28 28 0 0 0 0 0 0 0 0 0 0 0 0;33 0 33 34 0 33 0 33 0 0 0 0 33 34 33 0 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2324 115 438 15723 6101 0 2 0 39 13 9936 5 0 956 0 556 0 131619;0 0 0 0 0 0 0 0 1 2 2 2 0 0 0 0 0 0;21 22 33 33 34 0 0 0 1 2 2 2 0 0 0 33 0 31;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;18505 14423 1 18505 14423 37 1 410 18505 14423 104 26 182 0 2 0 111;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 17;33 33 0 33 33 33 0 33 33 33 33 0 33 0 0 0 31;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2656 934 23 170197 25 2 8518 1878 1 22648 243 1 37418 10419 418 0;17 18 0 0 0 0 0 0 0 0 0 0 5 6 6 0;31 32 0 21 0 0 0 33 0 21 33 0 33 34 34 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;4244 229 133 27023 133 32 4916 36163 133 1903 30 20 676 103 3906 0 2 0 612 295 42;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2;33 33 0 33 0 0 21 22 0 33 0 33 34 0 0 0 0 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1073 46 14457 1557 1297 376 82 65282 83 0 283 27 13 75 89 21 82 1557 83 1 342 5 0;9 0 9 10 10 10 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 0;13 0 13 14 14 14 0 33 0 0 0 0 33 34 35 36 0 0 0 0 1 2 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;11 15818 8 15 441 432 1 896 5512 336 43 1 4 47;0 0 0 0 0 0 0 23 24 24 0 0 1 2;0 33 0 0 33 0 0 29 30 30 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;5594 11989 53646 334 398 199 1 64165 0 91679 0 368 0 69506 1 5594 11989 53646 300 128 0 2 0 6129 43 5594 11989 53646 1311;45 46 0 0 0 0 0 0 0 0 0 0 0 0 0 45 46 0 0 0 0 0 0 0 0 45 46 0 0;53 54 0 21 22 0 0 9 0 33 0 33 0 53 0 53 54 0 33 33 0 0 0 33 0 53 54 0 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;157 46465 290 0 2 0 3094 253;9 10 10 0 0 0 1 2;13 14 14 0 0 0 1 2;1 1 1 1 1 1 1 1;
;3169 29148 31 3399 732 0 5174 544 17536 2044 267 2057;9 0 0 0 0 0 0 0 0 0 0 23;13 33 33 34 34 0 33 34 33 33 33 33;1 1 1 1 1 1 1 1 1 1 1 1;
;564 113 1 683 5373 100 1 6225 5016;9 10 0 9 0 0 0 1 2;13 14 0 13 33 34 0 1 2;1 1 1 1 1 1 1 1 1;
;4762 26 2083 0 856 2980 2 102 0 2861 4093 199 1780 267 22876 2 416 40 2 416 71 2 416 71 5;0 0 0 0 0 0 0 0 0 0 0 0 23 24 0 0 0 0 0 0 0 0 1 2 2;33 34 34 0 33 33 0 33 0 33 21 22 29 30 0 0 33 33 0 33 33 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;295 3 4072 74 748 67 3047 435 1 504 1 4 61;0 0 0 0 0 0 0 0 0 0 0 1 2;33 0 33 0 33 0 33 33 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1;
;2 45176 255;0 17 18;0 31 32;1 1 1;
;576 41876 686 1170 339 398 170 979 1836 100;9 0 0 0 0 0 0 0 0 0;21 33 33 34 33 33 33 33 33 33;1 1 1 1 1 1 1 1 1 1;
;68734 62 4243 2445 178 66 1 4 253;9 10 10 10 10 10 0 1 2;31 0 13 33 0 0 0 1 2;1 1 1 1 1 1 1 1 1;
;42602 0 81098 3 699 0 36 0 7660 62 7368 66 0 2 0 775 210 8 801 453 33;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;21 0 27 0 33 0 0 0 33 0 9 0 0 0 0 33 33 0 33 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;4762 1081217 10619 456 138 23403;0 0 27 28 28 28;33 0 35 36 36 36;1 1 1 1 1 1;
;461 16039 3657 15 124 1 2087 5;9 17 0 0 0 0 1 2;13 31 33 0 0 0 1 2;1 1 1 1 1 1 1 1;
;14940 3780 199 63 104 269 8217 91 180 1 4 9;0 0 0 0 0 0 0 0 0 0 1 2;13 33 34 0 33 34 33 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1;
;650 27 384 594 23 1364 25 186 640 189 20475 1 4 61;17 18 18 0 0 0 0 0 0 0 0 0 1 2;13 14 33 0 0 0 0 0 33 0 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 447 0 87 2001 0 352 0 2397 76 0 675 12108 86 36264 165572 0 12108 86 0 333 2102 16 37 6 87 6 44 6 12108 86 6 6726 27 2489 31830 1067 110 1097 28 18 2 395 5;0 9 0 0 0 0 0 0 17 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 17 18 18 18 18 18 18 18 18 0 1 2;0 13 0 31 33 0 33 0 33 0 0 0 33 34 33 0 0 33 34 0 0 33 0 33 0 31 0 33 0 33 34 0 13 14 0 0 0 33 34 33 34 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;789 49372 394 1896 28 18 36 49372 394 1896 36 789 49372 36 49372 1896 36;17 18 18 18 18 18 0 0 0 0 0 9 0 0 0 0 0;13 27 33 34 33 34 0 27 33 34 0 13 27 0 27 33 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;69274 0 26994 2 151 3840 8031 177 36144 129 94757 200 583 200 278 14560 7585 602 1 405 1 35 19 31 95;23 0 0 0 0 0 23 0 0 0 0 0 0 0 0 23 24 0 0 0 0 0 0 0 0;29 0 33 0 33 21 29 0 31 0 21 33 34 21 22 29 30 33 0 1 0 21 22 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2350 106 3232 7410 3070 3 130 5968 108751 10271 2896 208 2 14 1030 5 16 2 952 252 31 438 696 211 2 163 7 1058 7 65;0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 0 33 33 33 0 33 33 33 33 34 33 0 0 1 2 0 0 33 0 33 33 33 33 0 33 0 0 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;16218 0 368 0 17097 0 22601 0 683481 38357 0 2 0 3107;0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 0 33 0 21 0 33 0 0 21 0 0 0 1;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;55657 0 28591 1 5286 2139;0 0 0 0 0 0;33 0 0 0 33 33;1 1 1 1 1 1;
;441202 0 569878 0 56289 41641 0 413311 0 14410 0;0 0 0 0 0 0 0 0 0 0 0;33 0 0 0 27 21 0 21 0 0 0;1 1 1 1 1 1 1 1 1 1 1;
;7061 3010 1033 39 479 1997 856 53 53 1207 3 361 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 34 34 33 34 0 33 33 34 33 0 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;13693 225 96 511 145 1868 782 3 19751 813 1 4 9;0 0 0 0 0 0 0 0 0 0 0 1 2;33 0 0 0 0 33 0 0 33 34 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1;
;3403 46 14 73 17727 16 836 358 1794 335 3568 2717 1 73 17727 43 1 4 47;0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2 0 1 2;33 0 0 25 26 0 33 37 38 0 33 33 0 1 2 2 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;13618 3448 21600 1 44 1 709 253;29 30 30 0 0 0 1 2;37 38 38 0 33 0 1 2;1 1 1 1 1 1 1 1;
;5606 9670 9303 1145 2166 242 1 4 61;0 0 0 0 0 0 0 1 2;33 33 33 34 33 34 0 1 2;1 1 1 1 1 1 1 1 1;
;150454 3 51786 877 1 3177 406 396 1 5687 1683 1708 7144 5 0;0 0 0 0 0 0 0 0 0 1 2 2 2 2 0;33 0 33 33 0 33 33 33 0 1 2 2 2 2 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2510 56 3 18708 11 638 24 30 215 70 136 0 2722 3635 13 195 127 22836 14951 1948 3309 1 2442 54 2859;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;21 22 22 22 0 33 0 33 34 0 0 0 33 33 34 34 34 33 33 0 0 0 0 0 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;200 206 2180 20 3 16059 1 4 9;0 0 0 0 0 0 0 1 2;33 34 34 0 0 37 0 1 2;1 1 1 1 1 1 1 1 1;
;6899 753 494 1626 87 1 6899 753 494 1626 87 37 1 6899 753 494 1626 87 104 26 182 0 2 0 111;23 24 24 24 0 0 23 24 24 24 0 0 0 23 24 24 24 0 0 0 0 0 0 0 17;29 30 30 30 31 0 29 30 30 30 31 33 0 29 30 30 30 31 33 0 33 0 0 0 31;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;357 76511 537 366 741 259;9 0 0 0 0 0;13 33 0 33 34 0;1 1 1 1 1 1;
;284 984 113 25687 148 63 958 29336 148 3 1892 1 4 9;0 9 10 9 10 0 9 9 10 0 0 0 1 2;0 13 14 13 14 0 13 13 14 0 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2293 5710 45 700 1001 11 39287 177 2 8 56 1313 1474 177 7 7 7 1 4 79 9;37 38 0 0 0 0 37 0 0 0 29 30 30 0 0 0 0 0 0 0 0;33 34 0 33 33 0 45 0 0 0 37 38 38 0 0 0 0 0 21 22 22;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1931465 0 7770 1931465 467 99 585 94 730 761 2 14 224 99 43 16;0 0 9 0 0 0 0 0 0 0 0 0 0 0 0 0;0 0 13 0 33 0 0 33 34 33 0 0 0 0 0 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;9185 32 943 158 219 2054 17 1 4 9;0 0 0 0 0 0 0 0 1 2;33 0 53 54 0 33 0 0 1 2;1 1 1 1 1 1 1 1 1 1;
;14 35993 17219 3 661 16 35993 17219 15 109 1 35993 17219 3 1937 661 1 103 2231;0 0 0 0 0 0 0 0 0 0 0 0 11 0 0 0 0 0 0;0 33 33 0 33 0 33 33 33 34 0 33 33 0 33 33 0 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;155 20 415 58 5419 9499 1 4 209 132;0 0 0 0 0 0 0 17 23 24;0 0 0 0 33 33 0 31 29 30;1 1 1 1 1 1 1 1 1 1;
;4292 29229 66257 1 4292 29229 66257 37 1 410 4292 29229 66257 104 26 182 0 2 0 111;0 39 0 0 0 39 0 0 0 0 0 39 0 0 0 0 0 0 0 17;21 47 33 0 21 47 33 33 0 33 21 47 33 33 0 33 0 0 0 31;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;4833 73 4851 4198 23 12462 178 25 906 1065 1 12462 45 873 5036 99 15160 258 1715 108 129 1324 1065 1 88 2 588 648 5;11 12 17 18 0 9 0 0 0 0 0 9 10 10 0 0 9 10 10 10 0 0 0 0 9 0 1 2 2;15 16 31 32 0 13 0 0 33 33 0 13 13 14 33 0 13 14 33 34 0 0 33 0 13 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;3906 26077 194 7869 3 903 319 266 1 2582 372 1 22966 5 882 440;37 38 38 38 0 0 0 0 0 0 0 0 1 2 0 0;45 46 46 46 0 0 33 33 0 33 33 0 1 2 33 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1532 7091 0 39355 577 752 15 577 1 4 9;23 24 0 0 0 0 0 0 0 1 2;29 30 0 0 0 33 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1;
;32227 0 2 0 3107;0 0 0 0 1;33 0 0 0 1;1 1 1 1 1;
;92 33293 2401 538 14194 4210 2077 2 496 14194 4210 1 2113 14194 4210 1 14194 4210 37 1 14194 4210 267 1 5366 3907 1 5366 3339 1 92 33293 7261 1355 28 18;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 31 32 0 17 18 18 18 18 18;13 35 35 36 21 22 21 0 21 22 22 0 33 21 22 0 21 22 33 0 21 22 33 0 33 33 0 39 40 0 31 32 32 32 32 32;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;340 27 225 11 5633 3 0 14349 308 1 4 9;9 10 0 0 0 0 0 0 0 0 1 2;13 14 0 0 33 0 0 33 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1;
;3527 27 3042 5272 33324 75 281 850281 259 371;9 10 9 10 10 10 0 0 0 0;13 14 13 14 14 14 0 0 33 34;1 1 1 1 1 1 1 1 1 1;
;499 840 389 40149 19581 9381 238 18854 0 152829 50159 19762 2371 488 1 841 1122 2 6182 1 114 1044 980 1 114 5;0 0 9 0 0 17 0 0 0 21 0 0 0 0 0 0 0 0 17 0 17 0 0 0 1 2;33 34 13 0 33 31 0 33 0 27 33 33 0 0 0 33 33 0 47 0 31 21 22 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;22 324 6822 46 21925 2825 3778 19182 1969 335 137 1327 6 22 324 6822 46 21925 2825 3778 19182 1969 335 534 724 40 6 869 367 0 2 0 9324 1635;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;35 36 36 0 35 36 36 36 36 36 21 33 0 35 36 36 0 35 36 36 36 36 36 33 33 33 0 33 33 0 0 0 21 22;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 1327 16 127 4185 2206 7471 0 2392 7 378 152 26668 3 667 4911 0 170 31 367 1 8566 301 5;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2;0 33 0 33 34 33 33 0 33 34 33 0 33 0 33 34 0 33 33 33 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 504 16 5239 10631 7870 446 1316 471 7 5867 353 332 0 8617 85 429 1 69 108 1 2633 5;0 0 0 7 8 8 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 0 0 11 12 12 33 34 33 0 33 0 0 0 33 0 0 0 33 34 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;126 69 89 11 2321 254 16523 1112 19838 17 2321 3 134 10 7480 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 33 33 34 33 0 33 34 33 0 33 0 0 0 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;330 46 25276 1211 21622 0 181 77 179 8033 306 5221 220 2 151 21598 625 1 452 131 1 342 5 0;9 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 0;13 0 47 0 33 0 0 33 34 34 0 33 0 0 33 31 32 0 33 33 0 1 2 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;49 115904 48 14680 3137 806 2253 1 2 806 2 35 19 2 41 72;19 20 20 0 0 0 0 0 0 0 0 0 0 0 1 2;25 26 26 29 30 33 33 0 0 33 0 21 22 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;49 878 1318 85 48 78 888 2279 1194 671 266 1 282 4174;45 46 46 46 46 0 0 0 0 0 0 0 0 0;53 54 54 54 54 33 34 33 33 33 34 0 33 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;7842 1833 46 557 8994 541 68651 136 49773 1 188 69 108;0 0 0 0 0 0 0 0 0 0 17 18 18;33 34 0 0 0 0 33 0 33 0 9 10 33;1 1 1 1 1 1 1 1 1 1 1 1 1;
;3951 1342 1767 1333 3522 921 0 702 1904 136 38559 21 1 1067 363 3951 1342 19 199;45 46 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0;53 54 33 33 33 33 0 1 0 0 33 0 0 0 0 53 54 33 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;10146 7362 3 1937 661 60 1 4 9;11 12 0 0 0 0 0 1 2;15 16 0 33 33 0 0 1 2;1 1 1 1 1 1 1 1 1;
;6355 367 3731 4868 12517 731 954 62 106 66 1 6355 1 811 3937 381;0 0 0 0 0 0 0 0 0 0 0 0 0 9 17 18;21 22 33 33 21 22 33 0 0 0 0 33 0 13 31 32;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1454 50 14234 19634 3 1393 765 11 13 29 1091 590 13 124 3 1455 3973 1 4 79 9;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 33 34 33 0 0 33 0 33 34 0 0 0 0 0 33 33 0 21 22 22;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;198 38 154 97 146 181 472 145 5548 246 1736 3 79 606 2924 335 798 1 4 79 9;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 34 33 34 34 34 33 0 33 0 33 0 21 33 0 0 33 0 21 22 22;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;11809 0 509 2608 10 20 156 60;0 0 0 0 0 0 0 0;33 0 0 33 33 34 33 0;1 1 1 1 1 1 1 1;
;80 306 184 3 1169 5 1133 11 213 655 249 677 267 1 4 815;0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;0 0 33 0 33 34 0 0 0 33 0 0 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;49 10877 48 0 197081 0 7314 503 3787 0 85 0 81 115 81 852 1 10877 1 19 1 1337 5;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 34 34 0 0 0 0 0 33 0 0 0 33 34 0 0 0 33 0 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;102 38 151 97 630 181 0 3228 283 1 3427 1006 1 39 2744 55 51 483 15398 251 1311 1 3427 5;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 34 34 34 34 34 0 25 26 0 35 36 0 0 21 0 0 0 0 0 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;22 3 158 73 324 73 1113 18853 1 19 31 95 2 41 72 712;0 0 0 0 0 0 0 0 0 1 2 0 0 1 2 0;33 34 34 0 0 0 33 0 0 1 2 33 0 1 2 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;4173 436 586 80 31177 1 4 61;31 32 0 0 0 0 1 2;39 40 33 0 33 0 1 2;1 1 1 1 1 1 1 1;
;3187 11281 67 6444 11281 30 5391 56 11 20 12 453 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 34 0 21 22 0 33 0 33 34 33 34 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;101 57175 973 8564 3 156 1 2597 10 20 1 1033 1576 1 4378 1 3123 1 4942 1 2527 9561 5;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2;21 22 22 22 0 33 0 21 33 34 0 33 33 0 33 0 33 0 33 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;15337 3961 3100 3 1756 2553 176 15337 5694 3626 1 609 1 4 61;0 37 38 0 0 0 0 0 0 0 0 0 0 1 2;33 45 46 0 33 34 0 21 22 33 0 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2689 1156 16623 1 504 1 4 61;0 0 0 0 0 0 1 2;33 21 22 0 0 0 1 2;1 1 1 1 1 1 1 1;
;330 4085 1746 198 417 630 53 431 186 1103 28499 628 304 5676 168 1029 2 2 140 0 2 0 421 499 480 480;17 18 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 2 2;31 32 0 33 0 33 0 33 0 33 0 33 34 33 34 33 0 0 33 0 0 0 1 2 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 0 10617 60325 44 16 1 8519 281 1 4279 1 247 110 5;0 0 23 24 0 0 0 9 0 0 0 0 1 2 0;0 0 29 30 33 0 0 13 0 0 33 0 1 2 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;155218 320 451 0 91442 0 32340 0 44566;0 0 0 0 0 0 0 0 0;21 0 0 0 33 0 21 22 22;1 1 1 1 1 1 1 1 1;
;1480 113 1905 1362 98 3174 718 198 691 2655 103 2265 39 200 393 878 168 521 23 2476 25 1029 0 7551 55 1611 361 1 4 61;0 0 17 18 18 18 18 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;13 14 31 32 32 32 32 33 0 33 55 56 33 34 0 33 33 33 0 0 0 33 0 9 0 0 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;49 3806 2211 623 78 76 267 15 690 48 1 4 9;0 0 0 0 0 0 0 0 0 0 0 1 2;0 33 29 30 30 30 33 0 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1;
;399 4038 5228 3312 119 28 18;17 18 18 18 18 18 18;13 0 0 33 33 33 34;1 1 1 1 1 1 1;
;895 113 4305 27 32829 75 81 9910 3803 2150 99 8 34 2172 7332 237 4305 32829 2967 3 147 0 2 0 4305 469;9 10 9 10 9 10 9 10 10 0 0 0 17 18 18 18 18 18 18 0 0 0 0 0 9 0;13 14 13 14 13 14 21 22 22 33 0 0 31 32 32 32 13 13 33 0 33 0 0 0 13 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;4041 0 27489 149 787 687 8123 3 671 2 149 54 115;5 6 6 0 0 0 0 0 0 0 1 2 2;9 10 10 33 34 33 33 0 33 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1;
;963 11 1924 94 3 678 6603 24 17 6598 1924 94 3 678 59 1 789 43 1 4 47;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 0 1 2;33 0 0 33 0 33 33 0 0 0 0 33 0 33 0 0 1 2 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2593 56 1132 3 3189 520 2205 4021 0 6043 42 997 17 1 6530 10425 0 2 0 6530 5;0 0 0 0 0 47 48 48 0 19 20 0 0 0 0 0 0 0 0 1 2;33 33 34 0 33 41 42 42 0 25 26 33 0 0 33 33 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;780 26909 6845 1 4 61;0 0 0 0 1 2;33 34 34 0 1 2;1 1 1 1 1 1;
;281 353 101 23 88 25 71 161 28 18;0 0 0 0 0 0 0 0 0 0;0 0 0 0 13 0 33 34 33 34;1 1 1 1 1 1 1 1 1 1;
;94 15981 1558 89 1077 21 8 8 11 1333 9 15 441 24 1 896 829 9064 43 1 4 47;23 24 0 0 0 0 0 0 0 0 0 0 0 0 0 23 24 24 0 0 1 2;29 30 33 0 33 0 0 0 0 33 33 0 33 0 0 29 30 30 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;4995 299 92 35726 4588 1 761 5;9 0 17 18 0 0 1 2;13 33 31 32 33 0 1 2;1 1 1 1 1 1 1 1;
;49 46427 8 79688 11 1680 59 48 14476 19194 30 2389 0 23 1917 15224 0 242 1004 12232 0 38 103 0 8077 30432 4225 1604 55923 16447 1346 0 488 1346 0 25884 25 7 724 40 0 4 271 0 4 1429 40 1 787 4672;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 27 28 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 0 5 6 0 0 0 0;0 33 0 33 0 33 0 0 33 37 0 0 0 0 33 33 0 33 34 33 0 33 34 0 33 33 34 0 33 33 0 0 0 0 0 33 0 0 33 33 0 1 2 0 33 34 33 0 0 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;203 2 0 1242 1164 0 2 0 605;0 0 0 0 0 0 0 0 1;0 0 0 33 34 0 0 0 1;1 1 1 1 1 1 1 1 1;
;35261 0 20686 320 451 0 10528 0 11622 0 271029 53 31 291 53 387 5 8 19 35 31 95;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2 0 0 0 0 0;31 0 21 0 0 0 33 0 0 0 0 0 21 22 0 1 2 0 21 22 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;198 390 25022 129 52 7 117 2542 425 91 99 675 1 4 9;0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 0 11 12 0 0 0 33 0 0 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;561 3018 161 150 120 1051 0 4734 5447 1051 1 4 61;37 38 0 0 0 0 0 0 0 0 0 1 2;33 34 34 34 33 34 0 33 33 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1;
;9716 3658 4792 115789 6 1432 2858 2636 772 0 1432 2858 13288 178 0 9716 3658 4792 115789 37 14 92 1721 6847 3 9716 3658 4792 115789 225 155 16 11055 73 5112;0 11 12 12 0 17 18 18 18 0 0 0 0 0 0 0 11 12 12 0 0 9 0 0 0 0 11 12 12 0 0 0 0 0 0;37 15 16 16 0 31 32 32 32 0 0 0 33 0 0 37 15 16 16 33 0 13 33 33 0 37 15 16 16 33 34 0 33 34 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;284 2 85 8 2 52 8 2 57 8 228 8 129 214 283 29 549 45 4273 19151 13 29 549 905 121 239 8 239 3 673 6440 10 12 9332 643 3 1540 8 455 30 969 1141 265 3 39173 9590 1929 450 3 5588 10 1 361 1 4 554;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 33 34 33 33 33 34 0 0 0 0 0 0 0 0 0 0 21 22 22 22 22 0 0 0 33 0 0 0 33 33 34 0 0 33 0 0 33 0 21 22;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;49 2674 2259 46 20365 48 357 241 591 0 574 522 7411 1087 179 1 188 167;19 20 20 20 20 20 9 0 0 0 0 0 0 0 0 0 17 0;0 25 26 0 33 0 13 0 0 0 0 0 33 33 34 0 31 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;26126 854 3363 0 53794 2419 1759 0 44420 0 220 904 0 14 1776 0 6165 22 31967 0 1598 0 4540 2 10953 2 35 19 2 41 72;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 33 34 0 27 28 33 0 47 0 0 0 0 0 0 0 33 34 34 0 55 0 0 0 33 0 21 22 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14439 46 4385 385 3 492 915 82 12 5680 860 16259 83 1 167 1 279 5;21 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;27 0 0 33 34 34 33 0 33 34 34 34 0 0 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;1648 2716 227 21 1928 1202 3 12605 80 793 1 4 9;0 0 0 0 0 0 0 0 0 0 0 1 2;33 34 0 0 0 0 0 33 0 33 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1;
;271 4852 3186 602 5682 1151 639 0 2 0 918 0 474 0 759;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;0 9 21 22 33 34 33 0 0 0 33 0 33 0 1;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 331 628 523 16 39936 0 36 0 451 11015 2916 12 36190 0 36 0 10661 78;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 17 18;0 25 26 26 0 33 0 0 0 0 25 26 0 33 0 0 0 31 32;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;36210 34111;23 24;29 30;1 1;
;32020 10126 26046 711 2937 6930 105 2501 9544 838 170 40 1 146099 3949 8119 44 138 926 1 14 392 2093 16;0 0 0 0 0 0 0 0 23 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 33 33 34 33 34 33 33 29 21 22 33 0 0 33 33 33 33 33 0 0 21 22 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;6636 3 358 4654 3 185 1 185;0 0 29 30 0 1 0 1;33 0 37 38 0 1 0 1;1 1 1 1 1 1 1 1;
;1281 963 3154 30 34 219 2775 465 1 4 9;0 0 17 0 9 0 0 0 0 1 2;0 33 31 21 22 0 33 34 0 1 2;1 1 1 1 1 1 1 1 1 1 1;
;141 45 13914 6065 3 4712 1 4 61;0 0 0 0 0 0 0 1 2;33 0 21 22 0 33 0 1 2;1 1 1 1 1 1 1 1 1;
;22 30 4052 4683 8 381 93 2242 442 17 2 2475 229;0 0 0 0 0 0 0 0 0 0 0 0 0;33 34 33 33 0 33 0 33 33 34 0 33 33;1 1 1 1 1 1 1 1 1 1 1 1 1;
;836 264 201 1 23593 32 2776 619 2615 39 22149 224 2 546 2 35 19 2 41 72;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;33 34 33 0 21 22 22 22 22 0 33 0 0 33 0 21 22 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;13 29 6992 13 29 115 817 20 1 4 9;0 0 0 0 0 0 0 0 0 1 2;33 34 33 34 0 0 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1;
;146 407 82 7833 83 344 690 1648 4476 0 317 5586 42 3132 0 82 0 4488 1986 0 83 1 1116 258 1833 1 4488 5;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 9 0 0 0 0 0 0 0 0 1 2;0 0 0 33 0 21 0 33 34 0 0 33 0 33 0 0 0 13 33 0 0 0 35 36 36 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;15000 6884 10 1322 2989 6 13316 240 10 4589 2989 1361 3061 3 10 91 1840 8 17 17 1 4 209 132;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 17 23 24;33 34 0 33 33 0 33 34 0 33 33 0 33 0 0 0 0 0 0 0 0 31 29 30;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;40468 0 16577 0 2222 1760 1 4 130 112;21 0 0 0 0 0 0 1 2 2;27 0 33 0 33 34 0 1 2 2;1 1 1 1 1 1 1 1 1 1;
;92 2993 1121 310 919 2 315 2 35 19 2 41 72;9 27 28 0 0 0 0 0 0 0 0 1 2;13 35 36 33 34 0 33 0 21 22 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1;
;1089 314 652 11070 198 1103 113 1609 314 41111 3742 30735 1853 14719 3575 3247;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;33 33 0 33 33 33 33 34 33 33 33 33 34 0 33 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;8935 6519 76 748 1274 68 45 25604 3 921 1090 2142;23 24 24 0 0 0 0 0 0 0 0 0;29 30 30 33 34 0 0 33 0 33 33 33;1 1 1 1 1 1 1 1 1 1 1 1;
;5258 237 4754 11 20 416 1 4 9;0 0 0 0 0 0 0 1 2;33 21 22 33 34 33 0 1 2;1 1 1 1 1 1 1 1 1;
;2778 2529 45 80 7628 9700 17 17 1 2778 43 1 4 47;23 24 0 0 0 0 0 0 0 17 0 0 1 2;29 30 0 0 33 33 0 0 0 31 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;57 910 5728 1212 45 43783 3 470 549 3092 366 470 549 3 162 246 54 162 60 6010 3 470 549 10 6999 32 19137 470 549 3 91 2471 60 1 4 130 112;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 21 0 0 0 0 0 0 0 1 2 2;0 0 33 34 0 33 0 33 34 0 0 33 34 0 33 34 34 34 0 13 0 33 34 0 33 0 33 33 34 0 0 0 0 0 1 2 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;303 262 263 1229 86 26 262 10247 67 31697 4062 229 507 0 2 0 199654 17566 3 2816 0 2 0 188 204;0 5 6 6 6 0 0 0 0 5 0 0 0 0 0 0 0 0 0 0 0 0 0 5 6;33 9 10 10 10 0 9 10 0 9 33 33 33 0 0 0 0 33 0 33 0 0 0 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;49 779 586 3884 2866 416 48 1 1197 1735 1388 248 1005;0 0 0 0 0 0 0 0 0 0 0 0 0;0 33 34 34 33 33 0 0 33 33 35 0 0;1 1 1 1 1 1 1 1 1 1 1 1 1;
;218 3937 15382 7232 256765 381 241 15382 917 8 8092 647 19 59 2 458 2 35 19 2 41 72;17 18 18 18 18 18 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 2;13 31 29 33 0 33 0 29 0 0 21 33 33 0 0 33 0 21 22 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;2343 3445 3445 618 20209 604 15 254 17 0 2343 3445 3445 618 20209 604 282 2 1053 345 5 23 24618 7 73158 4667 7 2171 25;45 46 46 46 0 0 0 0 0 0 45 46 46 46 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;53 54 54 54 0 0 33 34 0 0 53 54 54 54 0 0 33 0 33 33 34 0 33 0 0 0 33 34 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 592 76 21394 15307 16 1 592 76 21394 15307 37 1 592 76 21394 15307 104 1 592 76 21394 15307 87 1 395 5 0;0 0 0 0 17 0 0 0 0 0 17 0 0 0 0 0 17 0 0 0 0 0 17 0 0 1 2 0;0 33 34 33 31 0 0 33 34 33 31 33 0 33 34 33 31 33 0 33 34 33 31 31 0 1 2 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;69948 25383 0 64481 0 2083 320 77719 53 11772 0 154784 53 202 53 387 5 8 19 35 31 95;0 0 0 33 34 34 34 34 0 33 0 33 0 0 0 1 2 0 0 0 0 0;21 21 0 55 56 56 56 56 0 55 0 21 0 33 0 1 2 0 21 22 33 34;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;222 13 29 13154 6280 149 909 2 134039 0 12656 2 3866 737 94 1690 1039 197;0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;21 22 0 21 33 33 33 0 9 10 10 0 31 32 32 0 0 33;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;5541 3833 1043664 3928 88 360 5449 0 4296 35162 179 2 342 5 0;0 0 21 0 9 0 0 0 0 0 0 0 1 2 0;33 33 27 33 13 33 33 0 33 33 34 0 1 2 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;12 2046 11692 2631 4920 2414 81 7271;0 0 0 0 0 0 0 0;33 34 33 33 33 33 33 34;1 1 1 1 1 1 1 1;
;4603 21529 1630 347 1 961 110 5;7 8 0 0 0 1 2 2;11 12 33 33 0 1 2 2;1 1 1 1 1 1 1 1;
;3106 3 15739 294 2 2 1765 68 2 161 398 2 8676 192 5 0;0 0 0 0 0 0 0 0 0 0 0 0 1 2 2 0;33 0 33 33 0 0 33 34 0 33 33 0 1 2 2 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;14 105 38 774 288 183001 583 1676 28 18 137 116 71 1 123 1 147 16 2 0 631 5;0 0 0 17 18 18 18 18 18 18 0 0 0 0 0 0 0 0 0 0 1 2;0 33 34 13 0 27 33 34 33 34 21 33 34 0 33 0 33 0 0 0 1 2;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
;26324 27 4071 456 159 28 18 2 277;17 18 18 18 18 18 18 0 0;13 14 33 13 14 33 34 0 0;1 1 1 1 1 1 1 1 1;
;49 854 7016 48 5987 468 39 479 2675 1193 0 7 7 7 1 367 361 1 745 361 1 14 217 350 16;27 28 28 28 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0;35 36 36 36 33 34 33 34 33 0 0 0 0 0 0 33 33 0 33 33 0 0 33 34 0;1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1;
import numpy as np
import paddle.fluid as fluid
import paddle
import reader
def load_reverse_dict(dict_path):
return dict((idx, line.strip().split("\t")[0])
for idx, line in enumerate(open(dict_path, "r").readlines()))
def infer(model_path, batch_size, test_data_file, target_file):
word = fluid.layers.data(name='word', shape=[1], dtype='int64', lod_level=1)
mention = fluid.layers.data(
name='mention', shape=[1], dtype='int64', lod_level=1)
target = fluid.layers.data(
name='target', shape=[1], dtype='int64', lod_level=1)
label_reverse_dict = load_reverse_dict(target_file)
test_data = paddle.batch(
reader.file_reader(test_data_file), batch_size=batch_size)
place = fluid.CPUPlace()
feeder = fluid.DataFeeder(feed_list=[word, mention, target], place=place)
exe = fluid.Executor(place)
inference_scope = fluid.core.Scope()
with fluid.scope_guard(inference_scope):
[inference_program, feed_target_names,
fetch_targets] = fluid.io.load_inference_model(model_path, exe)
for data in test_data():
crf_decode = exe.run(inference_program,
feed=feeder.feed(data),
fetch_list=fetch_targets,
return_numpy=False)
lod_info = (crf_decode[0].lod())[0]
np_data = np.array(crf_decode[0])
assert len(data) == len(lod_info) - 1
for sen_index in xrange(len(data)):
assert len(data[sen_index][0]) == lod_info[
sen_index + 1] - lod_info[sen_index]
word_index = 0
for tag_index in xrange(lod_info[sen_index],
lod_info[sen_index + 1]):
word = str(data[sen_index][0][word_index])
gold_tag = label_reverse_dict[data[sen_index][2][
word_index]]
tag = label_reverse_dict[np_data[tag_index][0]]
print word + "\t" + gold_tag + "\t" + tag
word_index += 1
print ""
if __name__ == "__main__":
infer(
model_path="output/params_pass_0",
batch_size=6,
test_data_file="data/test_files",
target_file="data/label_dict")
import os
def file_reader(file_dir):
def reader():
files = os.listdir(file_dir)
for fi in files:
for line in open(file_dir + '/' + fi, 'r'):
line = line.strip()
features = line.split(";")
word_idx = []
for item in features[1].strip().split(" "):
word_idx.append(int(item))
target_idx = []
for item in features[2].strip().split(" "):
label_index = int(item)
if label_index == 0:
label_index = 48
else:
label_index -= 1
target_idx.append(label_index)
mention_idx = []
for item in features[3].strip().split(" "):
mention_idx.append(int(item))
yield word_idx, mention_idx, target_idx,
return reader
import os
import math
import time
import numpy as np
import paddle
import paddle.fluid as fluid
from paddle.fluid.initializer import NormalInitializer
import reader
def load_reverse_dict(dict_path):
return dict((idx, line.strip().split("\t")[0])
for idx, line in enumerate(open(dict_path, "r").readlines()))
def to_lodtensor(data, place):
seq_lens = [len(seq) for seq in data]
cur_len = 0
lod = [cur_len]
for l in seq_lens:
cur_len += l
lod.append(cur_len)
flattened_data = np.concatenate(data, axis=0).astype("int64")
flattened_data = flattened_data.reshape([len(flattened_data), 1])
res = fluid.LoDTensor()
res.set(flattened_data, place)
res.set_lod([lod])
return res
def ner_net(word_dict_len, label_dict_len):
IS_SPARSE = False
word_dim = 32
mention_dict_len = 57
mention_dim = 20
grnn_hidden = 36
emb_lr = 5
init_bound = 0.1
def _net_conf(word, mark, target):
word_embedding = fluid.layers.embedding(
input=word,
size=[word_dict_len, word_dim],
dtype='float32',
is_sparse=IS_SPARSE,
param_attr=fluid.ParamAttr(
learning_rate=emb_lr,
name="word_emb",
initializer=fluid.initializer.Uniform(
low=-init_bound, high=init_bound)))
mention_embedding = fluid.layers.embedding(
input=mention,
size=[mention_dict_len, mention_dim],
dtype='float32',
is_sparse=IS_SPARSE,
param_attr=fluid.ParamAttr(
learning_rate=emb_lr,
name="mention_emb",
initializer=fluid.initializer.Uniform(
low=-init_bound, high=init_bound)))
word_embedding_r = fluid.layers.embedding(
input=word,
size=[word_dict_len, word_dim],
dtype='float32',
is_sparse=IS_SPARSE,
param_attr=fluid.ParamAttr(
learning_rate=emb_lr,
name="word_emb_r",
initializer=fluid.initializer.Uniform(
low=-init_bound, high=init_bound)))
mention_embedding_r = fluid.layers.embedding(
input=mention,
size=[mention_dict_len, mention_dim],
dtype='float32',
is_sparse=IS_SPARSE,
param_attr=fluid.ParamAttr(
learning_rate=emb_lr,
name="mention_emb_r",
initializer=fluid.initializer.Uniform(
low=-init_bound, high=init_bound)))
word_mention_vector = fluid.layers.concat(
input=[word_embedding, mention_embedding], axis=1)
word_mention_vector_r = fluid.layers.concat(
input=[word_embedding_r, mention_embedding_r], axis=1)
pre_gru = fluid.layers.fc(
input=word_mention_vector,
size=grnn_hidden * 3,
param_attr=fluid.ParamAttr(
initializer=fluid.initializer.Uniform(
low=-init_bound, high=init_bound),
regularizer=fluid.regularizer.L2DecayRegularizer(
regularization_coeff=1e-4)))
gru = fluid.layers.dynamic_gru(
input=pre_gru,
size=grnn_hidden,
param_attr=fluid.ParamAttr(
initializer=fluid.initializer.Uniform(
low=-init_bound, high=init_bound),
regularizer=fluid.regularizer.L2DecayRegularizer(
regularization_coeff=1e-4)))
pre_gru_r = fluid.layers.fc(
input=word_mention_vector_r,
size=grnn_hidden * 3,
param_attr=fluid.ParamAttr(
initializer=fluid.initializer.Uniform(
low=-init_bound, high=init_bound),
regularizer=fluid.regularizer.L2DecayRegularizer(
regularization_coeff=1e-4)))
gru_r = fluid.layers.dynamic_gru(
input=pre_gru_r,
size=grnn_hidden,
is_reverse=True,
param_attr=fluid.ParamAttr(
initializer=fluid.initializer.Uniform(
low=-init_bound, high=init_bound),
regularizer=fluid.regularizer.L2DecayRegularizer(
regularization_coeff=1e-4)))
gru_merged = fluid.layers.concat(input=[gru, gru_r], axis=1)
emission = fluid.layers.fc(
size=label_dict_len,
input=gru_merged,
param_attr=fluid.ParamAttr(
initializer=fluid.initializer.Uniform(
low=-init_bound, high=init_bound),
regularizer=fluid.regularizer.L2DecayRegularizer(
regularization_coeff=1e-4)))
crf_cost = fluid.layers.linear_chain_crf(
input=emission,
label=target,
param_attr=fluid.ParamAttr(
name='crfw',
learning_rate=0.2, ))
avg_cost = fluid.layers.mean(x=crf_cost)
return avg_cost, emission
word = fluid.layers.data(name='word', shape=[1], dtype='int64', lod_level=1)
mention = fluid.layers.data(
name='mention', shape=[1], dtype='int64', lod_level=1)
target = fluid.layers.data(
name="target", shape=[1], dtype='int64', lod_level=1)
avg_cost, emission = _net_conf(word, mention, target)
return avg_cost, emission, word, mention, target
def test2(exe, chunk_evaluator, inference_program, test_data, place,
cur_fetch_list):
chunk_evaluator.reset()
for data in test_data():
word = to_lodtensor(map(lambda x: x[0], data), place)
mention = to_lodtensor(map(lambda x: x[1], data), place)
target = to_lodtensor(map(lambda x: x[2], data), place)
result_list = exe.run(
inference_program,
feed={"word": word,
"mention": mention,
"target": target},
fetch_list=cur_fetch_list)
number_infer = np.array(result_list[0])
number_label = np.array(result_list[1])
number_correct = np.array(result_list[2])
chunk_evaluator.update(number_infer[0], number_label[0],
number_correct[0])
return chunk_evaluator.eval()
def test(test_exe, chunk_evaluator, inference_program, test_data, place,
cur_fetch_list):
chunk_evaluator.reset()
for data in test_data():
word = to_lodtensor(map(lambda x: x[0], data), place)
mention = to_lodtensor(map(lambda x: x[1], data), place)
target = to_lodtensor(map(lambda x: x[2], data), place)
result_list = test_exe.run(
fetch_list=cur_fetch_list,
feed={"word": word,
"mention": mention,
"target": target})
number_infer = np.array(result_list[0])
number_label = np.array(result_list[1])
number_correct = np.array(result_list[2])
chunk_evaluator.update(number_infer.sum(),
number_label.sum(), number_correct.sum())
return chunk_evaluator.eval()
def main(train_data_file, test_data_file, model_save_dir, num_passes):
if not os.path.exists(model_save_dir):
os.mkdir(model_save_dir)
BATCH_SIZE = 256
word_dict_len = 1942563
label_dict_len = 49
main = fluid.Program()
startup = fluid.Program()
with fluid.program_guard(main, startup):
avg_cost, feature_out, word, mention, target = ner_net(word_dict_len,
label_dict_len)
sgd_optimizer = fluid.optimizer.SGD(learning_rate=1e-3)
sgd_optimizer.minimize(avg_cost)
crf_decode = fluid.layers.crf_decoding(
input=feature_out, param_attr=fluid.ParamAttr(
name='crfw', ))
(precision, recall, f1_score, num_infer_chunks, num_label_chunks,
num_correct_chunks) = fluid.layers.chunk_eval(
input=crf_decode,
label=target,
chunk_scheme="IOB",
num_chunk_types=int(math.ceil((label_dict_len - 1) / 2.0)))
chunk_evaluator = fluid.metrics.ChunkEvaluator()
inference_program = fluid.default_main_program().clone()
with fluid.program_guard(inference_program):
inference_program = fluid.io.get_inference_program(
[num_infer_chunks, num_label_chunks, num_correct_chunks])
train_reader = paddle.batch(
paddle.reader.shuffle(
reader.file_reader(train_data_file), buf_size=2000000),
batch_size=BATCH_SIZE)
test_reader = paddle.batch(
paddle.reader.shuffle(
reader.file_reader(test_data_file), buf_size=2000000),
batch_size=BATCH_SIZE)
place = fluid.CUDAPlace(0)
feeder = fluid.DataFeeder(
feed_list=[word, mention, target], place=place)
exe = fluid.Executor(place)
exe.run(startup)
train_exe = fluid.ParallelExecutor(
loss_name=avg_cost.name, use_cuda=True)
test_exe = fluid.ParallelExecutor(
use_cuda=True,
main_program=inference_program,
share_vars_from=train_exe)
batch_id = 0
for pass_id in xrange(num_passes):
chunk_evaluator.reset()
train_reader_iter = train_reader()
start_time = time.time()
while True:
try:
cur_batch = next(train_reader_iter)
cost, nums_infer, nums_label, nums_correct = train_exe.run(
fetch_list=[
avg_cost.name, num_infer_chunks.name,
num_label_chunks.name, num_correct_chunks.name
],
feed=feeder.feed(cur_batch))
chunk_evaluator.update(
np.array(nums_infer).sum(),
np.array(nums_label).sum(),
np.array(nums_correct).sum())
cost_list = np.array(cost)
batch_id += 1
except StopIteration:
break
end_time = time.time()
print("pass_id:" + str(pass_id) + ", time_cost:" + str(
end_time - start_time) + "s")
precision, recall, f1_score = chunk_evaluator.eval()
print("[Train] precision:" + str(precision) + ", recall:" + str(
recall) + ", f1:" + str(f1_score))
p, r, f1 = test2(
exe, chunk_evaluator, inference_program, test_reader, place,
[num_infer_chunks, num_label_chunks, num_correct_chunks])
print("[Test] precision:" + str(p) + ", recall:" + str(r) + ", f1:"
+ str(f1))
save_dirname = os.path.join(model_save_dir,
"params_pass_%d" % pass_id)
fluid.io.save_inference_model(
save_dirname, ['word', 'mention', 'target'], [crf_decode], exe)
if __name__ == "__main__":
main(
train_data_file="./data/train_files",
test_data_file="./data/test_files",
model_save_dir="./output",
num_passes=1000)
...@@ -6,3 +6,82 @@ The minimum PaddlePaddle version needed for the code sample in this directory is ...@@ -6,3 +6,82 @@ The minimum PaddlePaddle version needed for the code sample in this directory is
This model built with paddle fluid is still under active development and is not This model built with paddle fluid is still under active development and is not
the final version. We welcome feedbacks. the final version. We welcome feedbacks.
## Introduction
The current code support the training of [SE-ResNeXt](https://arxiv.org/abs/1709.01507) (50/152 layers).
## Data Preparation
1. Download ImageNet-2012 dataset
```
cd data/
mkdir -p ILSVRC2012/
cd ILSVRC2012/
# get training set
wget http://www.image-net.org/challenges/LSVRC/2012/nnoupb/ILSVRC2012_img_train.tar
# get validation set
wget http://www.image-net.org/challenges/LSVRC/2012/nnoupb/ILSVRC2012_img_val.tar
# prepare directory
tar xf ILSVRC2012_img_train.tar
tar xf ILSVRC2012_img_val.tar
# unzip all classes data using unzip.sh
sh unzip.sh
```
2. Download training and validation label files from [ImageNet2012 url](https://pan.baidu.com/s/1Y6BCo0nmxsm_FsEqmx2hKQ)(password:```wx99```). Untar it into workspace ```ILSVRC2012/```. The files include
**train_list.txt**: training list of imagenet 2012 classification task, with each line seperated by SPACE.
```
train/n02483708/n02483708_2436.jpeg 369
train/n03998194/n03998194_7015.jpeg 741
train/n04523525/n04523525_38118.jpeg 884
train/n04596742/n04596742_3032.jpeg 909
train/n03208938/n03208938_7065.jpeg 535
...
```
**val_list.txt**: validation list of imagenet 2012 classification task, with each line seperated by SPACE.
```
val/ILSVRC2012_val_00000001.jpeg 65
val/ILSVRC2012_val_00000002.jpeg 970
val/ILSVRC2012_val_00000003.jpeg 230
val/ILSVRC2012_val_00000004.jpeg 809
val/ILSVRC2012_val_00000005.jpeg 516
...
```
**synset_words.txt**: the semantic label of each class.
## Training a model
To start a training task, one can use command line as:
```
python train.py --num_layers=50 --batch_size=8 --with_mem_opt=True --parallel_exe=False
```
## Finetune a model
```
python train.py --num_layers=50 --batch_size=8 --with_mem_opt=True --parallel_exe=False --pretrained_model="pretrain/96/"
```
TBD
## Inference
```
python infer.py --num_layers=50 --batch_size=8 --model='model/90' --test_list=''
```
TBD
## Results
The SE-ResNeXt-50 model is trained by starting with learning rate ```0.1``` and decaying it by ```0.1``` after each ```10``` epoches. Top-1/Top-5 Validation Accuracy on ImageNet 2012 is listed in table.
|model | [original paper(Fig.5)](https://arxiv.org/abs/1709.01507) | Pytorch | Paddle fluid
|- | :-: |:-: | -:
|SE-ResNeXt-50 | 77.6%/- | 77.71%/93.63% | 77.42%/93.50%
## Released models
|model | Baidu Cloud
|- | -:
|SE-ResNeXt-50 | [url]()
TBD
### Caffe2Fluid ### Caffe2Fluid
This tool is used to convert a Caffe model to a Fluid model This tool is used to convert a Caffe model to a Fluid model
### Key Features
1. Convert caffe model to fluid model with codes of defining a network(useful for re-training)
2. Pycaffe is not necessary when just want convert model without do caffe-inference
3. Caffe's customized layers convertion also be supported by extending this tool
4. A bunch of tools in `examples/imagenet/tools` are provided to compare the difference
### HowTo ### HowTo
1. Prepare caffepb.py in ./proto if your python has no 'pycaffe' module, two options provided here: 1. Prepare `caffepb.py` in `./proto` if your python has no `pycaffe` module, two options provided here:
- Generate pycaffe from caffe.proto - Generate pycaffe from caffe.proto
``` ```
bash ./proto/compile.sh bash ./proto/compile.sh
...@@ -15,36 +24,39 @@ This tool is used to convert a Caffe model to a Fluid model ...@@ -15,36 +24,39 @@ This tool is used to convert a Caffe model to a Fluid model
2. Convert the Caffe model to Fluid model 2. Convert the Caffe model to Fluid model
- Generate fluid code and weight file - Generate fluid code and weight file
``` ```
python convert.py alexnet.prototxt \ python convert.py alexnet.prototxt \
--caffemodel alexnet.caffemodel \ --caffemodel alexnet.caffemodel \
--data-output-path alexnet.npy \ --data-output-path alexnet.npy \
--code-output-path alexnet.py --code-output-path alexnet.py
``` ```
- Save weights as fluid model file - Save weights as fluid model file
``` ```
python alexnet.py alexnet.npy ./fluid # only infer the last layer's result
``` python alexnet.py alexnet.npy ./fluid
# infer these 2 layer's result
python alexnet.py alexnet.npy ./fluid fc8,prob
```
3. Use the converted model to infer 3. Use the converted model to infer
- See more details in '*examples/imagenet/run.sh*' - See more details in `examples/imagenet/tools/run.sh`
4. Compare the inference results with caffe 4. Compare the inference results with caffe
- See more details in '*examples/imagenet/diff.sh*' - See more details in `examples/imagenet/tools/diff.sh`
### How to convert custom layer ### How to convert custom layer
1. Implement your custom layer in a file under '*kaffe/custom_layers*', eg: mylayer.py 1. Implement your custom layer in a file under `kaffe/custom_layers`, eg: mylayer.py
- Implement ```shape_func(input_shape, [other_caffe_params])``` to calculate the output shape - Implement ```shape_func(input_shape, [other_caffe_params])``` to calculate the output shape
- Implement ```layer_func(inputs, name, [other_caffe_params])``` to construct a fluid layer - Implement ```layer_func(inputs, name, [other_caffe_params])``` to construct a fluid layer
- Register these two functions ```register(kind='MyType', shape=shape_func, layer=layer_func)``` - Register these two functions ```register(kind='MyType', shape=shape_func, layer=layer_func)```
- Notes: more examples can be found in '*kaffe/custom_layers*' - Notes: more examples can be found in `kaffe/custom_layers`
2. Add ```import mylayer``` to '*kaffe/custom_layers/\_\_init__.py*' 2. Add ```import mylayer``` to `kaffe/custom_layers/\_\_init__.py`
3. Prepare your pycaffe as your customized version(same as previous env prepare) 3. Prepare your pycaffe as your customized version(same as previous env prepare)
- (option1) replace 'proto/caffe.proto' with your own caffe.proto and compile it - (option1) replace `proto/caffe.proto` with your own caffe.proto and compile it
- (option2) change your pycaffe to the customized version - (option2) change your `pycaffe` to the customized version
4. Convert the Caffe model to Fluid model 4. Convert the Caffe model to Fluid model
...@@ -53,7 +65,7 @@ This tool is used to convert a Caffe model to a Fluid model ...@@ -53,7 +65,7 @@ This tool is used to convert a Caffe model to a Fluid model
export CAFFE2FLUID_CUSTOM_LAYERS=/path/to/caffe2fluid/kaffe export CAFFE2FLUID_CUSTOM_LAYERS=/path/to/caffe2fluid/kaffe
``` ```
6. Use the converted model when loading model in 'xxxnet.py' and 'xxxnet.npy'(no need if model is already in 'fluid/model' and 'fluid/params') 6. Use the converted model when loading model in `xxxnet.py` and `xxxnet.npy`(no need if model is already in `fluid/model` and `fluid/params`)
### Tested models ### Tested models
- Lenet: - Lenet:
......
A demo to show converting caffe models on 'imagenet' using caffe2fluid A demo to show converting caffe models trained on 'imagenet' using caffe2fluid
--- ---
...@@ -10,28 +10,32 @@ A demo to show converting caffe models on 'imagenet' using caffe2fluid ...@@ -10,28 +10,32 @@ A demo to show converting caffe models on 'imagenet' using caffe2fluid
3. Convert the Caffe model to Fluid model 3. Convert the Caffe model to Fluid model
- generate fluid code and weight file - generate fluid code and weight file
<pre><code>python convert.py alexnet.prototxt \ ```python convert.py alexnet.prototxt \
--caffemodel alexnet.caffemodel \ --caffemodel alexnet.caffemodel \
--data-output-path alexnet.npy \ --data-output-path alexnet.npy \
--code-output-path alexnet.py --code-output-path alexnet.py
</code></pre> ```
- save weights as fluid model file - save weights as fluid model file
<pre><code>python alexnet.py alexnet.npy ./fluid_model ```
</code></pre> python alexnet.py alexnet.npy ./fluid
```
4. Do inference 4. Do inference
<pre><code>python infer.py infer ./fluid_mode data/65.jpeg ```
</code></pre> python infer.py infer ./fluid data/65.jpeg
```
5. convert model and do inference together 5. convert model and do inference together
<pre><code>bash ./run.sh alexnet ./models.caffe/alexnet ./models/alexnet ```
</code></pre> bash ./tools/run.sh alexnet ./models.caffe/alexnet ./models/alexnet
The Caffe model is stored in './models.caffe/alexnet/alexnet.prototxt|caffemodel' ```
and the Fluid model will be save in './models/alexnet/alexnet.py|npy' * Assume the Caffe model is stored in '*./models.caffe/alexnet/alexnet.prototxt|caffemodel*'
* converted model will be stored as '*./models/alexnet/alexnet.py|npy*'
6. test the difference with caffe's results(need pycaffe installed) 6. test the difference with caffe's results(need pycaffe installed)
<pre><code>bash ./diff.sh resnet ```
</code></pre> bash ./tools/diff.sh resnet
Make sure your caffemodel stored in './models.caffe/resnet'. ```
The results will be stored in './results/resnet.paddle|caffe' * Make sure your caffemodel stored in '*./models.caffe/resnet*'
* The results will be stored in '*./results/resnet.paddle|caffe*'
...@@ -17,8 +17,21 @@ def walk_dir(rootdir): ...@@ -17,8 +17,21 @@ def walk_dir(rootdir):
def calc_diff(f1, f2): def calc_diff(f1, f2):
import numpy as np import numpy as np
d1 = np.load(f1).flatten() d1 = np.load(f1)
d2 = np.load(f2).flatten() d2 = np.load(f2)
print d1.shape
print d2.shape
#print d1[0, 0, 0:10, 0:10]
#print d2[0, 0, 0:10, 0:10]
#d1 = d1[:, :, 1:-2, 1:-2]
#d2 = d2[:, :, 1:-2, 1:-2]
d1 = d1.flatten()
d2 = d2.flatten()
#print d1[:10]
#print d2[:10]
d1_num = reduce(lambda x, y: x * y, d1.shape) d1_num = reduce(lambda x, y: x * y, d1.shape)
d2_num = reduce(lambda x, y: x * y, d2.shape) d2_num = reduce(lambda x, y: x * y, d2.shape)
...@@ -36,15 +49,16 @@ def calc_diff(f1, f2): ...@@ -36,15 +49,16 @@ def calc_diff(f1, f2):
return -1.0, -1.0 return -1.0, -1.0
def compare(path1, path2): def compare(path1, path2, no_exception):
def diff(f1, f2): def diff(f1, f2):
max_df, sq_df = calc_diff(f1, f2) max_df, sq_df = calc_diff(f1, f2)
print('compare %s <=> %s with result[max_df:%.4e, sq_df:%.4e]' % print('[max_df:%.4e, sq_df:%.4e] when compare %s <=> %s' %
(f1, f2, max_df, sq_df)) (max_df, sq_df, os.path.basename(f1), os.path.basename(f2)))
assert (max_df < 1e-5), \ if no_exception is False:
'max_df is too large with value[%.6e]' % (max_df) assert (max_df < 1e-5), \
assert (sq_df < 1e-10), \ 'max_df is too large with value[%.6e]' % (max_df)
'sq_df is too large with value[%.6e]' % (sq_df) assert (sq_df < 1e-10), \
'sq_df is too large with value[%.6e]' % (sq_df)
if os.path.exists(path1) is False: if os.path.exists(path1) is False:
print('not found %s' % (path1)) print('not found %s' % (path1))
...@@ -73,13 +87,17 @@ if __name__ == "__main__": ...@@ -73,13 +87,17 @@ if __name__ == "__main__":
if len(sys.argv) == 1: if len(sys.argv) == 1:
path1 = 'lenet.tf/results' path1 = 'lenet.tf/results'
path2 = 'lenet.paddle/results' path2 = 'lenet.paddle/results'
elif len(sys.argv) == 3: elif len(sys.argv) >= 3:
path1 = sys.argv[1] path1 = sys.argv[1]
path2 = sys.argv[2] path2 = sys.argv[2]
if len(sys.argv) == 4:
no_exception = True
else:
no_exception = False
else: else:
print('usage:') print('usage:')
print(' %s [path1] [path2]' % (sys.argv[0])) print(' %s [path1] [path2]' % (sys.argv[0]))
exit(1) exit(1)
print('compare inner result in %s %s' % (path1, path2)) #print('compare inner result in %s %s' % (path1, path2))
exit(compare(path1, path2)) exit(compare(path1, path2, no_exception))
...@@ -43,7 +43,7 @@ def build_model(net_file, net_name): ...@@ -43,7 +43,7 @@ def build_model(net_file, net_name):
(net_file, net_name)) (net_file, net_name))
net_path = os.path.dirname(net_file) net_path = os.path.dirname(net_file)
module_name = os.path.basename(net_file).rstrip('.py') module_name = os.path.splitext(os.path.basename(net_file))[0]
if net_path not in sys.path: if net_path not in sys.path:
sys.path.insert(0, net_path) sys.path.insert(0, net_path)
...@@ -51,7 +51,7 @@ def build_model(net_file, net_name): ...@@ -51,7 +51,7 @@ def build_model(net_file, net_name):
m = __import__(module_name, fromlist=[net_name]) m = __import__(module_name, fromlist=[net_name])
MyNet = getattr(m, net_name) MyNet = getattr(m, net_name)
except Exception as e: except Exception as e:
print('failed to load module[%s]' % (module_name)) print('failed to load module[%s.%s]' % (module_name, net_name))
print(e) print(e)
return None return None
...@@ -153,7 +153,6 @@ def load_inference_model(dirname, exe): ...@@ -153,7 +153,6 @@ def load_inference_model(dirname, exe):
def infer(model_path, imgfile, net_file=None, net_name=None, debug=True): def infer(model_path, imgfile, net_file=None, net_name=None, debug=True):
""" do inference using a model which consist 'xxx.py' and 'xxx.npy' """ do inference using a model which consist 'xxx.py' and 'xxx.npy'
""" """
fluid = import_fluid() fluid = import_fluid()
place = fluid.CPUPlace() place = fluid.CPUPlace()
...@@ -214,7 +213,6 @@ def caffe_infer(prototxt, caffemodel, datafile): ...@@ -214,7 +213,6 @@ def caffe_infer(prototxt, caffemodel, datafile):
results = [] results = []
names = [] names = []
for k, v in net.blobs.items(): for k, v in net.blobs.items():
k = k.rstrip('_output')
k = k.replace('/', '_') k = k.replace('/', '_')
names.append(k) names.append(k)
results.append(v.data.copy()) results.append(v.data.copy())
...@@ -260,7 +258,7 @@ if __name__ == "__main__": ...@@ -260,7 +258,7 @@ if __name__ == "__main__":
print('usage:') print('usage:')
print('\tpython %s dump [net_file] [weight_file] [datafile] [net_name]' \ print('\tpython %s dump [net_file] [weight_file] [datafile] [net_name]' \
% (sys.argv[0])) % (sys.argv[0]))
print('\teg:python dump %s %s %s %s %s' % (sys.argv[0],\ print('\teg:python %s dump %s %s %s %s' % (sys.argv[0],\
net_file, weight_file, datafile, net_name)) net_file, weight_file, datafile, net_name))
sys.exit(1) sys.exit(1)
......
#!/bin/bash
#
#function:
# a tool used to compare the results produced by paddle and caffe
#
if [[ $# -lt 2 ]];then
echo "usage:"
echo " bash $0 [model_name] [param_name] [caffe_name]"
exit 1
fi
model_name=$1
param_name=$2
paddle_file="./results/${model_name}.paddle/${param_name}.npy"
if [[ $# -eq 3 ]];then
caffe_file="./results/${model_name}.caffe/${3}.npy"
else
caffe_file="./results/${model_name}.caffe/${2}.npy"
fi
python ./compare.py $paddle_file $caffe_file
#!/bin/bash
#function:
# a tool used to compare all layers' results
#
if [[ $# -ne 1 ]];then
echo "usage:"
echo " bash $0 [model_name]"
echo " eg:bash $0 alexnet"
exit 1
fi
model_name=$1
prototxt="models.caffe/$model_name/${model_name}.prototxt"
layers=$(cat $prototxt | perl -ne 'if(/^\s+name\s*:\s*\"([^\"]+)/){print $1."\n";}')
for i in $layers;do
cf_npy="results/${model_name}.caffe/${i}.npy"
pd_npy="results/${model_name}.paddle/${i}.npy"
if [[ ! -e $cf_npy ]];then
echo "caffe's result not exist[$cf_npy]"
continue
fi
if [[ ! -e $pd_npy ]];then
echo "paddle's result not exist[$pd_npy]"
continue
fi
python compare.py $cf_npy $pd_npy no_exception
if [[ $? -eq 0 ]];then
echo "succeed to compare layer[$i]"
else
echo "failed to compare layer[$i]"
fi
done
...@@ -36,7 +36,7 @@ model_caffemodel="models.caffe/${model_name}/${model_name}.caffemodel" ...@@ -36,7 +36,7 @@ model_caffemodel="models.caffe/${model_name}/${model_name}.caffemodel"
paddle_results="$results_root/${model_name}.paddle" paddle_results="$results_root/${model_name}.paddle"
rm -rf $paddle_results rm -rf $paddle_results
rm -rf "results.paddle" rm -rf "results.paddle"
bash run.sh $model_name ./models.caffe/$model_name ./models/$model_name bash ./tools/run.sh $model_name ./models.caffe/$model_name ./models/$model_name
if [[ $? -ne 0 ]] || [[ ! -e "results.paddle" ]];then if [[ $? -ne 0 ]] || [[ ! -e "results.paddle" ]];then
echo "not found paddle's results, maybe failed to convert" echo "not found paddle's results, maybe failed to convert"
exit 1 exit 1
......
...@@ -6,7 +6,7 @@ ...@@ -6,7 +6,7 @@
# 2, do inference(only in fluid) using this model # 2, do inference(only in fluid) using this model
# #
#usage: #usage:
# bash run.sh resnet50 ./models.caffe/resnet50 ./models/resnet50 # cd caffe2fluid/examples/imagenet && bash run.sh resnet50 ./models.caffe/resnet50 ./models/resnet50
# #
#set -x #set -x
...@@ -67,7 +67,7 @@ if [[ -z $only_convert ]];then ...@@ -67,7 +67,7 @@ if [[ -z $only_convert ]];then
imgfile="data/65.jpeg" imgfile="data/65.jpeg"
#FIX ME: #FIX ME:
# only look the first line in prototxt file for the name of this network, maybe not correct # only look the first line in prototxt file for the name of this network, maybe not correct
net_name=`grep "name" $proto_file | head -n1 | perl -ne 'if(/^\s*name\s*:\s*\"([^\"]+)\"/){ print $1."\n";}'` net_name=`grep "name" $proto_file | head -n1 | perl -ne 'if(/^name\s*:\s*\"([^\"]+)\"/){ print $1."\n";}'`
if [[ -z $net_name ]];then if [[ -z $net_name ]];then
net_name="MyNet" net_name="MyNet"
fi fi
......
...@@ -9,8 +9,8 @@ def import_caffepb(): ...@@ -9,8 +9,8 @@ def import_caffepb():
p = os.path.dirname(p) p = os.path.dirname(p)
p = os.path.join(p, '../../proto') p = os.path.join(p, '../../proto')
sys.path.insert(0, p) sys.path.insert(0, p)
import caffepb import caffe_pb2
return caffepb return caffe_pb2
class CaffeResolver(object): class CaffeResolver(object):
......
...@@ -7,13 +7,14 @@ from .register import get_registered_layers ...@@ -7,13 +7,14 @@ from .register import get_registered_layers
import axpy import axpy
import flatten import flatten
import argmax import argmax
import reshape
#custom layer import ends #custom layer import ends
custom_layers = get_registered_layers() custom_layers = get_registered_layers()
def set_args(f, params): def set_args(f, params, node=None):
""" set args for function 'f' using the parameters in node.layer.parameters """ set args for function 'f' using the parameters in node.layer.parameters
Args: Args:
...@@ -24,18 +25,15 @@ def set_args(f, params): ...@@ -24,18 +25,15 @@ def set_args(f, params):
arg_names (list): a list of argument names arg_names (list): a list of argument names
kwargs (dict): a dict contains needed arguments kwargs (dict): a dict contains needed arguments
""" """
from ..protobuf_to_dict import protobuf_to_dict
argc = f.__code__.co_argcount argc = f.__code__.co_argcount
arg_list = f.__code__.co_varnames[0:argc] arg_list = f.__code__.co_varnames[0:argc]
kwargs = {} kwargs = {}
for arg_name in arg_list: for arg_name in arg_list:
try: if arg_name in params:
v = getattr(node.layer.parameters, arg_name, None) kwargs[arg_name] = params[arg_name]
except Exception as e:
v = None
if v is not None:
kwargs[arg_name] = v
return arg_list, kwargs return arg_list, kwargs
...@@ -53,7 +51,7 @@ def compute_output_shape(kind, node): ...@@ -53,7 +51,7 @@ def compute_output_shape(kind, node):
parents = node.parents parents = node.parents
inputs = [list(p.output_shape) for p in parents] inputs = [list(p.output_shape) for p in parents]
arg_names, kwargs = set_args(shape_func, node.layer.parameters) arg_names, kwargs = set_args(shape_func, node.params)
if len(inputs) == 1: if len(inputs) == 1:
inputs = inputs[0] inputs = inputs[0]
...@@ -62,16 +60,16 @@ def compute_output_shape(kind, node): ...@@ -62,16 +60,16 @@ def compute_output_shape(kind, node):
def make_node(template, kind, node): def make_node(template, kind, node):
""" make a TensorFlowNode for custom layer which means construct """ make a PaddleNode for custom layer which means construct
a piece of code to define a layer implemented in 'custom_layers' a piece of code to define a layer implemented in 'custom_layers'
Args: Args:
@template (TensorFlowNode): a factory to new a instance of TensorFLowNode @template (PaddleNode): a factory to new a instance of PaddleNode
@kind (str): type of custom layer @kind (str): type of custom layer
@node (graph.Node): a layer in the net @node (graph.Node): a layer in the net
Returns: Returns:
instance of TensorFlowNode instance of PaddleNode
""" """
assert kind in custom_layers, "layer[%s] not exist in custom layers" % ( assert kind in custom_layers, "layer[%s] not exist in custom layers" % (
kind) kind)
...@@ -79,7 +77,7 @@ def make_node(template, kind, node): ...@@ -79,7 +77,7 @@ def make_node(template, kind, node):
layer_func = custom_layers[kind]['layer'] layer_func = custom_layers[kind]['layer']
#construct arguments needed by custom layer function from node's parameters #construct arguments needed by custom layer function from node's parameters
arg_names, kwargs = set_args(layer_func, node.layer.parameters) arg_names, kwargs = set_args(layer_func, node.params, node)
return template('custom_layer', kind, **kwargs) return template('custom_layer', kind, **kwargs)
......
...@@ -27,7 +27,9 @@ def argmax_shape(input_shape, out_max_val=False, top_k=1, axis=-1): ...@@ -27,7 +27,9 @@ def argmax_shape(input_shape, out_max_val=False, top_k=1, axis=-1):
axis += len(input_shape) axis += len(input_shape)
assert (axis + 1 == len(input_shape) assert (axis + 1 == len(input_shape)
), 'only can be applied on the last dimension now' ), 'only can be applied on the last dimension[axis:%d, %s] now,'\
'make sure you have set axis param in xxx.prototxt file' \
% (axis, str(input_shape))
output_shape = input_shape output_shape = input_shape
output_shape[-1] = top_k output_shape[-1] = top_k
...@@ -56,14 +58,13 @@ def argmax_layer(input, name, out_max_val=False, top_k=1, axis=-1): ...@@ -56,14 +58,13 @@ def argmax_layer(input, name, out_max_val=False, top_k=1, axis=-1):
if axis < 0: if axis < 0:
axis += len(input.shape) axis += len(input.shape)
assert (axis + 1 == len(input_shape)
), 'only can be applied on the last dimension now'
topk_var, index_var = fluid.layers.topk(input=input, k=top_k) topk_var, index_var = fluid.layers.topk(input=input, k=top_k)
if out_max_val is True: if out_max_val is True:
output = fluid.layers.concate([topk_var, index_var], axis=axis) index_var = fluid.layers.cast(index_var, dtype=topk_var.dtype)
output = fluid.layers.concat([index_var, topk_var], axis=axis)
else: else:
output = topk_var output = index_var
return output return output
......
""" a custom layer for 'reshape', maybe we should implement this in standard way.
more info can be found here: http://caffe.berkeleyvision.org/tutorial/layers/reshape.html
"""
from .register import register
def import_fluid():
import paddle.fluid as fluid
return fluid
def reshape_shape(input_sp, shape, axis=0, num_axes=-1):
""" calculate the output shape of this layer using input shape
Args:
@input_shape (list of num): a list of number which represents the input shape
@shape (object): parameter from caffe's Reshape layer
@axis (int): parameter from caffe's Reshape layer
@num_axes(int): parameter from caffe's Reshape layer
Returns:
@output_shape (list of num): a list of numbers represent the output shape
"""
def count(num_list):
return reduce(lambda a, b: a * b, num_list)
input_shape = list(input_sp)
input_count = count(input_shape)
input_num_axes = len(input_shape)
input_start_axis = axis
start_axis = input_start_axis if input_start_axis >= 0 \
else input_num_axes + input_start_axis + 1
assert start_axis >= 0, "[Reshape]axis %d out of range" % (input_start_axis)
assert start_axis <= input_num_axes, "[Reshape]axis %d out of range for %d-D input data"\
% (input_start_axis, input_num_axes)
assert num_axes >= -1, "[Reshape]num_axes must be >= 0, or -1 for all"
end_axis = input_num_axes if num_axes == -1 else start_axis + num_axes
assert end_axis <= input_num_axes, "end_axis[%d] = axis[%d] + num_axes[%d] is out of range"\
% (end_axis, start_axis, num_axes)
num_axes_replaced = end_axis - start_axis
num_axes_retained = input_num_axes - num_axes_replaced
num_new_axes = len(shape['dim'])
output_shape = []
for i in range(start_axis):
output_shape.append(input_shape[i])
for i in range(num_new_axes):
output_shape.append(shape['dim'][i])
for i in range(end_axis, input_num_axes):
output_shape.append(input_shape[i])
assert len(output_shape) == num_axes_retained + num_new_axes,\
"[Reshape]invalid dims of output shape[%s]" % (str(output_shape))
inferred_axis = -1
copy_axes = []
constant_count = 1
for i in range(num_new_axes):
top_dim = shape['dim'][i]
if top_dim == 0:
copy_axes.append(i)
elif top_dim == -1:
assert inferred_axis == -1, "[Reshape]new shape contains multiple -1 dims"
else:
constant_count *= top_dim
if inferred_axis >= 0:
explicit_count = constant_count
explicit_count *= count(input_shape[0:start_axis])
explicit_count *= count(input_shape[end_axis:])
for i in range(len(copy_axes)):
explicit_count *= output_shape[start_axis + copy_axes[i]]
assert input_count % explicit_count == 0, "[Reshape]botom count[%d] "\
"must be divisible by product of the specified dimensions[%d] "\
% (input_count, explicit_count)
output_count = count(output_shape)
assert output_count == input_count, "[Reshape]output count[%d] must match input count[%d]" % (
output_count, input_count)
return output_shape
def reshape_layer(input, name, shape, axis=0, num_axes=-1):
""" build a layer of type 'Flatten' using fluid
Args:
@input (variable): input fluid variable for this layer
@name (str): name for this layer
@shape (object): parameter from caffe's Reshape layer
@axis (int): parameter from caffe's Reshape layer
@num_axes(int): parameter from caffe's Reshape layer
Returns:
output (variable): output variable for this layer
"""
fluid = import_fluid()
input_shape = list(input.shape)
if input_shape[0] == -1:
input_shape[0] = 1
output_shape = reshape_shape(input_shape, shape, axis, num_axes)
output_shape[0] = -1
else:
output_shape = reshape_shape(input_shape, shape, axis, num_axes)
output = fluid.layers.reshape(input, shape=output_shape, name=name)
return output
register(kind='Reshape', shape=reshape_shape, layer=reshape_layer)
...@@ -13,8 +13,8 @@ class Node(object): ...@@ -13,8 +13,8 @@ class Node(object):
self.layer = LayerAdapter(layer, kind) if layer else None self.layer = LayerAdapter(layer, kind) if layer else None
self.parents = [] self.parents = []
self.children = [] self.children = []
self.data = None self.data = None #parameters of this node
self.output_shape = None self.output_shape = None #output shape of this node
self.metadata = {} self.metadata = {}
def add_parent(self, parent_node): def add_parent(self, parent_node):
...@@ -37,10 +37,24 @@ class Node(object): ...@@ -37,10 +37,24 @@ class Node(object):
@property @property
def parameters(self): def parameters(self):
""" get parameters stored in a protobuf object
"""
if self.layer is not None: if self.layer is not None:
return self.layer.parameters return self.layer.parameters
return None return None
@property
def params(self):
""" get parameters stored in a dict
"""
from .protobuf_to_dict import protobuf_to_dict
p = self.parameters
if p is not None:
return protobuf_to_dict(p)
else:
return None
def __str__(self): def __str__(self):
return '[%s] %s' % (self.kind, self.name) return '[%s] %s' % (self.kind, self.name)
...@@ -124,10 +138,18 @@ class Graph(object): ...@@ -124,10 +138,18 @@ class Graph(object):
for node in self.topologically_sorted(): for node in self.topologically_sorted():
# If the node has learned parameters, display the first one's shape. # If the node has learned parameters, display the first one's shape.
# In case of convolutions, this corresponds to the weights. # In case of convolutions, this corresponds to the weights.
data_shape = node.data[0].shape if node.data else '--' if node.data is None:
out_shape = node.output_shape or '--' data_shape = '--'
s.append('{:<20} {:<30} {:>20} {:>20}'.format( out_shape = node.output_shape or '--'
node.kind, node.name, data_shape, tuple(out_shape))) s.append('{:<20} {:<30} {:>20} {:>20}'.format(
node.kind, node.name, data_shape, tuple(out_shape)))
else:
for d in node.data:
#data_shape = node.data[0].shape if node.data else '--'
data_shape = d.shape
out_shape = node.output_shape or '--'
s.append('{:<20} {:<30} {:>20} {:>20}'.format(
node.kind, node.name, data_shape, tuple(out_shape)))
return '\n'.join(s) return '\n'.join(s)
...@@ -194,15 +216,25 @@ class GraphBuilder(object): ...@@ -194,15 +216,25 @@ class GraphBuilder(object):
Newer models use the "Input layer" type. Newer models use the "Input layer" type.
''' '''
nodes = [Node(name, NodeKind.Data) for name in self.params.input] nodes = [Node(name, NodeKind.Data) for name in self.params.input]
if len(nodes): inputs_num = len(nodes)
input_dim = map(int, self.params.input_dim) if inputs_num > 0:
if not input_dim: input_dims_num = len(self.params.input_dim)
if len(self.params.input_shape) > 0: if input_dims_num > 0 and input_dims_num != inputs_num * 4:
input_dim = map(int, self.params.input_shape[0].dim) raise KaffeError('invalid input_dim[%d] param in prototxt' %
else: (input_dims_num))
raise KaffeError('Dimensions for input not specified.')
for node in nodes: input_dims = [[]] * inputs_num
node.output_shape = tuple(input_dim) for i in range(input_dims_num):
dim = self.params.input_dim[i]
which = int(i / 4)
input_dims[which].append(int(dim))
for i in range(inputs_num):
if len(self.params.input_shape) == inputs_num:
input_dim = map(int, self.params.input_shape[i].dim)
input_dims[i] = input_dim
nodes[i].output_shape = tuple(input_dims[i])
return nodes return nodes
def build(self): def build(self):
......
""" this module is used as a template for generating sub class of Network
"""
class MyNet(object):
### automatically generated by caffe2fluid ###
inputs_info = "INPUTS_INFO"
custom_layers_path = "_CAFFE2FLUID_CUSTOM_LAYERS_"
def custom_layer_factory(self):
import os
pk_paths = []
default = os.path.dirname(os.path.abspath(__file__))
location = os.environ.get('CAFFE2FLUID_CUSTOM_LAYERS', default)
pk_name = 'custom_layers'
pk_dir = os.path.join(location, pk_name)
pk_paths.append((location, pk_dir))
location = MyNet.custom_layers_path
pk_dir = os.path.join(MyNet.custom_layers_path, pk_name)
pk_paths.append((location, pk_dir))
for loc, pk_dir in pk_paths:
if os.path.exists(pk_dir):
if loc not in sys.path:
sys.path.insert(0, loc)
break
try:
from custom_layers import make_custom_layer
return make_custom_layer
except Exception as e:
print('maybe you should set $CAFFE2FLUID_CUSTOM_LAYERS first')
raise e
@classmethod
def input_shapes(cls):
return cls.inputs_info
@classmethod
def convert(cls, npy_model, fluid_path, outputs=None):
fluid = import_fluid()
shapes = cls.input_shapes()
input_name = shapes.keys()[0]
feed_data = {}
for name, shape in shapes.items():
data_layer = fluid.layers.data(
name=name, shape=shape, dtype="float32")
feed_data[name] = data_layer
net = cls(feed_data)
place = fluid.CPUPlace()
exe = fluid.Executor(place)
exe.run(fluid.default_startup_program())
net.load(data_path=npy_model, exe=exe, place=place)
output_vars = []
model_filename = 'model'
params_filename = 'params'
if outputs is None:
output_vars.append(net.get_output())
else:
if outputs[0] == 'dump_all':
model_filename = None
params_filename = None
output_vars.append(net.get_output())
else:
if type(outputs) is list:
for n in outputs:
assert n in net.layers, 'not found layer with this name[%s]' % (
n)
output_vars.append(net.layers[n])
fluid.io.save_inference_model(
fluid_path, [input_name],
output_vars,
exe,
main_program=None,
model_filename=model_filename,
params_filename=model_filename)
return 0
def main():
""" a tool used to convert caffe model to fluid
"""
import sys
import os
filename = os.path.splitext(os.path.basename(sys.argv[0]))[0]
if len(sys.argv) < 3:
print('usage:')
print(' python %s %s.npy [save_dir] [layer names seperated by comma]' \
% (sys.argv[0], filename))
print(' eg: python %s %s.npy ./fluid' % (sys.argv[0], filename))
print(' eg: python %s %s.npy ./fluid layer_name1,layer_name2' \
% (sys.argv[0], filename))
return 1
npy_weight = sys.argv[1]
fluid_model = sys.argv[2]
outputs = None
if len(sys.argv) >= 4:
outputs = sys.argv[3].split(',')
ret = MyNet.convert(npy_weight, fluid_model, outputs)
if ret == 0:
outputs = 'last output layer' if outputs is None else outputs
print('succeed to convert to fluid format with output layers[%s]'
' in directory[%s]' % (outputs, fluid_model))
else:
print('failed to convert model to fluid format')
return ret
def generate_net_code(net_name, inputs_info):
""" generate framework of a custom net code which represent a subclass of Network
Args:
@net_name (str): class name for this net
@inputs_info (str): a str which represents a dict, eg: '{"data": [3, 32, 32]}'
Returns:
net_codes (str): codes for this subclass
"""
import os
import inspect
net_codes = str(inspect.getsource(MyNet))
net_codes = net_codes.replace('MyNet(object)', '%s(Network)' % net_name)
net_codes = net_codes.replace('MyNet', net_name)
net_codes = net_codes.replace('"INPUTS_INFO"', inputs_info)
custom_layer_dir = os.path.dirname(os.path.abspath(__file__))
net_codes = net_codes.replace('_CAFFE2FLUID_CUSTOM_LAYERS_',
custom_layer_dir)
return net_codes
def generate_main_code(net_name):
""" generate a piece of code for 'main' function
Args:
@net_name (str): class name for this net
Returns:
main_codes (str): codes for this main function
"""
import inspect
main_codes = str(inspect.getsource(main))
main_codes = main_codes.replace('MyNet', net_name)
return main_codes
if __name__ == "__main__":
""" just for testing
"""
print generate_net_code('Attribute', "{'data': [3, 277, 277]}")
print generate_main_code('Attribute')
...@@ -22,15 +22,13 @@ def layer(op): ...@@ -22,15 +22,13 @@ def layer(op):
layer_input = self.terminals[0] layer_input = self.terminals[0]
else: else:
layer_input = list(self.terminals) layer_input = list(self.terminals)
# Perform the operation and get the output. # Perform the operation and get the output.
layer_output = op(self, layer_input, *args, **kwargs) layer_output = op(self, layer_input, *args, **kwargs)
# Add to layer LUT. # Add to layer LUT.
self.layers[name] = layer_output self.layers[name] = layer_output
# This output is now the input for the next layer. # This output is now the input for the next layer.
self.feed(layer_output) self.feed(layer_output)
#print('output shape of %s:' % (name))
#print layer_output.shape
# Return self for chained calls. # Return self for chained calls.
return self return self
...@@ -129,6 +127,7 @@ class Network(object): ...@@ -129,6 +127,7 @@ class Network(object):
s_w, s_w,
name, name,
relu=True, relu=True,
relu_negative_slope=0.0,
padding=None, padding=None,
group=1, group=1,
biased=True): biased=True):
...@@ -144,6 +143,14 @@ class Network(object): ...@@ -144,6 +143,14 @@ class Network(object):
fluid = import_fluid() fluid = import_fluid()
prefix = name + '_' prefix = name + '_'
leaky_relu = False
act = 'relu'
if relu is False:
act = None
elif relu_negative_slope != 0.0:
leaky_relu = True
act = None
output = fluid.layers.conv2d( output = fluid.layers.conv2d(
input=input, input=input,
filter_size=[k_h, k_w], filter_size=[k_h, k_w],
...@@ -153,7 +160,11 @@ class Network(object): ...@@ -153,7 +160,11 @@ class Network(object):
groups=group, groups=group,
param_attr=fluid.ParamAttr(name=prefix + "weights"), param_attr=fluid.ParamAttr(name=prefix + "weights"),
bias_attr=fluid.ParamAttr(name=prefix + "biases"), bias_attr=fluid.ParamAttr(name=prefix + "biases"),
act="relu" if relu is True else None) act=act)
if leaky_relu:
output = fluid.layers.leaky_relu(output, alpha=relu_negative_slope)
return output return output
@layer @layer
...@@ -251,6 +262,13 @@ class Network(object): ...@@ -251,6 +262,13 @@ class Network(object):
@layer @layer
def softmax(self, input, name): def softmax(self, input, name):
fluid = import_fluid() fluid = import_fluid()
shape = input.shape
if len(shape) > 2:
for sz in shape[2:]:
assert sz == 1, "invalid input shape[%s] for softmax" % (
str(shape))
input = fluid.layers.reshape(input, shape[0:2])
output = fluid.layers.softmax(input) output = fluid.layers.softmax(input)
return output return output
...@@ -286,24 +304,43 @@ class Network(object): ...@@ -286,24 +304,43 @@ class Network(object):
@layer @layer
def dropout(self, input, drop_prob, name, is_test=True): def dropout(self, input, drop_prob, name, is_test=True):
fluid = import_fluid() fluid = import_fluid()
output = fluid.layers.dropout( if is_test:
input, dropout_prob=drop_prob, is_test=is_test, name=name) output = input
else:
output = fluid.layers.dropout(
input, dropout_prob=drop_prob, is_test=is_test)
return output
@layer
def scale(self, input, axis=1, num_axes=1, name=None):
fluid = import_fluid()
assert num_axes == 1, "layer scale not support this num_axes[%d] now" % (
num_axes)
prefix = name + '_'
scale_shape = input.shape[axis:axis + num_axes]
param_attr = fluid.ParamAttr(name=prefix + 'scale')
scale_param = fluid.layers.create_parameter(
shape=scale_shape, dtype=input.dtype, name=name, attr=param_attr)
offset_attr = fluid.ParamAttr(name=prefix + 'offset')
offset_param = fluid.layers.create_parameter(
shape=scale_shape, dtype=input.dtype, name=name, attr=offset_attr)
output = fluid.layers.elementwise_mul(input, scale_param, axis=axis)
output = fluid.layers.elementwise_add(output, offset_param, axis=axis)
return output return output
def custom_layer_factory(self):
""" get a custom layer maker provided by subclass
"""
raise NotImplementedError(
'[custom_layer_factory] must be implemented by the subclass.')
@layer @layer
def custom_layer(self, inputs, kind, name, *args, **kwargs): def custom_layer(self, inputs, kind, name, *args, **kwargs):
""" make custom layer from the package specified by '$CAFFE2FLUID_CUSTOM_LAYERS' """ make custom layer
""" """
#fluid = import_fluid() layer_factory = self.custom_layer_factory()
#import custom package return layer_factory(kind, inputs, name, *args, **kwargs)
default = os.path.dirname(os.path.abspath(__file__))
p = os.environ.get('CAFFE2FLUID_CUSTOM_LAYERS', default)
pk = os.path.join(p, 'custom_layers')
assert os.path.exists(pk) is True, "not found custom_layer package [%s],"\
"you need to set $CAFFE2FLUID_CUSTOM_LAYERS" % (pk)
if p not in sys.path:
sys.path.insert(0, p)
from custom_layers import make_custom_layer
return make_custom_layer(kind, inputs, name, *args, **kwargs)
...@@ -11,9 +11,9 @@ from . import network ...@@ -11,9 +11,9 @@ from . import network
def get_padding_type(kernel_params, input_shape, output_shape): def get_padding_type(kernel_params, input_shape, output_shape):
'''Translates Caffe's numeric padding to one of ('SAME', 'VALID'). '''Translates Caffe's numeric padding to one of ('SAME', 'VALID').
Caffe supports arbitrary padding values, while TensorFlow only Caffe supports arbitrary padding values, while Paddle only
supports 'SAME' and 'VALID' modes. So, not all Caffe paddings supports 'SAME' and 'VALID' modes. So, not all Caffe paddings
can be translated to TensorFlow. There are some subtleties to can be translated to Paddle. There are some subtleties to
how the padding edge-cases are handled. These are described here: how the padding edge-cases are handled. These are described here:
https://github.com/Yangqing/caffe2/blob/master/caffe2/proto/caffe2_legacy.proto https://github.com/Yangqing/caffe2/blob/master/caffe2/proto/caffe2_legacy.proto
''' '''
...@@ -24,11 +24,11 @@ def get_padding_type(kernel_params, input_shape, output_shape): ...@@ -24,11 +24,11 @@ def get_padding_type(kernel_params, input_shape, output_shape):
return None return None
class TensorFlowNode(object): class PaddleNode(object):
'''An intermediate representation for TensorFlow operations.''' '''An intermediate representation for Paddle operations.'''
def __init__(self, op, *args, **kwargs): def __init__(self, op, *args, **kwargs):
# A string corresponding to the TensorFlow operation # A string corresponding to the Paddle operation
self.op = op self.op = op
# Positional arguments for the operation # Positional arguments for the operation
self.args = args self.args = args
...@@ -64,12 +64,17 @@ class MaybeActivated(object): ...@@ -64,12 +64,17 @@ class MaybeActivated(object):
if node.metadata.get('relu', False) != default: if node.metadata.get('relu', False) != default:
self.inject_kwargs['relu'] = not default self.inject_kwargs['relu'] = not default
default_slope = 0.0
slope = node.metadata.get('relu_negative_slope', default_slope)
if slope != default_slope:
self.inject_kwargs['relu_negative_slope'] = slope
def __call__(self, *args, **kwargs): def __call__(self, *args, **kwargs):
kwargs.update(self.inject_kwargs) kwargs.update(self.inject_kwargs)
return TensorFlowNode(*args, **kwargs) return PaddleNode(*args, **kwargs)
class TensorFlowMapper(NodeMapper): class PaddleMapper(NodeMapper):
def get_kernel_params(self, node): def get_kernel_params(self, node):
kernel_params = node.layer.kernel_parameters kernel_params = node.layer.kernel_parameters
input_shape = node.get_only_parent().output_shape input_shape = node.get_only_parent().output_shape
...@@ -97,7 +102,7 @@ class TensorFlowMapper(NodeMapper): ...@@ -97,7 +102,7 @@ class TensorFlowMapper(NodeMapper):
kernel_params.stride_h, kernel_params.stride_w, **kwargs) kernel_params.stride_h, kernel_params.stride_w, **kwargs)
def map_relu(self, node): def map_relu(self, node):
return TensorFlowNode('relu') return PaddleNode('relu')
def map_pooling(self, node): def map_pooling(self, node):
pool_type = node.parameters.pool pool_type = node.parameters.pool
...@@ -108,18 +113,25 @@ class TensorFlowMapper(NodeMapper): ...@@ -108,18 +113,25 @@ class TensorFlowMapper(NodeMapper):
else: else:
# Stochastic pooling, for instance. # Stochastic pooling, for instance.
raise KaffeError('Unsupported pooling type.') raise KaffeError('Unsupported pooling type.')
(kernel_params, padding) = self.get_kernel_params(node)
ceil_mode = getattr(node.layer.parameters, 'ceil_mode', True) ceil_mode = getattr(node.layer.parameters, 'ceil_mode', True)
return TensorFlowNode(pool_op, kernel_params.kernel_h, global_pool = getattr(node.layer.parameters, 'global_pooling', False)
if global_pool:
input_shape = node.get_only_parent().output_shape
return PaddleNode(pool_op, input_shape.height, input_shape.width, 1,
1, ceil_mode)
else:
(kernel_params, padding) = self.get_kernel_params(node)
return PaddleNode(pool_op, kernel_params.kernel_h,
kernel_params.kernel_w, kernel_params.stride_h, kernel_params.kernel_w, kernel_params.stride_h,
kernel_params.stride_w, ceil_mode, **padding) kernel_params.stride_w, ceil_mode, **padding)
def map_sigmoid(self, node): def map_sigmoid(self, node):
return TensorFlowNode('sigmoid') return PaddleNode('sigmoid')
def map_custom(self, node): def map_custom(self, node):
from .. import custom_layers from .. import custom_layers
return custom_layers.make_node(TensorFlowNode, node.kind, node) return custom_layers.make_node(PaddleNode, node.kind, node)
def map_inner_product(self, node): def map_inner_product(self, node):
#TODO: Axis #TODO: Axis
...@@ -129,24 +141,24 @@ class TensorFlowMapper(NodeMapper): ...@@ -129,24 +141,24 @@ class TensorFlowMapper(NodeMapper):
return MaybeActivated(node)('fc', node.parameters.num_output) return MaybeActivated(node)('fc', node.parameters.num_output)
def map_softmax(self, node): def map_softmax(self, node):
return TensorFlowNode('softmax') return PaddleNode('softmax')
def map_lrn(self, node): def map_lrn(self, node):
params = node.parameters params = node.parameters
# The window size must be an odd value. For a window # The window size must be an odd value. For a window
# size of (2*n+1), TensorFlow defines depth_radius = n. # size of (2*n+1), Paddle defines depth_radius = n.
assert params.local_size % 2 == 1 assert params.local_size % 2 == 1
# Caffe scales by (alpha/(2*n+1)), whereas TensorFlow # Caffe scales by (alpha/(2*n+1)), whereas Paddle
# just scales by alpha (as does Krizhevsky's paper). # just scales by alpha (as does Krizhevsky's paper).
# We'll account for that here. # We'll account for that here.
alpha = params.alpha / float(params.local_size) alpha = params.alpha / float(params.local_size)
return TensorFlowNode('lrn', params.local_size, alpha, params.beta) return PaddleNode('lrn', params.local_size, alpha, params.beta)
def map_concat(self, node): def map_concat(self, node):
return TensorFlowNode('concat', node.parameters.axis) return PaddleNode('concat', node.parameters.axis)
def map_dropout(self, node): def map_dropout(self, node):
return TensorFlowNode('dropout', node.parameters.dropout_ratio) return PaddleNode('dropout', node.parameters.dropout_ratio)
def map_batch_norm(self, node): def map_batch_norm(self, node):
scale_offset = len(node.data) == 4 scale_offset = len(node.data) == 4
...@@ -164,16 +176,20 @@ class TensorFlowMapper(NodeMapper): ...@@ -164,16 +176,20 @@ class TensorFlowMapper(NodeMapper):
operations = {0: 'multiply', 1: 'add', 2: 'max'} operations = {0: 'multiply', 1: 'add', 2: 'max'}
op_code = node.parameters.operation op_code = node.parameters.operation
try: try:
return TensorFlowNode(operations[op_code]) return PaddleNode(operations[op_code])
except KeyError: except KeyError:
raise KaffeError('Unknown elementwise operation: {}'.format( raise KaffeError('Unknown elementwise operation: {}'.format(
op_code)) op_code))
def map_scale(self, node):
params = node.parameters
return PaddleNode('scale', axis=params.axis, num_axes=params.num_axes)
def commit(self, chains): def commit(self, chains):
return chains return chains
class TensorFlowEmitter(object): class PaddleEmitter(object):
def __init__(self, tab=None): def __init__(self, tab=None):
self.tab = tab or ' ' * 4 self.tab = tab or ' ' * 4
self.prefix = '' self.prefix = ''
...@@ -198,18 +214,10 @@ class TensorFlowEmitter(object): ...@@ -198,18 +214,10 @@ class TensorFlowEmitter(object):
codes.append(network_source + '\n') codes.append(network_source + '\n')
return self.statement('\n'.join(codes)) return self.statement('\n'.join(codes))
def emit_class_def(self, name):
return self.statement('class %s(Network):' % (name))
def emit_setup_def(self): def emit_setup_def(self):
return self.statement('def setup(self):') return self.statement('def setup(self):')
def emit_shape_def(self, input_nodes): def get_inputs_info(self, input_nodes):
self.outdent()
func_def = self.statement('@classmethod')
func_def += self.statement('def input_shapes(cls):')
self.indent()
input_shapes = {} input_shapes = {}
for n in input_nodes: for n in input_nodes:
name = n.name name = n.name
...@@ -218,51 +226,7 @@ class TensorFlowEmitter(object): ...@@ -218,51 +226,7 @@ class TensorFlowEmitter(object):
input_shapes[name] = ', '.join(shape) input_shapes[name] = ', '.join(shape)
input_shapes = ['"%s": [%s]' % (n, l) for n, l in input_shapes.items()] input_shapes = ['"%s": [%s]' % (n, l) for n, l in input_shapes.items()]
shape_str = ','.join(input_shapes) shape_str = ','.join(input_shapes)
func_def += self.statement('return {%s}' % (shape_str)) return '{%s}' % (shape_str)
return '\n\n' + func_def
def emit_convert_def(self, input_nodes):
codes = []
inputs = {}
#codes.append('shapes = cls.input_shapes()')
codes.append('shapes = cls.input_shapes()')
codes.append('input_name = shapes.keys()[0]')
codes.append('input_shape = shapes[input_name]')
for n in input_nodes:
name = n.name
layer_var = name + '_layer'
layer_def = '%s = fluid.layers.data(name="%s", shape=shapes["%s"],'\
' dtype="float32")' % (layer_var, name, name)
#layer_var, layer_def = data_layer_def(n.name, n.output_shape)
codes.append(layer_def)
inputs[name] = layer_var
input_dict = ','.join(['"%s": %s' % (n, l) for n, l in inputs.items()])
codes.append('feed_data = {' + input_dict + '}')
codes.append('net = cls(feed_data)')
codes.append("place = fluid.CPUPlace()")
codes.append("exe = fluid.Executor(place)")
codes.append("exe.run(fluid.default_startup_program())")
codes.append("net.load(data_path=npy_model, exe=exe, place=place)")
codes.append("output_vars = [net.get_output()]")
codes.append("fluid.io.save_inference_model(" \
"fluid_path, [input_name],output_vars," \
"exe, main_program=None, model_filename='model'," \
"params_filename='params')")
codes.append(
"print('save fluid model as [model] and [params] in directory [%s]' % (fluid_path))"
)
self.outdent()
func_def = self.statement('@classmethod')
func_def += self.statement('def convert(cls, npy_model, fluid_path):')
self.indent()
func_def += self.statement('fluid = import_fluid()')
for l in codes:
func_def += self.statement(l)
return '\n' + func_def
def emit_main_def(self, name): def emit_main_def(self, name):
if name is None: if name is None:
...@@ -271,22 +235,7 @@ class TensorFlowEmitter(object): ...@@ -271,22 +235,7 @@ class TensorFlowEmitter(object):
self.prefix = '' self.prefix = ''
main_def = self.statement('if __name__ == "__main__":') main_def = self.statement('if __name__ == "__main__":')
self.indent() self.indent()
main_def += self.statement( main_def += self.statement('exit(main())')
"#usage: save as an inference model for online service\n")
main_def += self.statement("import sys")
main_def += self.statement("if len(sys.argv) != 3:")
self.indent()
main_def += self.statement("print('usage:')")
main_def += self.statement(
"print('\tpython %s [xxxnet.npy] [save_dir]' % (sys.argv[0]))")
main_def += self.statement("exit(1)")
self.outdent()
main_def += self.statement("npy_weight = sys.argv[1]")
main_def += self.statement("fluid_model = sys.argv[2]")
main_def += self.statement("%s.convert(npy_weight, fluid_model)" %
(name))
main_def += self.statement("exit(0)")
return '\n\n' + main_def return '\n\n' + main_def
def emit_parents(self, chain): def emit_parents(self, chain):
...@@ -301,10 +250,17 @@ class TensorFlowEmitter(object): ...@@ -301,10 +250,17 @@ class TensorFlowEmitter(object):
return self.statement('self.' + node.emit()) return self.statement('self.' + node.emit())
def emit(self, name, chains, input_nodes=None): def emit(self, name, chains, input_nodes=None):
from ..net_template import generate_net_code
from ..net_template import generate_main_code
self.net_name = name self.net_name = name
inputs_info = self.get_inputs_info(input_nodes)
s = self.emit_imports() s = self.emit_imports()
s += self.emit_class_def(name) s += generate_net_code(name, inputs_info) + '\n'
self.indent() self.indent()
# define the net using api
s += self.emit_setup_def() s += self.emit_setup_def()
self.indent() self.indent()
blocks = [] blocks = []
...@@ -315,8 +271,9 @@ class TensorFlowEmitter(object): ...@@ -315,8 +271,9 @@ class TensorFlowEmitter(object):
b += self.emit_node(node) b += self.emit_node(node)
blocks.append(b[:-1]) blocks.append(b[:-1])
s = s + '\n\n'.join(blocks) s = s + '\n\n'.join(blocks)
s += self.emit_shape_def(input_nodes)
s += self.emit_convert_def(input_nodes) # define the main function
s += '\n\n\n' + generate_main_code(name)
s += self.emit_main_def(name) s += self.emit_main_def(name)
return s return s
...@@ -350,7 +307,7 @@ class Transformer(object): ...@@ -350,7 +307,7 @@ class Transformer(object):
]), ]),
# Rename nodes # Rename nodes
# Slashes are used for scoping in TensorFlow. Replace slashes # Slashes are used for scoping in Paddle. Replace slashes
# in node names with underscores. # in node names with underscores.
# (Caffe's GoogLeNet implementation uses slashes) # (Caffe's GoogLeNet implementation uses slashes)
NodeRenamer(lambda node: node.name.replace('/', '_')) NodeRenamer(lambda node: node.name.replace('/', '_'))
...@@ -365,11 +322,8 @@ class Transformer(object): ...@@ -365,11 +322,8 @@ class Transformer(object):
def transform_data(self): def transform_data(self):
if self.params is None: if self.params is None:
transformers = [ transformers = [
# Reshape the parameters to TensorFlow's ordering # Reshape the parameters to Paddle's ordering
DataReshaper({ DataReshaper({
# (c_o, c_i, h, w) -> (h, w, c_i, c_o) for TF
NodeKind.Convolution: (0, 1, 2, 3),
# (c_o, c_i) -> (c_i, c_o) # (c_o, c_i) -> (c_i, c_o)
NodeKind.InnerProduct: (1, 0) NodeKind.InnerProduct: (1, 0)
}), }),
...@@ -389,9 +343,9 @@ class Transformer(object): ...@@ -389,9 +343,9 @@ class Transformer(object):
def transform_source(self): def transform_source(self):
if self.source is None: if self.source is None:
mapper = TensorFlowMapper(self.graph) mapper = PaddleMapper(self.graph)
chains = mapper.map() chains = mapper.map()
emitter = TensorFlowEmitter() emitter = PaddleEmitter()
input_nodes = self.graph.get_input_nodes() input_nodes = self.graph.get_input_nodes()
self.source = emitter.emit(self.graph.name, chains, input_nodes) self.source = emitter.emit(self.graph.name, chains, input_nodes)
return self.source return self.source
"""a util for convert protobuf to dict
"""
from google.protobuf.message import Message
from google.protobuf.descriptor import FieldDescriptor
__all__ = [
"protobuf_to_dict", "TYPE_CALLABLE_MAP", "dict_to_protobuf",
"REVERSE_TYPE_CALLABLE_MAP"
]
EXTENSION_CONTAINER = '___X'
TYPE_CALLABLE_MAP = {
FieldDescriptor.TYPE_DOUBLE: float,
FieldDescriptor.TYPE_FLOAT: float,
FieldDescriptor.TYPE_INT32: int,
FieldDescriptor.TYPE_INT64: long,
FieldDescriptor.TYPE_UINT32: int,
FieldDescriptor.TYPE_UINT64: long,
FieldDescriptor.TYPE_SINT32: int,
FieldDescriptor.TYPE_SINT64: long,
FieldDescriptor.TYPE_FIXED32: int,
FieldDescriptor.TYPE_FIXED64: long,
FieldDescriptor.TYPE_SFIXED32: int,
FieldDescriptor.TYPE_SFIXED64: long,
FieldDescriptor.TYPE_BOOL: bool,
FieldDescriptor.TYPE_STRING: unicode,
FieldDescriptor.TYPE_BYTES: lambda b: b.encode("base64"),
FieldDescriptor.TYPE_ENUM: int,
}
def repeated(type_callable):
return lambda value_list: [type_callable(value) for value in value_list]
def enum_label_name(field, value):
return field.enum_type.values_by_number[int(value)].name
def protobuf_to_dict(pb,
type_callable_map=TYPE_CALLABLE_MAP,
use_enum_labels=False):
result_dict = {}
extensions = {}
for field, value in pb.ListFields():
type_callable = _get_field_value_adaptor(pb, field, type_callable_map,
use_enum_labels)
if field.label == FieldDescriptor.LABEL_REPEATED:
type_callable = repeated(type_callable)
if field.is_extension:
extensions[str(field.number)] = type_callable(value)
continue
result_dict[field.name] = type_callable(value)
if extensions:
result_dict[EXTENSION_CONTAINER] = extensions
return result_dict
def _get_field_value_adaptor(pb,
field,
type_callable_map=TYPE_CALLABLE_MAP,
use_enum_labels=False):
if field.type == FieldDescriptor.TYPE_MESSAGE:
# recursively encode protobuf sub-message
return lambda pb: protobuf_to_dict(pb,
type_callable_map=type_callable_map,
use_enum_labels=use_enum_labels)
if use_enum_labels and field.type == FieldDescriptor.TYPE_ENUM:
return lambda value: enum_label_name(field, value)
if field.type in type_callable_map:
return type_callable_map[field.type]
raise TypeError("Field %s.%s has unrecognised type id %d" %
(pb.__class__.__name__, field.name, field.type))
def get_bytes(value):
return value.decode('base64')
REVERSE_TYPE_CALLABLE_MAP = {FieldDescriptor.TYPE_BYTES: get_bytes, }
def dict_to_protobuf(pb_klass_or_instance,
values,
type_callable_map=REVERSE_TYPE_CALLABLE_MAP,
strict=True):
"""Populates a protobuf model from a dictionary.
:param pb_klass_or_instance: a protobuf message class, or an protobuf instance
:type pb_klass_or_instance: a type or instance of a subclass of google.protobuf.message.Message
:param dict values: a dictionary of values. Repeated and nested values are
fully supported.
:param dict type_callable_map: a mapping of protobuf types to callables for setting
values on the target instance.
:param bool strict: complain if keys in the map are not fields on the message.
"""
if isinstance(pb_klass_or_instance, Message):
instance = pb_klass_or_instance
else:
instance = pb_klass_or_instance()
return _dict_to_protobuf(instance, values, type_callable_map, strict)
def _get_field_mapping(pb, dict_value, strict):
field_mapping = []
for key, value in dict_value.items():
if key == EXTENSION_CONTAINER:
continue
if key not in pb.DESCRIPTOR.fields_by_name:
if strict:
raise KeyError("%s does not have a field called %s" % (pb, key))
continue
field_mapping.append(
(pb.DESCRIPTOR.fields_by_name[key], value, getattr(pb, key, None)))
for ext_num, ext_val in dict_value.get(EXTENSION_CONTAINER, {}).items():
try:
ext_num = int(ext_num)
except ValueError:
raise ValueError("Extension keys must be integers.")
if ext_num not in pb._extensions_by_number:
if strict:
raise KeyError(
"%s does not have a extension with number %s. Perhaps you forgot to import it?"
% (pb, key))
continue
ext_field = pb._extensions_by_number[ext_num]
pb_val = None
pb_val = pb.Extensions[ext_field]
field_mapping.append((ext_field, ext_val, pb_val))
return field_mapping
def _dict_to_protobuf(pb, value, type_callable_map, strict):
fields = _get_field_mapping(pb, value, strict)
for field, input_value, pb_value in fields:
if field.label == FieldDescriptor.LABEL_REPEATED:
for item in input_value:
if field.type == FieldDescriptor.TYPE_MESSAGE:
m = pb_value.add()
_dict_to_protobuf(m, item, type_callable_map, strict)
elif field.type == FieldDescriptor.TYPE_ENUM and isinstance(
item, basestring):
pb_value.append(_string_to_enum(field, item))
else:
pb_value.append(item)
continue
if field.type == FieldDescriptor.TYPE_MESSAGE:
_dict_to_protobuf(pb_value, input_value, type_callable_map, strict)
continue
if field.type in type_callable_map:
input_value = type_callable_map[field.type](input_value)
if field.is_extension:
pb.Extensions[field] = input_value
continue
if field.type == FieldDescriptor.TYPE_ENUM and isinstance(input_value,
basestring):
input_value = _string_to_enum(field, input_value)
setattr(pb, field.name, input_value)
return pb
def _string_to_enum(field, input_value):
enum_dict = field.enum_type.values_by_name
try:
input_value = enum_dict[input_value].number
except KeyError:
raise KeyError("`%s` is not a valid value for field `%s`" %
(input_value, field.name))
return input_value
...@@ -58,19 +58,22 @@ def shape_scalar(node): ...@@ -58,19 +58,22 @@ def shape_scalar(node):
def shape_data(node): def shape_data(node):
if node.output_shape: if node.output_shape:
# Old-style input specification # Old-style input specification
return node.output_shape shape = node.output_shape
try: else:
# New-style input specification try:
return map(int, node.parameters.shape[0].dim) # New-style input specification
except: shape = map(int, node.parameters.shape[0].dim)
# We most likely have a data layer on our hands. The problem is, except:
# Caffe infers the dimensions of the data from the source (eg: LMDB). # We most likely have a data layer on our hands. The problem is,
# We want to avoid reading datasets here. Fail for now. # Caffe infers the dimensions of the data from the source (eg: LMDB).
# This can be temporarily fixed by transforming the data layer to # We want to avoid reading datasets here. Fail for now.
# Caffe's "input" layer (as is usually used in the "deploy" version). # This can be temporarily fixed by transforming the data layer to
# TODO: Find a better solution for this. # Caffe's "input" layer (as is usually used in the "deploy" version).
raise KaffeError('Cannot determine dimensions of data layer.\n' # TODO: Find a better solution for this.
'See comments in function shape_data for more info.') raise KaffeError(
'Cannot determine dimensions of data layer.\n'
'See comments in function shape_data for more info.')
return shape
def shape_mem_data(node): def shape_mem_data(node):
...@@ -95,12 +98,16 @@ def shape_convolution(node): ...@@ -95,12 +98,16 @@ def shape_convolution(node):
def shape_pool(node): def shape_pool(node):
global_pool = getattr(node.layer.parameters, 'global_pooling', False)
if global_pool:
input_shape = node.get_only_parent().output_shape
return make_tensor(input_shape.batch_size, input_shape.channels, 1, 1)
ceil_mode = getattr(node.layer.parameters, 'ceil_mode', True) ceil_mode = getattr(node.layer.parameters, 'ceil_mode', True)
if ceil_mode is True: if ceil_mode is True:
method = math.ceil method = math.ceil
else: else:
method = math.floor method = math.floor
return get_strided_kernel_output_shape(node, method) return get_strided_kernel_output_shape(node, method)
......
...@@ -66,12 +66,14 @@ class DataInjector(object): ...@@ -66,12 +66,14 @@ class DataInjector(object):
def adjust_parameters(self, node, data): def adjust_parameters(self, node, data):
if not self.did_use_pb: if not self.did_use_pb:
return data return data
# When using the protobuf-backend, each parameter initially has four dimensions. # When using the protobuf-backend, each parameter initially has four dimensions.
# In certain cases (like FC layers), we want to eliminate the singleton dimensions. # In certain cases (like FC layers), we want to eliminate the singleton dimensions.
# This implementation takes care of the common cases. However, it does leave the # This implementation takes care of the common cases. However, it does leave the
# potential for future issues. # potential for future issues.
# The Caffe-backend does not suffer from this problem. # The Caffe-backend does not suffer from this problem.
data = list(data) data = list(data)
squeeze_indices = [1] # Squeeze biases. squeeze_indices = [1] # Squeeze biases.
if node.kind == NodeKind.InnerProduct: if node.kind == NodeKind.InnerProduct:
squeeze_indices.append(0) # Squeeze FC. squeeze_indices.append(0) # Squeeze FC.
...@@ -80,8 +82,22 @@ class DataInjector(object): ...@@ -80,8 +82,22 @@ class DataInjector(object):
if idx >= len(data): if idx >= len(data):
continue continue
shape_old = data[idx].shape d = data[idx]
data[idx] = np.squeeze(data[idx]) assert len(
d.shape
) == 4, 'invalid shape[%s] from caffe when adjust_parameters' % (
str(d.shape))
shape_old = d.shape
sq_axis = None
if idx == 0:
sq_axis = (0, 1)
elif idx == 1:
sq_axis = (0, 1, 2)
else:
continue
data[idx] = np.squeeze(d, axis=sq_axis)
shape_new = data[idx].shape shape_new = data[idx].shape
if len(shape_old) != shape_new: if len(shape_old) != shape_new:
debug('squeeze idx:%d, with kind:%s,name:%s' % \ debug('squeeze idx:%d, with kind:%s,name:%s' % \
...@@ -131,18 +147,19 @@ class DataReshaper(object): ...@@ -131,18 +147,19 @@ class DataReshaper(object):
for node in graph.nodes: for node in graph.nodes:
if node.data is None: if node.data is None:
continue continue
if node.kind not in self.reshaped_node_types: if node.kind not in self.reshaped_node_types:
# Check for 2+ dimensional data # Check for 2+ dimensional data
if any(len(tensor.shape) > 1 for tensor in node.data): #if any(len(tensor.shape) > 1 for tensor in node.data):
notice('parmaters not reshaped for node: {}'.format(node)) # notice('parmaters not reshaped for node: {}'.format(node))
continue continue
transpose_order = self.map(node.kind) transpose_order = self.map(node.kind)
weights = node.data[0] weights = node.data[0]
if (node.kind == NodeKind.InnerProduct if node.kind == NodeKind.InnerProduct:
) and self.has_spatial_parent(node):
# The FC layer connected to the spatial layer needs to be # The FC layer connected to the spatial layer needs to be
# re-wired to match the new spatial ordering. # re-wired to match the new spatial ordering.
in_shape = node.get_only_parent().output_shape #in_shape = node.get_only_parent().output_shape
fc_shape = weights.shape fc_shape = weights.shape
output_channels = fc_shape[0] output_channels = fc_shape[0]
weights = weights.reshape((output_channels, -1)) weights = weights.reshape((output_channels, -1))
...@@ -216,8 +233,9 @@ class ReLUFuser(SubNodeFuser): ...@@ -216,8 +233,9 @@ class ReLUFuser(SubNodeFuser):
parent.kind in self.allowed_parent_types) and \ parent.kind in self.allowed_parent_types) and \
child.kind == NodeKind.ReLU) child.kind == NodeKind.ReLU)
def merge(self, parent, _): def merge(self, parent, child):
parent.metadata['relu'] = True parent.metadata['relu'] = True
parent.metadata['relu_negative_slope'] = child.parameters.negative_slope
class BatchNormScaleBiasFuser(SubNodeFuser): class BatchNormScaleBiasFuser(SubNodeFuser):
...@@ -299,8 +317,11 @@ class ParameterNamer(object): ...@@ -299,8 +317,11 @@ class ParameterNamer(object):
names = ('mean', 'variance') names = ('mean', 'variance')
if len(node.data) == 4: if len(node.data) == 4:
names += ('scale', 'offset') names += ('scale', 'offset')
elif node.kind == NodeKind.Scale:
names = ('scale', 'offset')
else: else:
warn('Unhandled parameters: {}'.format(node.kind)) warn('Unhandled parameters when naming this it[%s]' %
(node.kind))
continue continue
assert len(names) == len(node.data) assert len(names) == len(node.data)
node.data = dict(zip(names, node.data)) node.data = dict(zip(names, node.data))
......
...@@ -11,14 +11,10 @@ if [[ -z $PROTOC ]];then ...@@ -11,14 +11,10 @@ if [[ -z $PROTOC ]];then
fi fi
WORK_ROOT=$(dirname `readlink -f "$BASH_SOURCE[0]"`) WORK_ROOT=$(dirname `readlink -f "$BASH_SOURCE[0]"`)
PY_NAME="$WORK_ROOT/caffepb.py" PY_NAME="$WORK_ROOT/caffe_pb2.py"
$PROTOC --proto_path=$WORK_ROOT --python_out=$WORK_ROOT $WORK_ROOT/caffe.proto $PROTOC --proto_path=$WORK_ROOT --python_out=$WORK_ROOT $WORK_ROOT/caffe.proto
ret=$? ret=$?
if [ $ret -eq 0 ];then
mv $WORK_ROOT/caffe_pb2.py $PY_NAME
fi
if [ -e "$PY_NAME" ];then if [ -e "$PY_NAME" ];then
echo "succeed to generate [$PY_NAME]" echo "succeed to generate [$PY_NAME]"
exit 0 exit 0
......
cd train
dir=./
for x in `ls *.tar`
do
filename=`basename $x .tar`
mkdir $filename
tar -xvf $x -C ./$filename
done
import os
import sys
import numpy as np
import argparse
import functools
import paddle
import paddle.fluid as fluid
from utility import add_arguments, print_arguments
from se_resnext import SE_ResNeXt
import reader
parser = argparse.ArgumentParser(description=__doc__)
add_arg = functools.partial(add_arguments, argparser=parser)
# yapf: disable
add_arg('batch_size', int, 32, "Minibatch size.")
add_arg('use_gpu', bool, True, "Whether to use GPU or not.")
add_arg('test_list', str, '', "The testing data lists.")
add_arg('num_layers', int, 50, "How many layers for SE-ResNeXt model.")
add_arg('model_dir', str, '', "The model path.")
# yapf: enable
def eval(args):
class_dim = 1000
image_shape = [3, 224, 224]
image = fluid.layers.data(name='image', shape=image_shape, dtype='float32')
label = fluid.layers.data(name='label', shape=[1], dtype='int64')
out = SE_ResNeXt(input=image, class_dim=class_dim, layers=args.num_layers)
cost = fluid.layers.cross_entropy(input=out, label=label)
acc_top1 = fluid.layers.accuracy(input=out, label=label, k=1)
acc_top5 = fluid.layers.accuracy(input=out, label=label, k=5)
avg_cost = fluid.layers.mean(x=cost)
inference_program = fluid.default_main_program().clone(for_test=True)
place = fluid.CUDAPlace(0) if args.use_gpu else fluid.CPUPlace()
exe = fluid.Executor(place)
if not os.path.exists(args.model_dir):
raise ValueError("The model path [%s] does not exist." %
(args.model_dir))
if not os.path.exists(args.test_list):
raise ValueError("The test lists [%s] does not exist." %
(args.test_list))
def if_exist(var):
return os.path.exists(os.path.join(args.model_dir, var.name))
fluid.io.load_vars(exe, args.model_dir, predicate=if_exist)
test_reader = paddle.batch(
reader.test(args.test_list), batch_size=args.batch_size)
feeder = fluid.DataFeeder(place=place, feed_list=[image, label])
fetch_list = [avg_cost, acc_top1, acc_top5]
test_info = [[], [], []]
for batch_id, data in enumerate(test_reader()):
loss, acc1, acc5 = exe.run(inference_program,
feed=feeder.feed(data),
fetch_list=fetch_list)
test_info[0].append(loss[0])
test_info[1].append(acc1[0])
test_info[2].append(acc5[0])
if batch_id % 1 == 0:
print("Test {0}, loss {1}, acc1 {2}, acc5 {3}"
.format(batch_id, loss[0], acc1[0], acc5[0]))
sys.stdout.flush()
test_loss = np.array(test_info[0]).mean()
test_acc1 = np.array(test_info[1]).mean()
test_acc5 = np.array(test_info[2]).mean()
print("Test loss {0}, acc1 {1}, acc5 {2}".format(test_loss, test_acc1,
test_acc5))
sys.stdout.flush()
if __name__ == '__main__':
args = parser.parse_args()
print_arguments(args)
eval(args)
import os
import paddle.fluid as fluid
def inception_v4(img, class_dim):
tmp = stem(input=img)
for i in range(1):
tmp = inception_A(input=tmp, depth=i)
tmp = reduction_A(input=tmp)
for i in range(7):
tmp = inception_B(input=tmp, depth=i)
reduction_B(input=tmp)
for i in range(3):
tmp = inception_C(input=tmp, depth=i)
pool = fluid.layers.pool2d(
pool_type='avg', input=tmp, pool_size=7, pool_stride=1)
dropout = fluid.layers.dropout(x=pool, dropout_prob=0.2)
fc = fluid.layers.fc(input=dropout, size=class_dim, act='softmax')
out = fluid.layers.softmax(input=fc)
return out
def conv_bn_layer(name,
input,
num_filters,
filter_size,
padding=0,
stride=1,
groups=1,
act=None):
conv = fluid.layers.conv2d(
name=name,
input=input,
num_filters=num_filters,
filter_size=filter_size,
stride=stride,
padding=padding,
groups=groups,
act=None,
bias_attr=False)
return fluid.layers.batch_norm(name=name + '_norm', input=conv, act=act)
def stem(input):
conv0 = conv_bn_layer(
name='stem_conv_0',
input=input,
num_filters=32,
filter_size=3,
padding=1,
stride=2)
conv1 = conv_bn_layer(
name='stem_conv_1',
input=conv0,
num_filters=32,
filter_size=3,
padding=1)
conv2 = conv_bn_layer(
name='stem_conv_2',
input=conv1,
num_filters=64,
filter_size=3,
padding=1)
def block0(input):
pool0 = fluid.layers.pool2d(
input=input,
pool_size=3,
pool_stride=2,
pool_type='max',
pool_padding=1)
conv0 = conv_bn_layer(
name='stem_block0_conv',
input=input,
num_filters=96,
filter_size=3,
stride=2,
padding=1)
return fluid.layers.concat(input=[pool0, conv0], axis=1)
def block1(input):
l_conv0 = conv_bn_layer(
name='stem_block1_l_conv0',
input=input,
num_filters=64,
filter_size=1,
stride=1,
padding=0)
l_conv1 = conv_bn_layer(
name='stem_block1_l_conv1',
input=l_conv0,
num_filters=96,
filter_size=3,
stride=1,
padding=1)
r_conv0 = conv_bn_layer(
name='stem_block1_r_conv0',
input=input,
num_filters=64,
filter_size=1,
stride=1,
padding=0)
r_conv1 = conv_bn_layer(
name='stem_block1_r_conv1',
input=r_conv0,
num_filters=64,
filter_size=(7, 1),
stride=1,
padding=(3, 0))
r_conv2 = conv_bn_layer(
name='stem_block1_r_conv2',
input=r_conv1,
num_filters=64,
filter_size=(1, 7),
stride=1,
padding=(0, 3))
r_conv3 = conv_bn_layer(
name='stem_block1_r_conv3',
input=r_conv2,
num_filters=96,
filter_size=3,
stride=1,
padding=1)
return fluid.layers.concat(input=[l_conv1, r_conv3], axis=1)
def block2(input):
conv0 = conv_bn_layer(
name='stem_block2_conv',
input=input,
num_filters=192,
filter_size=3,
stride=2,
padding=1)
pool0 = fluid.layers.pool2d(
input=input,
pool_size=3,
pool_stride=2,
pool_padding=1,
pool_type='max')
return fluid.layers.concat(input=[conv0, pool0], axis=1)
conv3 = block0(conv2)
conv4 = block1(conv3)
conv5 = block2(conv4)
return conv5
def inception_A(input, depth):
b0_pool0 = fluid.layers.pool2d(
name='inceptA{0}_branch0_pool0'.format(depth),
input=input,
pool_size=3,
pool_stride=1,
pool_padding=1,
pool_type='avg')
b0_conv0 = conv_bn_layer(
name='inceptA{0}_branch0_conv0'.format(depth),
input=b0_pool0,
num_filters=96,
filter_size=1,
stride=1,
padding=0)
b1_conv0 = conv_bn_layer(
name='inceptA{0}_branch1_conv0'.format(depth),
input=input,
num_filters=96,
filter_size=1,
stride=1,
padding=0)
b2_conv0 = conv_bn_layer(
name='inceptA{0}_branch2_conv0'.format(depth),
input=input,
num_filters=64,
filter_size=1,
stride=1,
padding=0)
b2_conv1 = conv_bn_layer(
name='inceptA{0}_branch2_conv1'.format(depth),
input=b2_conv0,
num_filters=96,
filter_size=3,
stride=1,
padding=1)
b3_conv0 = conv_bn_layer(
name='inceptA{0}_branch3_conv0'.format(depth),
input=input,
num_filters=64,
filter_size=1,
stride=1,
padding=0)
b3_conv1 = conv_bn_layer(
name='inceptA{0}_branch3_conv1'.format(depth),
input=b3_conv0,
num_filters=96,
filter_size=3,
stride=1,
padding=1)
b3_conv2 = conv_bn_layer(
name='inceptA{0}_branch3_conv2'.format(depth),
input=b3_conv1,
num_filters=96,
filter_size=3,
stride=1,
padding=1)
return fluid.layers.concat(
input=[b0_conv0, b1_conv0, b2_conv1, b3_conv2], axis=1)
def reduction_A(input):
b0_pool0 = fluid.layers.pool2d(
name='ReductA_branch0_pool0',
input=input,
pool_size=3,
pool_stride=2,
pool_padding=1,
pool_type='max')
b1_conv0 = conv_bn_layer(
name='ReductA_branch1_conv0',
input=input,
num_filters=384,
filter_size=3,
stride=2,
padding=1)
b2_conv0 = conv_bn_layer(
name='ReductA_branch2_conv0',
input=input,
num_filters=192,
filter_size=1,
stride=1,
padding=0)
b2_conv1 = conv_bn_layer(
name='ReductA_branch2_conv1',
input=b2_conv0,
num_filters=224,
filter_size=3,
stride=1,
padding=1)
b2_conv2 = conv_bn_layer(
name='ReductA_branch2_conv2',
input=b2_conv1,
num_filters=256,
filter_size=3,
stride=2,
padding=1)
return fluid.layers.concat(input=[b0_pool0, b1_conv0, b2_conv2], axis=1)
def inception_B(input, depth):
b0_pool0 = fluid.layers.pool2d(
name='inceptB{0}_branch0_pool0'.format(depth),
input=input,
pool_size=3,
pool_stride=1,
pool_padding=1,
pool_type='avg')
b0_conv0 = conv_bn_layer(
name='inceptB{0}_branch0_conv0'.format(depth),
input=b0_pool0,
num_filters=128,
filter_size=1,
stride=1,
padding=0)
b1_conv0 = conv_bn_layer(
name='inceptB{0}_branch1_conv0'.format(depth),
input=input,
num_filters=384,
filter_size=1,
stride=1,
padding=0)
b2_conv0 = conv_bn_layer(
name='inceptB{0}_branch2_conv0'.format(depth),
input=input,
num_filters=192,
filter_size=1,
stride=1,
padding=0)
b2_conv1 = conv_bn_layer(
name='inceptB{0}_branch2_conv1'.format(depth),
input=b2_conv0,
num_filters=224,
filter_size=(1, 7),
stride=1,
padding=(0, 3))
b2_conv2 = conv_bn_layer(
name='inceptB{0}_branch2_conv2'.format(depth),
input=b2_conv1,
num_filters=256,
filter_size=(7, 1),
stride=1,
padding=(3, 0))
b3_conv0 = conv_bn_layer(
name='inceptB{0}_branch3_conv0'.format(depth),
input=input,
num_filters=192,
filter_size=1,
stride=1,
padding=0)
b3_conv1 = conv_bn_layer(
name='inceptB{0}_branch3_conv1'.format(depth),
input=b3_conv0,
num_filters=192,
filter_size=(1, 7),
stride=1,
padding=(0, 3))
b3_conv2 = conv_bn_layer(
name='inceptB{0}_branch3_conv2'.format(depth),
input=b3_conv1,
num_filters=224,
filter_size=(7, 1),
stride=1,
padding=(3, 0))
b3_conv3 = conv_bn_layer(
name='inceptB{0}_branch3_conv3'.format(depth),
input=b3_conv2,
num_filters=224,
filter_size=(1, 7),
stride=1,
padding=(0, 3))
b3_conv4 = conv_bn_layer(
name='inceptB{0}_branch3_conv4'.format(depth),
input=b3_conv3,
num_filters=256,
filter_size=(7, 1),
stride=1,
padding=(3, 0))
return fluid.layers.concat(
input=[b0_conv0, b1_conv0, b2_conv2, b3_conv4], axis=1)
def reduction_B(input):
b0_pool0 = fluid.layers.pool2d(
name='ReductB_branch0_pool0',
input=input,
pool_size=3,
pool_stride=2,
pool_padding=1,
pool_type='max')
b1_conv0 = conv_bn_layer(
name='ReductB_branch1_conv0',
input=input,
num_filters=192,
filter_size=1,
stride=1,
padding=0)
b1_conv1 = conv_bn_layer(
name='ReductB_branch1_conv1',
input=b1_conv0,
num_filters=192,
filter_size=3,
stride=2,
padding=1)
b2_conv0 = conv_bn_layer(
name='ReductB_branch2_conv0',
input=input,
num_filters=256,
filter_size=1,
stride=1,
padding=0)
b2_conv1 = conv_bn_layer(
name='ReductB_branch2_conv1',
input=b2_conv0,
num_filters=256,
filter_size=(1, 7),
stride=1,
padding=(0, 3))
b2_conv2 = conv_bn_layer(
name='ReductB_branch2_conv2',
input=b2_conv1,
num_filters=320,
filter_size=(7, 1),
stride=1,
padding=(3, 0))
b2_conv3 = conv_bn_layer(
name='ReductB_branch2_conv3',
input=b2_conv2,
num_filters=320,
filter_size=3,
stride=2,
padding=1)
return fluid.layers.concat(input=[b0_pool0, b1_conv1, b2_conv3], axis=1)
def inception_C(input, depth):
b0_pool0 = fluid.layers.pool2d(
name='inceptC{0}_branch0_pool0'.format(depth),
input=input,
pool_size=3,
pool_stride=1,
pool_padding=1,
pool_type='avg')
b0_conv0 = conv_bn_layer(
name='inceptC{0}_branch0_conv0'.format(depth),
input=b0_pool0,
num_filters=256,
filter_size=1,
stride=1,
padding=0)
b1_conv0 = conv_bn_layer(
name='inceptC{0}_branch1_conv0'.format(depth),
input=input,
num_filters=256,
filter_size=1,
stride=1,
padding=0)
b2_conv0 = conv_bn_layer(
name='inceptC{0}_branch2_conv0'.format(depth),
input=input,
num_filters=384,
filter_size=1,
stride=1,
padding=0)
b2_conv1 = conv_bn_layer(
name='inceptC{0}_branch2_conv1'.format(depth),
input=b2_conv0,
num_filters=256,
filter_size=(1, 3),
stride=1,
padding=(0, 1))
b2_conv2 = conv_bn_layer(
name='inceptC{0}_branch2_conv2'.format(depth),
input=b2_conv0,
num_filters=256,
filter_size=(3, 1),
stride=1,
padding=(1, 0))
b3_conv0 = conv_bn_layer(
name='inceptC{0}_branch3_conv0'.format(depth),
input=input,
num_filters=384,
filter_size=1,
stride=1,
padding=0)
b3_conv1 = conv_bn_layer(
name='inceptC{0}_branch3_conv1'.format(depth),
input=b3_conv0,
num_filters=448,
filter_size=(1, 3),
stride=1,
padding=(0, 1))
b3_conv2 = conv_bn_layer(
name='inceptC{0}_branch3_conv2'.format(depth),
input=b3_conv1,
num_filters=512,
filter_size=(3, 1),
stride=1,
padding=(1, 0))
b3_conv3 = conv_bn_layer(
name='inceptC{0}_branch3_conv3'.format(depth),
input=b3_conv2,
num_filters=256,
filter_size=(3, 1),
stride=1,
padding=(1, 0))
b3_conv4 = conv_bn_layer(
name='inceptC{0}_branch3_conv4'.format(depth),
input=b3_conv2,
num_filters=256,
filter_size=(1, 3),
stride=1,
padding=(0, 1))
return fluid.layers.concat(
input=[b0_conv0, b1_conv0, b2_conv1, b2_conv2, b3_conv3, b3_conv4],
axis=1)
import os
import sys
import numpy as np
import argparse
import functools
import paddle
import paddle.fluid as fluid
from utility import add_arguments, print_arguments
from se_resnext import SE_ResNeXt
import reader
parser = argparse.ArgumentParser(description=__doc__)
add_arg = functools.partial(add_arguments, argparser=parser)
# yapf: disable
add_arg('batch_size', int, 1, "Minibatch size.")
add_arg('use_gpu', bool, True, "Whether to use GPU or not.")
add_arg('test_list', str, '', "The testing data lists.")
add_arg('num_layers', int, 50, "How many layers for SE-ResNeXt model.")
add_arg('model_dir', str, '', "The model path.")
# yapf: enable
def infer(args):
class_dim = 1000
image_shape = [3, 224, 224]
image = fluid.layers.data(name='image', shape=image_shape, dtype='float32')
out = SE_ResNeXt(input=image, class_dim=class_dim, layers=args.num_layers)
out = fluid.layers.softmax(input=out)
inference_program = fluid.default_main_program().clone(for_test=True)
place = fluid.CUDAPlace(0) if args.use_gpu else fluid.CPUPlace()
exe = fluid.Executor(place)
if not os.path.exists(args.model_dir):
raise ValueError("The model path [%s] does not exist." %
(args.model_dir))
if not os.path.exists(args.test_list):
raise ValueError("The test lists [%s] does not exist." %
(args.test_list))
def if_exist(var):
return os.path.exists(os.path.join(args.model_dir, var.name))
fluid.io.load_vars(exe, args.model_dir, predicate=if_exist)
test_reader = paddle.batch(
reader.infer(args.test_list), batch_size=args.batch_size)
feeder = fluid.DataFeeder(place=place, feed_list=[image])
fetch_list = [out]
TOPK = 1
for batch_id, data in enumerate(test_reader()):
result = exe.run(inference_program,
feed=feeder.feed(data),
fetch_list=fetch_list)
result = result[0]
pred_label = np.argsort(result)[::-1][0][0]
print("Test {0}-score {1}, class {2}: "
.format(batch_id, result[0][pred_label], pred_label))
sys.stdout.flush()
if __name__ == '__main__':
args = parser.parse_args()
print_arguments(args)
infer(args)
...@@ -153,72 +153,3 @@ def mobile_net(img, class_dim, scale=1.0): ...@@ -153,72 +153,3 @@ def mobile_net(img, class_dim, scale=1.0):
act='softmax', act='softmax',
param_attr=parameter_attr) param_attr=parameter_attr)
return tmp return tmp
def train(learning_rate, batch_size, num_passes, model_save_dir='model'):
class_dim = 102
image_shape = [3, 224, 224]
image = fluid.layers.data(name='image', shape=image_shape, dtype='float32')
label = fluid.layers.data(name='label', shape=[1], dtype='int64')
out = mobile_net(image, class_dim=class_dim)
cost = fluid.layers.cross_entropy(input=out, label=label)
avg_cost = fluid.layers.mean(x=cost)
optimizer = fluid.optimizer.Momentum(
learning_rate=learning_rate,
momentum=0.9,
regularization=fluid.regularizer.L2Decay(5 * 1e-5))
opts = optimizer.minimize(avg_cost)
b_size_var = fluid.layers.create_tensor(dtype='int64')
b_acc_var = fluid.layers.accuracy(input=out, label=label, total=b_size_var)
inference_program = fluid.default_main_program().clone()
with fluid.program_guard(inference_program):
inference_program = fluid.io.get_inference_program(
target_vars=[b_acc_var, b_size_var])
place = fluid.CPUPlace()
exe = fluid.Executor(place)
exe.run(fluid.default_startup_program())
train_reader = paddle.batch(
paddle.dataset.flowers.train(), batch_size=batch_size)
test_reader = paddle.batch(
paddle.dataset.flowers.test(), batch_size=batch_size)
feeder = fluid.DataFeeder(place=place, feed_list=[image, label])
train_pass_acc_evaluator = fluid.average.WeightedAverage()
test_pass_acc_evaluator = fluid.average.WeightedAverage()
for pass_id in range(num_passes):
train_pass_acc_evaluator.reset()
for batch_id, data in enumerate(train_reader()):
loss, acc, size = exe.run(
fluid.default_main_program(),
feed=feeder.feed(data),
fetch_list=[avg_cost, b_acc_var, b_size_var])
train_pass_acc_evaluator.add(value=acc, weight=size)
print("Pass {0}, batch {1}, loss {2}, acc {3}".format(
pass_id, batch_id, loss[0], acc[0]))
test_pass_acc_evaluator.reset()
for data in test_reader():
loss, acc, size = exe.run(
inference_program,
feed=feeder.feed(data),
fetch_list=[avg_cost, b_acc_var, b_size_var])
test_pass_acc_evaluator.add(value=acc, weight=size)
print("End pass {0}, train_acc {1}, test_acc {2}".format(
pass_id,
train_pass_acc_evaluator.eval(), test_pass_acc_evaluator.eval()))
if pass_id % 10 == 0:
model_path = os.path.join(model_save_dir, str(pass_id))
print 'save models to %s' % (model_path)
fluid.io.save_inference_model(model_path, ['image'], [out], exe)
if __name__ == '__main__':
train(learning_rate=0.005, batch_size=40, num_passes=300)
...@@ -3,7 +3,7 @@ import math ...@@ -3,7 +3,7 @@ import math
import random import random
import functools import functools
import numpy as np import numpy as np
import paddle.v2 as paddle import paddle
from PIL import Image, ImageEnhance from PIL import Image, ImageEnhance
random.seed(0) random.seed(0)
...@@ -13,9 +13,9 @@ DATA_DIM = 224 ...@@ -13,9 +13,9 @@ DATA_DIM = 224
THREAD = 8 THREAD = 8
BUF_SIZE = 1024 BUF_SIZE = 1024
DATA_DIR = 'ILSVRC2012' DATA_DIR = 'data/ILSVRC2012'
TRAIN_LIST = 'ILSVRC2012/train_list.txt' TRAIN_LIST = 'data/ILSVRC2012/train_list.txt'
TEST_LIST = 'ILSVRC2012/test_list.txt' TEST_LIST = 'data/ILSVRC2012/val_list.txt'
img_mean = np.array([0.485, 0.456, 0.406]).reshape((3, 1, 1)) img_mean = np.array([0.485, 0.456, 0.406]).reshape((3, 1, 1))
img_std = np.array([0.229, 0.224, 0.225]).reshape((3, 1, 1)) img_std = np.array([0.229, 0.224, 0.225]).reshape((3, 1, 1))
...@@ -123,7 +123,7 @@ def process_image(sample, mode, color_jitter, rotate): ...@@ -123,7 +123,7 @@ def process_image(sample, mode, color_jitter, rotate):
if mode == 'train' or mode == 'test': if mode == 'train' or mode == 'test':
return img, sample[1] return img, sample[1]
elif mode == 'infer': elif mode == 'infer':
return img return [img]
def _reader_creator(file_list, def _reader_creator(file_list,
...@@ -151,13 +151,13 @@ def _reader_creator(file_list, ...@@ -151,13 +151,13 @@ def _reader_creator(file_list,
return paddle.reader.xmap_readers(mapper, reader, THREAD, BUF_SIZE) return paddle.reader.xmap_readers(mapper, reader, THREAD, BUF_SIZE)
def train(): def train(file_list=TRAIN_LIST):
return _reader_creator( return _reader_creator(
TRAIN_LIST, 'train', shuffle=True, color_jitter=True, rotate=True) file_list, 'train', shuffle=True, color_jitter=False, rotate=False)
def test(): def test(file_list=TEST_LIST):
return _reader_creator(TEST_LIST, 'test', shuffle=False) return _reader_creator(file_list, 'test', shuffle=False)
def infer(file_list): def infer(file_list):
......
import paddle.v2 as paddle import os
import numpy as np
import time
import sys
import paddle
import paddle.fluid as fluid import paddle.fluid as fluid
import reader
import paddle.fluid.layers.control_flow as control_flow
import paddle.fluid.layers.nn as nn
import paddle.fluid.layers.tensor as tensor
import math
def conv_bn_layer(input, num_filters, filter_size, stride=1, groups=1, def conv_bn_layer(input, num_filters, filter_size, stride=1, groups=1,
...@@ -19,23 +28,28 @@ def conv_bn_layer(input, num_filters, filter_size, stride=1, groups=1, ...@@ -19,23 +28,28 @@ def conv_bn_layer(input, num_filters, filter_size, stride=1, groups=1,
def squeeze_excitation(input, num_channels, reduction_ratio): def squeeze_excitation(input, num_channels, reduction_ratio):
pool = fluid.layers.pool2d( pool = fluid.layers.pool2d(
input=input, pool_size=0, pool_type='avg', global_pooling=True) input=input, pool_size=0, pool_type='avg', global_pooling=True)
stdv = 1.0 / math.sqrt(pool.shape[1] * 1.0)
squeeze = fluid.layers.fc(input=pool, squeeze = fluid.layers.fc(input=pool,
size=num_channels / reduction_ratio, size=num_channels / reduction_ratio,
act='relu') act='relu',
param_attr=fluid.param_attr.ParamAttr(
initializer=fluid.initializer.Uniform(-stdv,
stdv)))
stdv = 1.0 / math.sqrt(squeeze.shape[1] * 1.0)
excitation = fluid.layers.fc(input=squeeze, excitation = fluid.layers.fc(input=squeeze,
size=num_channels, size=num_channels,
act='sigmoid') act='sigmoid',
param_attr=fluid.param_attr.ParamAttr(
initializer=fluid.initializer.Uniform(
-stdv, stdv)))
scale = fluid.layers.elementwise_mul(x=input, y=excitation, axis=0) scale = fluid.layers.elementwise_mul(x=input, y=excitation, axis=0)
return scale return scale
def shortcut(input, ch_out, stride): def shortcut(input, ch_out, stride):
ch_in = input.shape[1] ch_in = input.shape[1]
if ch_in != ch_out: if ch_in != ch_out or stride != 1:
if stride == 1: filter_size = 1
filter_size = 1
else:
filter_size = 3
return conv_bn_layer(input, ch_out, filter_size, stride) return conv_bn_layer(input, ch_out, filter_size, stride)
else: else:
return input return input
...@@ -66,8 +80,8 @@ def bottleneck_block(input, num_filters, stride, cardinality, reduction_ratio): ...@@ -66,8 +80,8 @@ def bottleneck_block(input, num_filters, stride, cardinality, reduction_ratio):
def SE_ResNeXt(input, class_dim, infer=False, layers=50): def SE_ResNeXt(input, class_dim, infer=False, layers=50):
supported_layers = [50, 152] supported_layers = [50, 152]
if layers not in supported_layers: if layers not in supported_layers:
print("supported layers are", supported_layers, "but input layer is", print("supported layers are", supported_layers, \
layers) "but input layer is ", layers)
exit() exit()
if layers == 50: if layers == 50:
cardinality = 32 cardinality = 32
...@@ -96,10 +110,7 @@ def SE_ResNeXt(input, class_dim, infer=False, layers=50): ...@@ -96,10 +110,7 @@ def SE_ResNeXt(input, class_dim, infer=False, layers=50):
conv = conv_bn_layer( conv = conv_bn_layer(
input=conv, num_filters=128, filter_size=3, stride=1, act='relu') input=conv, num_filters=128, filter_size=3, stride=1, act='relu')
conv = fluid.layers.pool2d( conv = fluid.layers.pool2d(
input=conv, input=conv, pool_size=3, pool_stride=2, pool_padding=1, \
pool_size=3,
pool_stride=2,
pool_padding=1,
pool_type='max') pool_type='max')
for block in range(len(depth)): for block in range(len(depth)):
...@@ -112,10 +123,16 @@ def SE_ResNeXt(input, class_dim, infer=False, layers=50): ...@@ -112,10 +123,16 @@ def SE_ResNeXt(input, class_dim, infer=False, layers=50):
reduction_ratio=reduction_ratio) reduction_ratio=reduction_ratio)
pool = fluid.layers.pool2d( pool = fluid.layers.pool2d(
input=conv, pool_size=0, pool_type='avg', global_pooling=True) input=conv, pool_size=7, pool_type='avg', global_pooling=True)
if not infer: if not infer:
drop = fluid.layers.dropout(x=pool, dropout_prob=0.2) drop = fluid.layers.dropout(x=pool, dropout_prob=0.5)
else: else:
drop = pool drop = pool
out = fluid.layers.fc(input=drop, size=class_dim, act='softmax') stdv = 1.0 / math.sqrt(drop.shape[1] * 1.0)
out = fluid.layers.fc(input=drop,
size=class_dim,
act='softmax',
param_attr=fluid.param_attr.ParamAttr(
initializer=fluid.initializer.Uniform(-stdv,
stdv)))
return out return out
...@@ -2,23 +2,46 @@ import os ...@@ -2,23 +2,46 @@ import os
import numpy as np import numpy as np
import time import time
import sys import sys
import paddle.v2 as paddle import paddle
import paddle.fluid as fluid import paddle.fluid as fluid
from se_resnext import SE_ResNeXt from se_resnext import SE_ResNeXt
from mobilenet import mobile_net
from inception_v4 import inception_v4
import reader import reader
import argparse import argparse
import functools import functools
import paddle.fluid.layers.ops as ops
from utility import add_arguments, print_arguments from utility import add_arguments, print_arguments
from paddle.fluid.initializer import init_on_cpu
from paddle.fluid.layers.learning_rate_scheduler import _decay_step_counter
import math
parser = argparse.ArgumentParser(description=__doc__) parser = argparse.ArgumentParser(description=__doc__)
add_arg = functools.partial(add_arguments, argparser=parser) add_arg = functools.partial(add_arguments, argparser=parser)
# yapf: disable add_arg('batch_size', int, 256, "Minibatch size.")
add_arg('batch_size', int, 256, "Minibatch size.") add_arg('num_layers', int, 50, "How many layers for SE-ResNeXt model.")
add_arg('num_layers', int, 50, "How many layers for SE-ResNeXt model.") add_arg('with_mem_opt', bool, True,
add_arg('with_mem_opt', bool, True, "Whether to use memory optimization or not.") "Whether to use memory optimization or not.")
add_arg('parallel_exe', bool, True, "Whether to use ParallelExecutor to train or not.") add_arg('parallel_exe', bool, True,
# yapf: enable "Whether to use ParallelExecutor to train or not.")
add_arg('init_model', str, None, "Whether to use initialized model.")
add_arg('pretrained_model', str, None, "Whether to use pretrained model.")
add_arg('lr_strategy', str, "cosine_decay",
"Set the learning rate decay strategy.")
add_arg('model', str, "se_resnext", "Set the network to use.")
def cosine_decay(learning_rate, step_each_epoch, epochs=120):
"""Applies cosine decay to the learning rate.
lr = 0.05 * (math.cos(epoch * (math.pi / 120)) + 1)
"""
global_step = _decay_step_counter()
with init_on_cpu():
epoch = ops.floor(global_step / step_each_epoch)
decayed_lr = learning_rate * \
(ops.cos(epoch * (math.pi / epochs)) + 1)/2
return decayed_lr
def train_parallel_do(args, def train_parallel_do(args,
...@@ -26,6 +49,7 @@ def train_parallel_do(args, ...@@ -26,6 +49,7 @@ def train_parallel_do(args,
batch_size, batch_size,
num_passes, num_passes,
init_model=None, init_model=None,
pretrained_model=None,
model_save_dir='model', model_save_dir='model',
parallel=True, parallel=True,
use_nccl=True, use_nccl=True,
...@@ -44,7 +68,14 @@ def train_parallel_do(args, ...@@ -44,7 +68,14 @@ def train_parallel_do(args,
with pd.do(): with pd.do():
image_ = pd.read_input(image) image_ = pd.read_input(image)
label_ = pd.read_input(label) label_ = pd.read_input(label)
out = SE_ResNeXt(input=image_, class_dim=class_dim, layers=layers) if args.model is 'se_resnext':
out = SE_ResNeXt(
input=image_, class_dim=class_dim, layers=layers)
elif args.model is 'mobile_net':
out = mobile_net(img=image_, class_dim=class_dim)
else:
out = inception_v4(img=image_, class_dim=class_dim)
cost = fluid.layers.cross_entropy(input=out, label=label_) cost = fluid.layers.cross_entropy(input=out, label=label_)
avg_cost = fluid.layers.mean(x=cost) avg_cost = fluid.layers.mean(x=cost)
acc_top1 = fluid.layers.accuracy(input=out, label=label_, k=1) acc_top1 = fluid.layers.accuracy(input=out, label=label_, k=1)
...@@ -58,7 +89,13 @@ def train_parallel_do(args, ...@@ -58,7 +89,13 @@ def train_parallel_do(args,
acc_top1 = fluid.layers.mean(x=acc_top1) acc_top1 = fluid.layers.mean(x=acc_top1)
acc_top5 = fluid.layers.mean(x=acc_top5) acc_top5 = fluid.layers.mean(x=acc_top5)
else: else:
out = SE_ResNeXt(input=image, class_dim=class_dim, layers=layers) if args.model is 'se_resnext':
out = SE_ResNeXt(input=image, class_dim=class_dim, layers=layers)
elif args.model is 'mobile_net':
out = mobile_net(img=image, class_dim=class_dim)
else:
out = inception_v4(img=image, class_dim=class_dim)
cost = fluid.layers.cross_entropy(input=out, label=label) cost = fluid.layers.cross_entropy(input=out, label=label)
avg_cost = fluid.layers.mean(x=cost) avg_cost = fluid.layers.mean(x=cost)
acc_top1 = fluid.layers.accuracy(input=out, label=label, k=1) acc_top1 = fluid.layers.accuracy(input=out, label=label, k=1)
...@@ -66,17 +103,27 @@ def train_parallel_do(args, ...@@ -66,17 +103,27 @@ def train_parallel_do(args,
inference_program = fluid.default_main_program().clone(for_test=True) inference_program = fluid.default_main_program().clone(for_test=True)
if lr_strategy is None: if "piecewise_decay" in lr_strategy:
bd = lr_strategy["piecewise_decay"]["bd"]
lr = lr_strategy["piecewise_decay"]["lr"]
optimizer = fluid.optimizer.Momentum( optimizer = fluid.optimizer.Momentum(
learning_rate=learning_rate, learning_rate=fluid.layers.piecewise_decay(
boundaries=bd, values=lr),
momentum=0.9,
regularization=fluid.regularizer.L2Decay(1e-4))
elif "cosine_decay" in lr_strategy:
step_each_epoch = lr_strategy["cosine_decay"]["step_each_epoch"]
epochs = lr_strategy["cosine_decay"]["epochs"]
optimizer = fluid.optimizer.Momentum(
learning_rate=cosine_decay(
learning_rate=learning_rate,
step_each_epoch=step_each_epoch,
epochs=epochs),
momentum=0.9, momentum=0.9,
regularization=fluid.regularizer.L2Decay(1e-4)) regularization=fluid.regularizer.L2Decay(1e-4))
else: else:
bd = lr_strategy["bd"]
lr = lr_strategy["lr"]
optimizer = fluid.optimizer.Momentum( optimizer = fluid.optimizer.Momentum(
learning_rate=fluid.layers.piecewise_decay( learning_rate=learning_rate,
boundaries=bd, values=lr),
momentum=0.9, momentum=0.9,
regularization=fluid.regularizer.L2Decay(1e-4)) regularization=fluid.regularizer.L2Decay(1e-4))
...@@ -91,6 +138,13 @@ def train_parallel_do(args, ...@@ -91,6 +138,13 @@ def train_parallel_do(args,
if init_model is not None: if init_model is not None:
fluid.io.load_persistables(exe, init_model) fluid.io.load_persistables(exe, init_model)
if pretrained_model:
def if_exist(var):
return os.path.exists(os.path.join(pretrained_model, var.name))
fluid.io.load_vars(exe, pretrained_model, predicate=if_exist)
train_reader = paddle.batch(reader.train(), batch_size=batch_size) train_reader = paddle.batch(reader.train(), batch_size=batch_size)
test_reader = paddle.batch(reader.test(), batch_size=batch_size) test_reader = paddle.batch(reader.test(), batch_size=batch_size)
feeder = fluid.DataFeeder(place=place, feed_list=[image, label]) feeder = fluid.DataFeeder(place=place, feed_list=[image, label])
...@@ -150,7 +204,8 @@ def train_parallel_do(args, ...@@ -150,7 +204,8 @@ def train_parallel_do(args,
test_acc5)) test_acc5))
sys.stdout.flush() sys.stdout.flush()
model_path = os.path.join(model_save_dir, str(pass_id)) model_path = os.path.join(model_save_dir + '/' + args.model,
str(pass_id))
if not os.path.isdir(model_path): if not os.path.isdir(model_path):
os.makedirs(model_path) os.makedirs(model_path)
fluid.io.save_persistables(exe, model_path) fluid.io.save_persistables(exe, model_path)
...@@ -161,6 +216,7 @@ def train_parallel_exe(args, ...@@ -161,6 +216,7 @@ def train_parallel_exe(args,
batch_size, batch_size,
num_passes, num_passes,
init_model=None, init_model=None,
pretrained_model=None,
model_save_dir='model', model_save_dir='model',
parallel=True, parallel=True,
use_nccl=True, use_nccl=True,
...@@ -171,7 +227,13 @@ def train_parallel_exe(args, ...@@ -171,7 +227,13 @@ def train_parallel_exe(args,
image = fluid.layers.data(name='image', shape=image_shape, dtype='float32') image = fluid.layers.data(name='image', shape=image_shape, dtype='float32')
label = fluid.layers.data(name='label', shape=[1], dtype='int64') label = fluid.layers.data(name='label', shape=[1], dtype='int64')
out = SE_ResNeXt(input=image, class_dim=class_dim, layers=layers) if args.model is 'se_resnext':
out = SE_ResNeXt(input=image, class_dim=class_dim, layers=layers)
elif args.model is 'mobile_net':
out = mobile_net(img=image, class_dim=class_dim)
else:
out = inception_v4(img=image, class_dim=class_dim)
cost = fluid.layers.cross_entropy(input=out, label=label) cost = fluid.layers.cross_entropy(input=out, label=label)
acc_top1 = fluid.layers.accuracy(input=out, label=label, k=1) acc_top1 = fluid.layers.accuracy(input=out, label=label, k=1)
acc_top5 = fluid.layers.accuracy(input=out, label=label, k=5) acc_top5 = fluid.layers.accuracy(input=out, label=label, k=5)
...@@ -179,17 +241,27 @@ def train_parallel_exe(args, ...@@ -179,17 +241,27 @@ def train_parallel_exe(args,
test_program = fluid.default_main_program().clone(for_test=True) test_program = fluid.default_main_program().clone(for_test=True)
if lr_strategy is None: if "piecewise_decay" in lr_strategy:
bd = lr_strategy["piecewise_decay"]["bd"]
lr = lr_strategy["piecewise_decay"]["lr"]
optimizer = fluid.optimizer.Momentum( optimizer = fluid.optimizer.Momentum(
learning_rate=learning_rate, learning_rate=fluid.layers.piecewise_decay(
boundaries=bd, values=lr),
momentum=0.9,
regularization=fluid.regularizer.L2Decay(1e-4))
elif "cosine_decay" in lr_strategy:
step_each_epoch = lr_strategy["cosine_decay"]["step_each_epoch"]
epochs = lr_strategy["cosine_decay"]["epochs"]
optimizer = fluid.optimizer.Momentum(
learning_rate=cosine_decay(
learning_rate=learning_rate,
step_each_epoch=step_each_epoch,
epochs=epochs),
momentum=0.9, momentum=0.9,
regularization=fluid.regularizer.L2Decay(1e-4)) regularization=fluid.regularizer.L2Decay(1e-4))
else: else:
bd = lr_strategy["bd"]
lr = lr_strategy["lr"]
optimizer = fluid.optimizer.Momentum( optimizer = fluid.optimizer.Momentum(
learning_rate=fluid.layers.piecewise_decay( learning_rate=learning_rate,
boundaries=bd, values=lr),
momentum=0.9, momentum=0.9,
regularization=fluid.regularizer.L2Decay(1e-4)) regularization=fluid.regularizer.L2Decay(1e-4))
...@@ -205,8 +277,16 @@ def train_parallel_exe(args, ...@@ -205,8 +277,16 @@ def train_parallel_exe(args,
if init_model is not None: if init_model is not None:
fluid.io.load_persistables(exe, init_model) fluid.io.load_persistables(exe, init_model)
if pretrained_model:
def if_exist(var):
return os.path.exists(os.path.join(pretrained_model, var.name))
fluid.io.load_vars(exe, pretrained_model, predicate=if_exist)
train_reader = paddle.batch(reader.train(), batch_size=batch_size) train_reader = paddle.batch(reader.train(), batch_size=batch_size)
test_reader = paddle.batch(reader.test(), batch_size=batch_size) test_reader = paddle.batch(reader.test(), batch_size=batch_size)
feeder = fluid.DataFeeder(place=place, feed_list=[image, label]) feeder = fluid.DataFeeder(place=place, feed_list=[image, label])
train_exe = fluid.ParallelExecutor(use_cuda=True, loss_name=avg_cost.name) train_exe = fluid.ParallelExecutor(use_cuda=True, loss_name=avg_cost.name)
...@@ -220,8 +300,7 @@ def train_parallel_exe(args, ...@@ -220,8 +300,7 @@ def train_parallel_exe(args,
test_info = [[], [], []] test_info = [[], [], []]
for batch_id, data in enumerate(train_reader()): for batch_id, data in enumerate(train_reader()):
t1 = time.time() t1 = time.time()
loss, acc1, acc5 = train_exe.run(fetch_list, loss, acc1, acc5 = train_exe.run(fetch_list, feed=feeder.feed(data))
feed_dict=feeder.feed(data))
t2 = time.time() t2 = time.time()
period = t2 - t1 period = t2 - t1
loss = np.mean(np.array(loss)) loss = np.mean(np.array(loss))
...@@ -243,8 +322,7 @@ def train_parallel_exe(args, ...@@ -243,8 +322,7 @@ def train_parallel_exe(args,
train_acc5 = np.array(train_info[2]).mean() train_acc5 = np.array(train_info[2]).mean()
for data in test_reader(): for data in test_reader():
t1 = time.time() t1 = time.time()
loss, acc1, acc5 = test_exe.run(fetch_list, loss, acc1, acc5 = test_exe.run(fetch_list, feed=feeder.feed(data))
feed_dict=feeder.feed(data))
t2 = time.time() t2 = time.time()
period = t2 - t1 period = t2 - t1
loss = np.mean(np.array(loss)) loss = np.mean(np.array(loss))
...@@ -272,7 +350,8 @@ def train_parallel_exe(args, ...@@ -272,7 +350,8 @@ def train_parallel_exe(args,
test_acc5)) test_acc5))
sys.stdout.flush() sys.stdout.flush()
model_path = os.path.join(model_save_dir, str(pass_id)) model_path = os.path.join(model_save_dir + '/' + args.model,
str(pass_id))
if not os.path.isdir(model_path): if not os.path.isdir(model_path):
os.makedirs(model_path) os.makedirs(model_path)
fluid.io.save_persistables(exe, model_path) fluid.io.save_persistables(exe, model_path)
...@@ -282,25 +361,39 @@ if __name__ == '__main__': ...@@ -282,25 +361,39 @@ if __name__ == '__main__':
args = parser.parse_args() args = parser.parse_args()
print_arguments(args) print_arguments(args)
epoch_points = [30, 60, 90]
total_images = 1281167 total_images = 1281167
batch_size = args.batch_size batch_size = args.batch_size
step = int(total_images / batch_size + 1) step = int(total_images / batch_size + 1)
bd = [e * step for e in epoch_points] num_epochs = 120
lr = [0.1, 0.01, 0.001, 0.0001]
learning_rate_mode = args.lr_strategy
lr_strategy = {"bd": bd, "lr": lr} lr_strategy = {}
if learning_rate_mode == "piecewise_decay":
epoch_points = [30, 60, 90]
bd = [e * step for e in epoch_points]
lr = [0.1, 0.01, 0.001, 0.0001]
lr_strategy[learning_rate_mode] = {"bd": bd, "lr": lr}
elif learning_rate_mode == "cosine_decay":
lr_strategy[learning_rate_mode] = {
"step_each_epoch": step,
"epochs": num_epochs
}
else:
lr_strategy = None
use_nccl = True use_nccl = True
# layers: 50, 152 # layers: 50, 152
layers = args.num_layers layers = args.num_layers
method = train_parallel_exe if args.parallel_exe else train_parallel_do method = train_parallel_exe if args.parallel_exe else train_parallel_do
init_model = args.init_model if args.init_model else None
pretrained_model = args.pretrained_model if args.pretrained_model else None
method( method(
args, args,
learning_rate=0.1, learning_rate=0.1,
batch_size=batch_size, batch_size=batch_size,
num_passes=120, num_passes=num_epochs,
init_model=None, init_model=init_model,
pretrained_model=pretrained_model,
parallel=True, parallel=True,
use_nccl=True, use_nccl=True,
lr_strategy=lr_strategy, lr_strategy=lr_strategy,
......
# 语言模型
以下是本例的简要目录结构及说明:
```text
.
├── README.md # 文档
├── train.py # 训练脚本
├── infer.py # 预测脚本
└── utils.py # 通用函数
```
## 简介
循环神经网络语言模型的介绍可以参阅论文[Recurrent Neural Network Regularization](https://arxiv.org/abs/1409.2329),在本例中,我们实现了GRU-RNN语言模型。
## 训练
运行命令 `python train.py` 开始训练模型。
```python
python train.py
```
当前支持的参数可参见[train.py](./train.py) `train_net` 函数
```python
vocab, train_reader, test_reader = utils.prepare_data(
batch_size=20, # batch size
buffer_size=1000, # buffer size, default value is OK
word_freq_threshold=0) # vocabulary related parameter, and words with frequency below this value will be filtered
train(train_reader=train_reader,
vocab=vocab,
network=network,
hid_size=200, # embedding and hidden size
base_lr=1.0, # base learning rate
batch_size=20, # batch size, the same as that in prepare_data
pass_num=12, # the number of passes for training
use_cuda=True, # whether to use GPU card
parallel=False, # whether to be parallel
model_dir="model", # directory to save model
init_low_bound=-0.1, # uniform parameter initialization lower bound
init_high_bound=0.1) # uniform parameter initialization upper bound
```
## 自定义网络结构
可在[train.py](./train.py) `network` 函数中调整网络结构,当前的网络结构如下:
```python
emb = fluid.layers.embedding(input=src, size=[vocab_size, hid_size],
param_attr=fluid.ParamAttr(
initializer=fluid.initializer.Uniform(low=init_low_bound, high=init_high_bound),
learning_rate=emb_lr_x),
is_sparse=True)
fc0 = fluid.layers.fc(input=emb, size=hid_size * 3,
param_attr=fluid.ParamAttr(
initializer=fluid.initializer.Uniform(low=init_low_bound, high=init_high_bound),
learning_rate=gru_lr_x))
gru_h0 = fluid.layers.dynamic_gru(input=fc0, size=hid_size,
param_attr=fluid.ParamAttr(
initializer=fluid.initializer.Uniform(low=init_low_bound, high=init_high_bound),
learning_rate=gru_lr_x))
fc = fluid.layers.fc(input=gru_h0, size=vocab_size, act='softmax',
param_attr=fluid.ParamAttr(
initializer=fluid.initializer.Uniform(low=init_low_bound, high=init_high_bound),
learning_rate=fc_lr_x))
cost = fluid.layers.cross_entropy(input=fc, label=dst)
```
## 训练结果示例
我们在Tesla K40m单GPU卡上训练的日志如下所示
```text
epoch_1 start
step:100 ppl:771.053
step:200 ppl:449.597
step:300 ppl:642.654
step:400 ppl:458.128
step:500 ppl:510.912
step:600 ppl:451.545
step:700 ppl:364.404
step:800 ppl:324.272
step:900 ppl:360.797
step:1000 ppl:275.761
step:1100 ppl:294.599
step:1200 ppl:335.877
step:1300 ppl:185.262
step:1400 ppl:241.744
step:1500 ppl:211.507
step:1600 ppl:233.431
step:1700 ppl:298.767
step:1800 ppl:203.403
step:1900 ppl:158.828
step:2000 ppl:171.148
step:2100 ppl:280.884
epoch:1 num_steps:2104 time_cost(s):47.478780
model saved in model/epoch_1
epoch_2 start
step:100 ppl:238.099
step:200 ppl:136.527
step:300 ppl:204.184
step:400 ppl:252.886
step:500 ppl:177.377
step:600 ppl:197.688
step:700 ppl:131.650
step:800 ppl:223.906
step:900 ppl:144.785
step:1000 ppl:176.286
step:1100 ppl:148.158
step:1200 ppl:203.581
step:1300 ppl:168.208
step:1400 ppl:159.412
step:1500 ppl:114.032
step:1600 ppl:157.985
step:1700 ppl:147.743
step:1800 ppl:88.676
step:1900 ppl:141.962
step:2000 ppl:106.087
step:2100 ppl:122.709
epoch:2 num_steps:2104 time_cost(s):47.583789
model saved in model/epoch_2
...
```
## 预测
运行命令 `python infer.py model_dir start_epoch last_epoch(inclusive)` 开始预测,其中,start_epoch指定开始预测的轮次,last_epoch指定结束的轮次,例如
```python
python infer.py model 1 12 # prediction from epoch 1 to epoch 12
```
## 预测结果示例
```text
model:model/epoch_1 ppl:254.540 time_cost(s):3.29
model:model/epoch_2 ppl:177.671 time_cost(s):3.27
model:model/epoch_3 ppl:156.251 time_cost(s):3.27
model:model/epoch_4 ppl:139.036 time_cost(s):3.27
model:model/epoch_5 ppl:132.661 time_cost(s):3.27
model:model/epoch_6 ppl:130.092 time_cost(s):3.28
model:model/epoch_7 ppl:128.751 time_cost(s):3.27
model:model/epoch_8 ppl:125.411 time_cost(s):3.27
model:model/epoch_9 ppl:124.604 time_cost(s):3.28
model:model/epoch_10 ppl:124.754 time_cost(s):3.29
model:model/epoch_11 ppl:125.421 time_cost(s):3.27
model:model/epoch_12 ppl:125.676 time_cost(s):3.27
```
import sys
import time
import math
import unittest
import contextlib
import numpy as np
import paddle.fluid as fluid
import paddle.v2 as paddle
import utils
def infer(test_reader, use_cuda, model_path):
""" inference function """
place = fluid.CUDAPlace(0) if use_cuda else fluid.CPUPlace()
exe = fluid.Executor(place)
with fluid.scope_guard(fluid.core.Scope()):
infer_program, feed_target_names, fetch_vars = fluid.io.load_inference_model(
model_path, exe)
accum_cost = 0.0
accum_words = 0
t0 = time.time()
for data in test_reader():
src_wordseq = utils.to_lodtensor(map(lambda x: x[0], data), place)
dst_wordseq = utils.to_lodtensor(map(lambda x: x[1], data), place)
avg_cost = exe.run(
infer_program,
feed={"src_wordseq": src_wordseq,
"dst_wordseq": dst_wordseq},
fetch_list=fetch_vars)
nwords = src_wordseq.lod()[0][-1]
cost = np.array(avg_cost) * nwords
accum_cost += cost
accum_words += nwords
ppl = math.exp(accum_cost / accum_words)
t1 = time.time()
print("model:%s ppl:%.3f time_cost(s):%.2f" %
(model_path, ppl, t1 - t0))
if __name__ == "__main__":
if len(sys.argv) != 4:
print("Usage: %s model_dir start_epoch last_epoch(inclusive)")
exit(0)
model_dir = sys.argv[1]
try:
start_index = int(sys.argv[2])
last_index = int(sys.argv[3])
except:
print("Usage: %s model_dir start_epoch last_epoch(inclusive)")
exit(-1)
vocab, train_reader, test_reader = utils.prepare_data(
batch_size=20, buffer_size=1000, word_freq_threshold=0)
for epoch in xrange(start_index, last_index + 1):
epoch_path = model_dir + "/epoch_" + str(epoch)
infer(test_reader=test_reader, use_cuda=True, model_path=epoch_path)
import sys
import time
import numpy as np
import math
import paddle.fluid as fluid
import paddle.v2 as paddle
import utils
def network(src, dst, vocab_size, hid_size, init_low_bound, init_high_bound):
""" network definition """
emb_lr_x = 10.0
gru_lr_x = 1.0
fc_lr_x = 1.0
emb = fluid.layers.embedding(
input=src,
size=[vocab_size, hid_size],
param_attr=fluid.ParamAttr(
initializer=fluid.initializer.Uniform(
low=init_low_bound, high=init_high_bound),
learning_rate=emb_lr_x),
is_sparse=True)
fc0 = fluid.layers.fc(input=emb,
size=hid_size * 3,
param_attr=fluid.ParamAttr(
initializer=fluid.initializer.Uniform(
low=init_low_bound, high=init_high_bound),
learning_rate=gru_lr_x))
gru_h0 = fluid.layers.dynamic_gru(
input=fc0,
size=hid_size,
param_attr=fluid.ParamAttr(
initializer=fluid.initializer.Uniform(
low=init_low_bound, high=init_high_bound),
learning_rate=gru_lr_x))
fc = fluid.layers.fc(input=gru_h0,
size=vocab_size,
act='softmax',
param_attr=fluid.ParamAttr(
initializer=fluid.initializer.Uniform(
low=init_low_bound, high=init_high_bound),
learning_rate=fc_lr_x))
cost = fluid.layers.cross_entropy(input=fc, label=dst)
return cost
def train(train_reader,
vocab,
network,
hid_size,
base_lr,
batch_size,
pass_num,
use_cuda,
parallel,
model_dir,
init_low_bound=-0.04,
init_high_bound=0.04):
""" train network """
vocab_size = len(vocab)
src_wordseq = fluid.layers.data(
name="src_wordseq", shape=[1], dtype="int64", lod_level=1)
dst_wordseq = fluid.layers.data(
name="dst_wordseq", shape=[1], dtype="int64", lod_level=1)
avg_cost = None
if not parallel:
cost = network(src_wordseq, dst_wordseq, vocab_size, hid_size,
init_low_bound, init_high_bound)
avg_cost = fluid.layers.mean(x=cost)
else:
places = fluid.layers.get_places()
pd = fluid.layers.ParallelDo(places)
with pd.do():
cost = network(
pd.read_input(src_wordseq),
pd.read_input(dst_wordseq), vocab_size, hid_size,
init_low_bound, init_high_bound)
pd.write_output(cost)
cost = pd()
avg_cost = fluid.layers.mean(x=cost)
sgd_optimizer = fluid.optimizer.SGD(
learning_rate=fluid.layers.exponential_decay(
learning_rate=base_lr,
decay_steps=2100 * 4,
decay_rate=0.5,
staircase=True))
sgd_optimizer.minimize(avg_cost)
place = fluid.CUDAPlace(0) if use_cuda else fluid.CPUPlace()
exe = fluid.Executor(place)
exe.run(fluid.default_startup_program())
total_time = 0.0
for pass_idx in xrange(pass_num):
epoch_idx = pass_idx + 1
print "epoch_%d start" % epoch_idx
t0 = time.time()
i = 0
for data in train_reader():
i += 1
lod_src_wordseq = utils.to_lodtensor(
map(lambda x: x[0], data), place)
lod_dst_wordseq = utils.to_lodtensor(
map(lambda x: x[1], data), place)
ret_avg_cost = exe.run(fluid.default_main_program(),
feed={
"src_wordseq": lod_src_wordseq,
"dst_wordseq": lod_dst_wordseq
},
fetch_list=[avg_cost],
use_program_cache=True)
avg_ppl = math.exp(ret_avg_cost[0])
if i % 100 == 0:
print "step:%d ppl:%.3f" % (i, avg_ppl)
t1 = time.time()
total_time += t1 - t0
print "epoch:%d num_steps:%d time_cost(s):%f" % (epoch_idx, i,
total_time / epoch_idx)
save_dir = "%s/epoch_%d" % (model_dir, epoch_idx)
feed_var_names = ["src_wordseq", "dst_wordseq"]
fetch_vars = [avg_cost]
fluid.io.save_inference_model(save_dir, feed_var_names, fetch_vars, exe)
print("model saved in %s" % save_dir)
print("finish training")
def train_net():
""" do training """
batch_size = 20
vocab, train_reader, test_reader = utils.prepare_data(
batch_size=batch_size, buffer_size=1000, word_freq_threshold=0)
train(
train_reader=train_reader,
vocab=vocab,
network=network,
hid_size=200,
base_lr=1.0,
batch_size=batch_size,
pass_num=12,
use_cuda=True,
parallel=False,
model_dir="model",
init_low_bound=-0.1,
init_high_bound=0.1)
if __name__ == "__main__":
train_net()
import os
import sys
import time
import numpy as np
import math
import collections
import paddle
import paddle.fluid as fluid
import paddle.fluid.framework as framework
cluster_train_dir = "./train/"
cluster_test_dir = "./test/"
train_file = "ptb.train.txt"
valid_file = "ptb.valid.txt"
test_file = "ptb.test.txt"
class DataType(object):
""" data type """
NGRAM = 1
SEQ = 2
def word_count(f, word_freq=None):
""" count words """
if word_freq is None:
word_freq = collections.defaultdict(int)
for line in f:
for w in line.strip().split():
word_freq[w] += 1
word_freq['<s>'] += 1
word_freq['<e>'] += 1
return word_freq
def build_dict(min_word_freq=50):
""" build dictionary """
train_filename = cluster_train_dir + train_file
test_filename = cluster_test_dir + valid_file
trainf = open(train_filename).readlines()
testf = open(test_filename).readlines()
word_freq = word_count(testf, word_count(trainf))
if '<unk>' in word_freq:
del word_freq['<unk>']
word_freq = filter(lambda x: x[1] > min_word_freq, word_freq.items())
word_freq_sorted = sorted(word_freq, key=lambda x: (-x[1], x[0]))
words, _ = list(zip(*word_freq_sorted))
word_idx = dict(zip(words, xrange(len(words))))
word_idx['<unk>'] = len(words)
return word_idx
def reader_creator(filename, word_idx, n, data_type):
""" create reader """
def reader():
if True:
f = open(filename).readlines()
UNK = word_idx['<unk>']
for line in f:
if DataType.NGRAM == data_type:
assert n > -1, 'Invalid gram length'
line = ['<s>'] + line.strip().split() + ['<e>']
if len(line) >= n:
line = [word_idx.get(w, UNK) for w in line]
for i in range(n, len(line) + 1):
yield tuple(line[i - n:i])
elif DataType.SEQ == data_type:
line = line.strip().split()
line = [word_idx.get(w, UNK) for w in line]
src_seq = [word_idx['<s>']] + line
trg_seq = line + [word_idx['<e>']]
if n > 0 and len(src_seq) > n:
continue
yield src_seq, trg_seq
else:
assert False, 'Unknow data type'
return reader
def to_lodtensor(data, place):
""" convert to LODtensor """
seq_lens = [len(seq) for seq in data]
cur_len = 0
lod = [cur_len]
for line in seq_lens:
cur_len += line
lod.append(cur_len)
flattened_data = np.concatenate(data, axis=0).astype("int64")
flattened_data = flattened_data.reshape([len(flattened_data), 1])
res = fluid.LoDTensor()
res.set(flattened_data, place)
res.set_lod([lod])
return res
def prepare_data(batch_size, buffer_size=1000, word_freq_threshold=0):
""" prepare the English Pann Treebank (PTB) data """
vocab = build_dict(word_freq_threshold)
train_reader = paddle.batch(
paddle.reader.shuffle(
reader_creator(
cluster_train_dir + train_file,
vocab,
buffer_size,
data_type=DataType.SEQ),
buf_size=buffer_size),
batch_size)
test_reader = paddle.batch(
reader_creator(
cluster_test_dir + test_file,
vocab,
buffer_size,
data_type=DataType.SEQ),
batch_size)
return vocab, train_reader, test_reader
def network(src, dst, vocab_size, hid_size, init_low_bound, init_high_bound):
""" network definition """
emb_lr_x = 10.0
gru_lr_x = 1.0
fc_lr_x = 1.0
emb = fluid.layers.embedding(
input=src,
size=[vocab_size, hid_size],
param_attr=fluid.ParamAttr(
initializer=fluid.initializer.Uniform(
low=init_low_bound, high=init_high_bound),
learning_rate=emb_lr_x),
is_sparse=True)
fc0 = fluid.layers.fc(input=emb,
size=hid_size * 3,
param_attr=fluid.ParamAttr(
initializer=fluid.initializer.Uniform(
low=init_low_bound, high=init_high_bound),
learning_rate=gru_lr_x))
gru_h0 = fluid.layers.dynamic_gru(
input=fc0,
size=hid_size,
param_attr=fluid.ParamAttr(
initializer=fluid.initializer.Uniform(
low=init_low_bound, high=init_high_bound),
learning_rate=gru_lr_x))
fc = fluid.layers.fc(input=gru_h0,
size=vocab_size,
act='softmax',
param_attr=fluid.ParamAttr(
initializer=fluid.initializer.Uniform(
low=init_low_bound, high=init_high_bound),
learning_rate=fc_lr_x))
cost = fluid.layers.cross_entropy(input=fc, label=dst)
return cost
def do_train(train_reader,
vocab,
network,
hid_size,
base_lr,
batch_size,
pass_num,
use_cuda,
parallel,
model_dir,
init_low_bound=-0.04,
init_high_bound=0.04):
""" train network """
vocab_size = len(vocab)
src_wordseq = fluid.layers.data(
name="src_wordseq", shape=[1], dtype="int64", lod_level=1)
dst_wordseq = fluid.layers.data(
name="dst_wordseq", shape=[1], dtype="int64", lod_level=1)
avg_cost = None
if not parallel:
cost = network(src_wordseq, dst_wordseq, vocab_size, hid_size,
init_low_bound, init_high_bound)
avg_cost = fluid.layers.mean(x=cost)
else:
places = fluid.layers.get_places()
pd = fluid.layers.ParallelDo(places)
with pd.do():
cost = network(
pd.read_input(src_wordseq),
pd.read_input(dst_wordseq), vocab_size, hid_size,
init_low_bound, init_high_bound)
pd.write_output(cost)
cost = pd()
avg_cost = fluid.layers.mean(x=cost)
sgd_optimizer = fluid.optimizer.SGD(
learning_rate=fluid.layers.exponential_decay(
learning_rate=base_lr,
decay_steps=2100 * 4,
decay_rate=0.5,
staircase=True))
sgd_optimizer.minimize(avg_cost)
place = fluid.CUDAPlace(0) if use_cuda else fluid.CPUPlace()
exe = fluid.Executor(place)
exe.run(fluid.default_startup_program())
total_time = 0.0
for pass_idx in xrange(pass_num):
epoch_idx = pass_idx + 1
print "epoch_%d start" % epoch_idx
t0 = time.time()
i = 0
for data in train_reader():
i += 1
lod_src_wordseq = to_lodtensor(map(lambda x: x[0], data), place)
lod_dst_wordseq = to_lodtensor(map(lambda x: x[1], data), place)
ret_avg_cost = exe.run(fluid.default_main_program(),
feed={
"src_wordseq": lod_src_wordseq,
"dst_wordseq": lod_dst_wordseq
},
fetch_list=[avg_cost],
use_program_cache=True)
avg_ppl = math.exp(ret_avg_cost[0])
if i % 100 == 0:
print "step:%d ppl:%.3f" % (i, avg_ppl)
t1 = time.time()
total_time += t1 - t0
print "epoch:%d num_steps:%d time_cost(s):%f" % (epoch_idx, i,
total_time / epoch_idx)
save_dir = "%s/epoch_%d" % (model_dir, epoch_idx)
feed_var_names = ["src_wordseq", "dst_wordseq"]
fetch_vars = [avg_cost]
fluid.io.save_inference_model(save_dir, feed_var_names, fetch_vars, exe)
print("model saved in %s" % save_dir)
print("finish training")
def train():
""" do training """
batch_size = 20
vocab, train_reader, test_reader = prepare_data(
batch_size=batch_size, buffer_size=1000, word_freq_threshold=0)
# End batch and end pass event handler
def event_handler(event):
""" event handler """
if isinstance(event, paddle.event.EndIteration):
if event.batch_id % 100 == 0:
print "\nPass %d, Batch %d, Cost %f, %s" % (
event.pass_id, event.batch_id, event.cost, event.metrics)
else:
sys.stdout.write('.')
sys.stdout.flush()
if isinstance(event, paddle.event.EndPass):
print "isinstance(event, paddle.event.EndPass)"
do_train(
train_reader=train_reader,
vocab=vocab,
network=network,
hid_size=200,
base_lr=1.0,
batch_size=batch_size,
pass_num=12,
use_cuda=True,
parallel=False,
model_dir="./output/model",
init_low_bound=-0.1,
init_high_bound=0.1)
if __name__ == "__main__":
if not os.path.exists("./output/model"):
os.makedirs("./output/model")
train()
import sys
import time
import numpy as np
import paddle.fluid as fluid
import paddle.v2 as paddle
def to_lodtensor(data, place):
""" convert to LODtensor """
seq_lens = [len(seq) for seq in data]
cur_len = 0
lod = [cur_len]
for l in seq_lens:
cur_len += l
lod.append(cur_len)
flattened_data = np.concatenate(data, axis=0).astype("int64")
flattened_data = flattened_data.reshape([len(flattened_data), 1])
res = fluid.LoDTensor()
res.set(flattened_data, place)
res.set_lod([lod])
return res
def prepare_data(batch_size, buffer_size=1000, word_freq_threshold=0):
""" prepare the English Pann Treebank (PTB) data """
vocab = paddle.dataset.imikolov.build_dict(word_freq_threshold)
train_reader = paddle.batch(
paddle.reader.shuffle(
paddle.dataset.imikolov.train(
vocab,
buffer_size,
data_type=paddle.dataset.imikolov.DataType.SEQ),
buf_size=buffer_size),
batch_size)
test_reader = paddle.batch(
paddle.dataset.imikolov.test(
vocab, buffer_size, data_type=paddle.dataset.imikolov.DataType.SEQ),
batch_size)
return vocab, train_reader, test_reader
...@@ -6,7 +6,7 @@ The minimum PaddlePaddle version needed for the code sample in this directory is ...@@ -6,7 +6,7 @@ The minimum PaddlePaddle version needed for the code sample in this directory is
### Introduction ### Introduction
[Single Shot MultiBox Detector (SSD)](https://arxiv.org/abs/1512.02325) framework for object detection is based on a feed-forward convolutional network. The early network is a standard convolutional architecture for image classification, such as VGG, ResNet, or MobileNet, which is als called base network. In this tutorial we used [MobileNet](https://arxiv.org/abs/1704.04861). [Single Shot MultiBox Detector (SSD)](https://arxiv.org/abs/1512.02325) framework for object detection is based on a feed-forward convolutional network. The early network is a standard convolutional architecture for image classification, such as VGG, ResNet, or MobileNet, which is also called base network. In this tutorial we used [MobileNet](https://arxiv.org/abs/1704.04861).
### Data Preparation ### Data Preparation
...@@ -52,30 +52,51 @@ Declaration: the MobileNet-v1 SSD model is converted by [TensorFlow model](https ...@@ -52,30 +52,51 @@ Declaration: the MobileNet-v1 SSD model is converted by [TensorFlow model](https
#### Train on PASCAL VOC #### Train on PASCAL VOC
- Train on one device (/GPU). - Train on one device (/GPU).
```python ```python
env CUDA_VISIABLE_DEVICES=0 python -u train.py --parallel=False --data='pascalvoc' --pretrained_model='pretrained/ssd_mobilenet_v1_coco/' env CUDA_VISIBLE_DEVICES=0 python -u train.py --parallel=False --dataset='pascalvoc' --pretrained_model='pretrained/ssd_mobilenet_v1_coco/'
``` ```
- Train on multi devices (/GPUs). - Train on multi devices (/GPUs).
```python ```python
env CUDA_VISIABLE_DEVICES=0,1 python -u train.py --batch_size=64 --data='pascalvoc' --pretrained_model='pretrained/ssd_mobilenet_v1_coco/' env CUDA_VISIBLE_DEVICES=0,1 python -u train.py --batch_size=64 --dataset='pascalvoc' --pretrained_model='pretrained/ssd_mobilenet_v1_coco/'
``` ```
#### Train on MS-COCO #### Train on MS-COCO
- Train on one device (/GPU). - Train on one device (/GPU).
```python ```python
env CUDA_VISIABLE_DEVICES=0 python -u train.py --parallel=False --data='coco' --pretrained_model='pretrained/mobilenet_imagenet/' env CUDA_VISIBLE_DEVICES=0 python -u train.py --parallel=False --dataset='coco2014' --pretrained_model='pretrained/mobilenet_imagenet/'
``` ```
- Train on multi devices (/GPUs). - Train on multi devices (/GPUs).
```python ```python
env CUDA_VISIABLE_DEVICES=0,1 python -u train.py --batch_size=64 --data='coco' --pretrained_model='pretrained/mobilenet_imagenet/' env CUDA_VISIBLE_DEVICES=0,1 python -u train.py --batch_size=64 --dataset='coco2014' --pretrained_model='pretrained/mobilenet_imagenet/'
``` ```
TBD TBD
### Evaluate ### Evaluate
You can evaluate your trained model in different metric like 11point, integral on both PASCAL VOC and COCO dataset. Moreover, we provide eval_coco_map.py which uses a COCO-specific mAP metric defined by [COCO committee](http://cocodataset.org/#detections-eval). To use this eval_coco_map.py, [cocoapi](https://github.com/cocodataset/cocoapi) is needed.
Install the cocoapi:
```
# COCOAPI=/path/to/clone/cocoapi
git clone https://github.com/cocodataset/cocoapi.git $COCOAPI
cd $COCOAPI/PythonAPI
# Install into global site-packages
make install
# Alternatively, if you do not have permissions or prefer
# not to install the COCO API into global site-packages
python2 setup.py install --user
```
Note we set the defualt test list to the dataset's test/val list, you can use your own test list by setting test_list args.
#### Evaluate on PASCAL VOC
```python
env CUDA_VISIBLE_DEVICES=0 python eval.py --dataset='pascalvoc' --model_dir='train_pascal_model/90' --data_dir='data/pascalvoc' --test_list='test.txt' --ap_version='11point'
```
#### Evaluate on MS-COCO
```python ```python
env CUDA_VISIABLE_DEVICES=0 python eval.py --model='model/90' --test_list='' env CUDA_VISIBLE_DEVICES=0 python eval.py --dataset='coco2014' --nms_threshold=0.5 --model_dir='train_coco_model/40' --test_list='annotations/instances_minival2014.json' --ap_version='integral'
env CUDA_VISIBLE_DEVICES=0 python eval_coco_map.py --dataset='coco2017' --nms_threshold=0.5 --model_dir='train_coco_model/40' --test_list='annotations/instances_minival2017.json'
``` ```
TBD TBD
...@@ -83,8 +104,16 @@ TBD ...@@ -83,8 +104,16 @@ TBD
### Infer and Visualize ### Infer and Visualize
```python ```python
env CUDA_VISIABLE_DEVICES=0 python infer.py --batch_size=2 --model='model/90' --test_list='' env CUDA_VISIBLE_DEVICES=0 python infer.py --model_dir='train_coco_model/20' --image_path='./data/coco/val2014/COCO_val2014_000000000139.jpg'
``` ```
Below is the examples after running python infer.py to inference and visualize the model result.
<p align="center">
<img src="images/COCO_val2014_000000000139.jpg" height=300 width=400 hspace='10'/>
<img src="images/COCO_val2014_000000000785.jpg" height=300 width=400 hspace='10'/>
<img src="images/COCO_val2014_000000142324.jpg" height=300 width=400 hspace='10'/>
<img src="images/COCO_val2014_000000144003.jpg" height=300 width=400 hspace='10'/> <br />
MobileNet-SSD300x300 Visualization Examples
</p>
TBD TBD
......
DIR="$( cd "$(dirname "$0")" ; pwd -P )"
cd "$DIR"
# Download the data.
echo "Downloading..."
wget http://images.cocodataset.org/zips/train2014.zip
wget http://images.cocodataset.org/zips/val2014.zip
wget http://images.cocodataset.org/zips/train2017.zip
wget http://images.cocodataset.org/zips/val2017.zip
wget http://images.cocodataset.org/annotations/annotations_trainval2014.zip
wget http://images.cocodataset.org/annotations/annotations_trainval2017.zip
# Extract the data.
echo "Extractint..."
unzip train2014.tar
unzip val2014.tar
unzip train2017.tar
unzip val2017.tar
unzip annotations_trainval2014.tar
unzip annotations_trainval2017.tar
...@@ -13,27 +13,27 @@ from utility import add_arguments, print_arguments ...@@ -13,27 +13,27 @@ from utility import add_arguments, print_arguments
parser = argparse.ArgumentParser(description=__doc__) parser = argparse.ArgumentParser(description=__doc__)
add_arg = functools.partial(add_arguments, argparser=parser) add_arg = functools.partial(add_arguments, argparser=parser)
# yapf: disable # yapf: disable
add_arg('dataset', str, 'pascalvoc', "coco or pascalvoc.") add_arg('dataset', str, 'pascalvoc', "coco2014, coco2017, and pascalvoc.")
add_arg('batch_size', int, 32, "Minibatch size.") add_arg('batch_size', int, 32, "Minibatch size.")
add_arg('use_gpu', bool, True, "Whether to use GPU or not.") add_arg('use_gpu', bool, True, "Whether use GPU.")
add_arg('data_dir', str, '', "The data root path.") add_arg('data_dir', str, '', "The data root path.")
add_arg('test_list', str, '', "The testing data lists.") add_arg('test_list', str, '', "The testing data lists.")
add_arg('label_file', str, '', "The label file, which save the real name and is only used for Pascal VOC.") add_arg('model_dir', str, '', "The model path.")
add_arg('model_dir', str, '', "The model path.") add_arg('nms_threshold', float, 0.45, "NMS threshold.")
add_arg('ap_version', str, '11point', "11point or integral") add_arg('ap_version', str, '11point', "integral, 11point.")
add_arg('resize_h', int, 300, "The resized image height.") add_arg('resize_h', int, 300, "The resized image height.")
add_arg('resize_w', int, 300, "The resized image width.") add_arg('resize_w', int, 300, "The resized image height.")
add_arg('mean_value_B', float, 127.5, "mean value for B channel which will be subtracted") #123.68 add_arg('mean_value_B', float, 127.5, "Mean value for B channel which will be subtracted.") #123.68
add_arg('mean_value_G', float, 127.5, "mean value for G channel which will be subtracted") #116.78 add_arg('mean_value_G', float, 127.5, "Mean value for G channel which will be subtracted.") #116.78
add_arg('mean_value_R', float, 127.5, "mean value for R channel which will be subtracted") #103.94 add_arg('mean_value_R', float, 127.5, "Mean value for R channel which will be subtracted.") #103.94
# yapf: enable # yapf: enable
def eval(args, data_args, test_list, batch_size, model_dir=None): def eval(args, data_args, test_list, batch_size, model_dir=None):
image_shape = [3, data_args.resize_h, data_args.resize_w] image_shape = [3, data_args.resize_h, data_args.resize_w]
if data_args.dataset == 'coco': if 'coco' in data_args.dataset:
num_classes = 81 num_classes = 91
elif data_args.dataset == 'pascalvoc': elif 'pascalvoc' in data_args.dataset:
num_classes = 21 num_classes = 21
image = fluid.layers.data(name='image', shape=image_shape, dtype='float32') image = fluid.layers.data(name='image', shape=image_shape, dtype='float32')
...@@ -46,61 +46,77 @@ def eval(args, data_args, test_list, batch_size, model_dir=None): ...@@ -46,61 +46,77 @@ def eval(args, data_args, test_list, batch_size, model_dir=None):
locs, confs, box, box_var = mobile_net(num_classes, image, image_shape) locs, confs, box, box_var = mobile_net(num_classes, image, image_shape)
nmsed_out = fluid.layers.detection_output( nmsed_out = fluid.layers.detection_output(
locs, confs, box, box_var, nms_threshold=0.45) locs, confs, box, box_var, nms_threshold=args.nms_threshold)
loss = fluid.layers.ssd_loss(locs, confs, gt_box, gt_label, box, box_var) loss = fluid.layers.ssd_loss(locs, confs, gt_box, gt_label, box, box_var)
loss = fluid.layers.reduce_sum(loss) loss = fluid.layers.reduce_sum(loss)
test_program = fluid.default_main_program().clone(for_test=True)
with fluid.program_guard(test_program):
map_eval = fluid.evaluator.DetectionMAP(
nmsed_out,
gt_label,
gt_box,
difficult,
num_classes,
overlap_threshold=0.5,
evaluate_difficult=False,
ap_version=args.ap_version)
place = fluid.CUDAPlace(0) if args.use_gpu else fluid.CPUPlace() place = fluid.CUDAPlace(0) if args.use_gpu else fluid.CPUPlace()
exe = fluid.Executor(place) exe = fluid.Executor(place)
# yapf: disable
if model_dir: if model_dir:
def if_exist(var): def if_exist(var):
return os.path.exists(os.path.join(model_dir, var.name)) return os.path.exists(os.path.join(model_dir, var.name))
fluid.io.load_vars(exe, model_dir, predicate=if_exist) fluid.io.load_vars(exe, model_dir, predicate=if_exist)
# yapf: enable
test_reader = paddle.batch( test_reader = paddle.batch(
reader.test(data_args, test_list), batch_size=batch_size) reader.test(data_args, test_list), batch_size=batch_size)
feeder = fluid.DataFeeder( feeder = fluid.DataFeeder(
place=place, feed_list=[image, gt_box, gt_label, difficult]) place=place, feed_list=[image, gt_box, gt_label, difficult])
_, accum_map = map_eval.get_map_var() def test():
map_eval.reset(exe) test_program = fluid.default_main_program().clone(for_test=True)
for idx, data in enumerate(test_reader()): with fluid.program_guard(test_program):
test_map = exe.run(test_program, map_eval = fluid.evaluator.DetectionMAP(
feed=feeder.feed(data), nmsed_out,
fetch_list=[accum_map]) gt_label,
if idx % 50 == 0: gt_box,
print("Batch {0}, map {1}".format(idx, test_map[0])) difficult,
print("Test model {0}, map {1}".format(model_dir, test_map[0])) num_classes,
overlap_threshold=0.5,
evaluate_difficult=False,
ap_version=args.ap_version)
_, accum_map = map_eval.get_map_var()
map_eval.reset(exe)
for batch_id, data in enumerate(test_reader()):
test_map = exe.run(test_program,
feed=feeder.feed(data),
fetch_list=[accum_map])
if batch_id % 20 == 0:
print("Batch {0}, map {1}".format(batch_id, test_map[0]))
print("Test model {0}, map {1}".format(model_dir, test_map[0]))
test()
if __name__ == '__main__': if __name__ == '__main__':
args = parser.parse_args() args = parser.parse_args()
print_arguments(args) print_arguments(args)
data_dir = 'data/pascalvoc'
test_list = 'test.txt'
label_file = 'label_list'
if 'coco' in args.dataset:
data_dir = './data/coco'
if '2014' in args.dataset:
test_list = 'annotations/instances_minival2014.json'
elif '2017' in args.dataset:
test_list = 'annotations/instances_val2017.json'
data_args = reader.Settings( data_args = reader.Settings(
dataset=args.dataset, dataset=args.dataset,
data_dir=args.data_dir, data_dir=args.data_dir if len(args.data_dir) > 0 else data_dir,
label_file=args.label_file, label_file=label_file,
resize_h=args.resize_h, resize_h=args.resize_h,
resize_w=args.resize_w, resize_w=args.resize_w,
mean_value=[args.mean_value_B, args.mean_value_G, args.mean_value_R]) mean_value=[args.mean_value_B, args.mean_value_G, args.mean_value_R],
apply_distort=False,
apply_expand=False,
ap_version=args.ap_version,
toy=0)
eval( eval(
args, args,
test_list=args.test_list,
data_args=data_args, data_args=data_args,
test_list=args.test_list if len(args.test_list) > 0 else test_list,
batch_size=args.batch_size, batch_size=args.batch_size,
model_dir=args.model_dir) model_dir=args.model_dir)
import os
import time
import numpy as np
import argparse
import functools
import paddle
import paddle.fluid as fluid
import reader
from mobilenet_ssd import mobile_net
from utility import add_arguments, print_arguments
# A special mAP metric for COCO dataset, which averages AP in different IoUs.
# To use this eval_cocoMAP.py, [cocoapi](https://github.com/cocodataset/cocoapi) is needed.
import json
from pycocotools.coco import COCO
from pycocotools.cocoeval import COCOeval
parser = argparse.ArgumentParser(description=__doc__)
add_arg = functools.partial(add_arguments, argparser=parser)
# yapf: disable
add_arg('dataset', str, 'coco2014', "coco2014, coco2017.")
add_arg('batch_size', int, 32, "Minibatch size.")
add_arg('use_gpu', bool, True, "Whether use GPU.")
add_arg('data_dir', str, '', "The data root path.")
add_arg('test_list', str, '', "The testing data lists.")
add_arg('model_dir', str, '', "The model path.")
add_arg('nms_threshold', float, 0.5, "NMS threshold.")
add_arg('ap_version', str, 'cocoMAP', "cocoMAP.")
add_arg('resize_h', int, 300, "The resized image height.")
add_arg('resize_w', int, 300, "The resized image height.")
add_arg('mean_value_B', float, 127.5, "Mean value for B channel which will be subtracted.") #123.68
add_arg('mean_value_G', float, 127.5, "Mean value for G channel which will be subtracted.") #116.78
add_arg('mean_value_R', float, 127.5, "Mean value for R channel which will be subtracted.") #103.94
# yapf: enable
def eval(args, data_args, test_list, batch_size, model_dir=None):
image_shape = [3, data_args.resize_h, data_args.resize_w]
num_classes = 91
image = fluid.layers.data(name='image', shape=image_shape, dtype='float32')
gt_box = fluid.layers.data(
name='gt_box', shape=[4], dtype='float32', lod_level=1)
gt_label = fluid.layers.data(
name='gt_label', shape=[1], dtype='int32', lod_level=1)
gt_iscrowd = fluid.layers.data(
name='gt_iscrowd', shape=[1], dtype='int32', lod_level=1)
gt_image_info = fluid.layers.data(
name='gt_image_id', shape=[3], dtype='int32', lod_level=1)
locs, confs, box, box_var = mobile_net(num_classes, image, image_shape)
nmsed_out = fluid.layers.detection_output(
locs, confs, box, box_var, nms_threshold=args.nms_threshold)
loss = fluid.layers.ssd_loss(locs, confs, gt_box, gt_label, box, box_var)
loss = fluid.layers.reduce_sum(loss)
place = fluid.CUDAPlace(0) if args.use_gpu else fluid.CPUPlace()
exe = fluid.Executor(place)
# yapf: disable
if model_dir:
def if_exist(var):
return os.path.exists(os.path.join(model_dir, var.name))
fluid.io.load_vars(exe, model_dir, predicate=if_exist)
# yapf: enable
test_reader = paddle.batch(
reader.test(data_args, test_list), batch_size=batch_size)
feeder = fluid.DataFeeder(
place=place,
feed_list=[image, gt_box, gt_label, gt_iscrowd, gt_image_info])
def get_dt_res(nmsed_out_v, data):
dts_res = []
lod = nmsed_out_v[0].lod()[0]
nmsed_out_v = np.array(nmsed_out_v[0])
real_batch_size = min(batch_size, len(data))
assert (len(lod) == real_batch_size + 1), \
"Error Lod Tensor offset dimension. Lod({}) vs. batch_size({})".format(len(lod), batch_size)
k = 0
for i in range(real_batch_size):
dt_num_this_img = lod[i + 1] - lod[i]
image_id = int(data[i][4][0])
image_width = int(data[i][4][1])
image_height = int(data[i][4][2])
for j in range(dt_num_this_img):
dt = nmsed_out_v[k]
k = k + 1
category_id, score, xmin, ymin, xmax, ymax = dt.tolist()
xmin = max(min(xmin, 1.0), 0.0) * image_width
ymin = max(min(ymin, 1.0), 0.0) * image_height
xmax = max(min(xmax, 1.0), 0.0) * image_width
ymax = max(min(ymax, 1.0), 0.0) * image_height
w = xmax - xmin
h = ymax - ymin
bbox = [xmin, ymin, w, h]
dt_res = {
'image_id': image_id,
'category_id': category_id,
'bbox': bbox,
'score': score
}
dts_res.append(dt_res)
return dts_res
def test():
dts_res = []
for batch_id, data in enumerate(test_reader()):
nmsed_out_v = exe.run(fluid.default_main_program(),
feed=feeder.feed(data),
fetch_list=[nmsed_out],
return_numpy=False)
if batch_id % 20 == 0:
print("Batch {0}".format(batch_id))
dts_res += get_dt_res(nmsed_out_v, data)
with open("detection_result.json", 'w') as outfile:
json.dump(dts_res, outfile)
print("start evaluate using coco api")
cocoGt = COCO(os.path.join(data_args.data_dir, test_list))
cocoDt = cocoGt.loadRes("detection_result.json")
cocoEval = COCOeval(cocoGt, cocoDt, "bbox")
cocoEval.evaluate()
cocoEval.accumulate()
cocoEval.summarize()
test()
if __name__ == '__main__':
args = parser.parse_args()
print_arguments(args)
data_dir = './data/coco'
if '2014' in args.dataset:
test_list = 'annotations/instances_minival2014.json'
elif '2017' in args.dataset:
test_list = 'annotations/instances_val2017.json'
data_args = reader.Settings(
dataset=args.dataset,
data_dir=args.data_dir if len(args.data_dir) > 0 else data_dir,
label_file='',
resize_h=args.resize_h,
resize_w=args.resize_w,
mean_value=[args.mean_value_B, args.mean_value_G, args.mean_value_R],
apply_distort=False,
apply_expand=False,
ap_version=args.ap_version,
toy=0)
eval(
args,
data_args=data_args,
test_list=args.test_list if len(args.test_list) > 0 else test_list,
batch_size=args.batch_size,
model_dir=args.model_dir)
from PIL import Image, ImageEnhance from PIL import Image, ImageEnhance, ImageDraw
from PIL import ImageFile
import numpy as np import numpy as np
import random import random
import math import math
ImageFile.LOAD_TRUNCATED_IMAGES = True #otherwise IOError raised image file is truncated
class sampler(): class sampler():
def __init__(self, max_sample, max_trial, min_scale, max_scale, def __init__(self, max_sample, max_trial, min_scale, max_scale,
...@@ -144,7 +147,8 @@ def transform_labels(bbox_labels, sample_bbox): ...@@ -144,7 +147,8 @@ def transform_labels(bbox_labels, sample_bbox):
sample_label.append(float(proj_bbox.ymin)) sample_label.append(float(proj_bbox.ymin))
sample_label.append(float(proj_bbox.xmax)) sample_label.append(float(proj_bbox.xmax))
sample_label.append(float(proj_bbox.ymax)) sample_label.append(float(proj_bbox.ymax))
sample_label.append(bbox_labels[i][5]) #sample_label.append(bbox_labels[i][5])
sample_label = sample_label + bbox_labels[i][5:]
sample_labels.append(sample_label) sample_labels.append(sample_label)
return sample_labels return sample_labels
......
import os
import time
import numpy as np
import argparse
import functools
from PIL import Image
from PIL import ImageDraw
import paddle
import paddle.fluid as fluid
import reader
from mobilenet_ssd import mobile_net
from utility import add_arguments, print_arguments
parser = argparse.ArgumentParser(description=__doc__)
add_arg = functools.partial(add_arguments, argparser=parser)
# yapf: disable
add_arg('dataset', str, 'pascalvoc', "coco and pascalvoc.")
add_arg('use_gpu', bool, True, "Whether use GPU.")
add_arg('image_path', str, '', "The image used to inference and visualize.")
add_arg('model_dir', str, '', "The model path.")
add_arg('nms_threshold', float, 0.45, "NMS threshold.")
add_arg('confs_threshold', float, 0.2, "Confidence threshold to draw bbox.")
add_arg('resize_h', int, 300, "The resized image height.")
add_arg('resize_w', int, 300, "The resized image height.")
add_arg('mean_value_B', float, 127.5, "Mean value for B channel which will be subtracted.") #123.68
add_arg('mean_value_G', float, 127.5, "Mean value for G channel which will be subtracted.") #116.78
add_arg('mean_value_R', float, 127.5, "Mean value for R channel which will be subtracted.") #103.94
# yapf: enable
def infer(args, data_args, image_path, model_dir):
image_shape = [3, data_args.resize_h, data_args.resize_w]
if 'coco' in data_args.dataset:
num_classes = 91
elif 'pascalvoc' in data_args.dataset:
num_classes = 21
image = fluid.layers.data(name='image', shape=image_shape, dtype='float32')
locs, confs, box, box_var = mobile_net(num_classes, image, image_shape)
nmsed_out = fluid.layers.detection_output(
locs, confs, box, box_var, nms_threshold=args.nms_threshold)
place = fluid.CUDAPlace(0) if args.use_gpu else fluid.CPUPlace()
exe = fluid.Executor(place)
# yapf: disable
if model_dir:
def if_exist(var):
return os.path.exists(os.path.join(model_dir, var.name))
fluid.io.load_vars(exe, model_dir, predicate=if_exist)
# yapf: enable
infer_reader = reader.infer(data_args, image_path)
feeder = fluid.DataFeeder(place=place, feed_list=[image])
def infer():
data = infer_reader()
nmsed_out_v = exe.run(fluid.default_main_program(),
feed=feeder.feed([[data]]),
fetch_list=[nmsed_out],
return_numpy=False)
nmsed_out_v = np.array(nmsed_out_v[0])
draw_bounding_box_on_image(image_path, nmsed_out_v,
args.confs_threshold)
for dt in nmsed_out_v:
category_id, score, xmin, ymin, xmax, ymax = dt.tolist()
infer()
def draw_bounding_box_on_image(image_path, nms_out, confs_threshold):
image = Image.open(image_path)
draw = ImageDraw.Draw(image)
im_width, im_height = image.size
for dt in nms_out:
category_id, score, xmin, ymin, xmax, ymax = dt.tolist()
if score < confs_threshold:
continue
bbox = dt[2:]
xmin, ymin, xmax, ymax = bbox
(left, right, top, bottom) = (xmin * im_width, xmax * im_width,
ymin * im_height, ymax * im_height)
draw.line(
[(left, top), (left, bottom), (right, bottom), (right, top),
(left, top)],
width=4,
fill='red')
image_name = image_path.split('/')[-1]
print("image with bbox drawed saved as {}".format(image_name))
image.save(image_name)
if __name__ == '__main__':
args = parser.parse_args()
print_arguments(args)
data_args = reader.Settings(
dataset=args.dataset,
data_dir='',
label_file='',
resize_h=args.resize_h,
resize_w=args.resize_w,
mean_value=[args.mean_value_B, args.mean_value_G, args.mean_value_R],
apply_distort=False,
apply_expand=False,
ap_version='',
toy=0)
infer(
args,
data_args=data_args,
image_path=args.image_path,
model_dir=args.model_dir)
...@@ -34,11 +34,13 @@ class Settings(object): ...@@ -34,11 +34,13 @@ class Settings(object):
mean_value=[127.5, 127.5, 127.5], mean_value=[127.5, 127.5, 127.5],
apply_distort=True, apply_distort=True,
apply_expand=True, apply_expand=True,
ap_version='11point',
toy=0): toy=0):
self._dataset = dataset self._dataset = dataset
self._ap_version = ap_version
self._toy = toy self._toy = toy
self._data_dir = data_dir self._data_dir = data_dir
if dataset == "pascalvoc": if 'pascalvoc' in dataset:
self._label_list = [] self._label_list = []
label_fpath = os.path.join(data_dir, label_file) label_fpath = os.path.join(data_dir, label_file)
for line in open(label_fpath): for line in open(label_fpath):
...@@ -65,6 +67,10 @@ class Settings(object): ...@@ -65,6 +67,10 @@ class Settings(object):
def dataset(self): def dataset(self):
return self._dataset return self._dataset
@property
def ap_version(self):
return self._ap_version
@property @property
def toy(self): def toy(self):
return self._toy return self._toy
...@@ -187,17 +193,17 @@ def coco(settings, file_list, mode, shuffle): ...@@ -187,17 +193,17 @@ def coco(settings, file_list, mode, shuffle):
if im.mode == 'L': if im.mode == 'L':
im = im.convert('RGB') im = im.convert('RGB')
im_width, im_height = im.size im_width, im_height = im.size
im_id = image['id']
# layout: category_id | xmin | ymin | xmax | ymax | iscrowd | # layout: category_id | xmin | ymin | xmax | ymax | iscrowd
# origin_coco_bbox | segmentation | area | image_id | annotation_id
bbox_labels = [] bbox_labels = []
annIds = coco.getAnnIds(imgIds=image['id']) annIds = coco.getAnnIds(imgIds=image['id'])
anns = coco.loadAnns(annIds) anns = coco.loadAnns(annIds)
for ann in anns: for ann in anns:
bbox_sample = [] bbox_sample = []
# start from 1, leave 0 to background # start from 1, leave 0 to background
bbox_sample.append( bbox_sample.append(float(ann['category_id']))
float(category_ids.index(ann['category_id'])) + 1) #float(category_ids.index(ann['category_id'])) + 1)
bbox = ann['bbox'] bbox = ann['bbox']
xmin, ymin, w, h = bbox xmin, ymin, w, h = bbox
xmax = xmin + w xmax = xmin + w
...@@ -214,8 +220,12 @@ def coco(settings, file_list, mode, shuffle): ...@@ -214,8 +220,12 @@ def coco(settings, file_list, mode, shuffle):
im = im.astype('float32') im = im.astype('float32')
boxes = sample_labels[:, 1:5] boxes = sample_labels[:, 1:5]
lbls = sample_labels[:, 0].astype('int32') lbls = sample_labels[:, 0].astype('int32')
difficults = sample_labels[:, -1].astype('int32') iscrowd = sample_labels[:, -1].astype('int32')
yield im, boxes, lbls, difficults if 'cocoMAP' in settings.ap_version:
yield im, boxes, lbls, iscrowd, \
[im_id, im_width, im_height]
else:
yield im, boxes, lbls, iscrowd
return reader return reader
...@@ -268,40 +278,9 @@ def pascalvoc(settings, file_list, mode, shuffle): ...@@ -268,40 +278,9 @@ def pascalvoc(settings, file_list, mode, shuffle):
return reader return reader
def draw_bounding_box_on_image(image,
sample_labels,
image_name,
category_names,
color='red',
thickness=4,
with_text=True,
normalized=True):
image = Image.fromarray(image)
draw = ImageDraw.Draw(image)
im_width, im_height = image.size
if not normalized:
im_width, im_height = 1, 1
for item in sample_labels:
label = item[0]
category_name = category_names[int(label)]
bbox = item[1:5]
xmin, ymin, xmax, ymax = bbox
(left, right, top, bottom) = (xmin * im_width, xmax * im_width,
ymin * im_height, ymax * im_height)
draw.line(
[(left, top), (left, bottom), (right, bottom), (right, top),
(left, top)],
width=thickness,
fill=color)
if with_text:
if image.mode == 'RGB':
draw.text((left, top), category_name, (255, 255, 0))
image.save(image_name)
def train(settings, file_list, shuffle=True): def train(settings, file_list, shuffle=True):
file_list = os.path.join(settings.data_dir, file_list) file_list = os.path.join(settings.data_dir, file_list)
if settings.dataset == 'coco': if 'coco' in settings.dataset:
train_settings = copy.copy(settings) train_settings = copy.copy(settings)
if '2014' in file_list: if '2014' in file_list:
sub_dir = "train2014" sub_dir = "train2014"
...@@ -315,7 +294,7 @@ def train(settings, file_list, shuffle=True): ...@@ -315,7 +294,7 @@ def train(settings, file_list, shuffle=True):
def test(settings, file_list): def test(settings, file_list):
file_list = os.path.join(settings.data_dir, file_list) file_list = os.path.join(settings.data_dir, file_list)
if settings.dataset == 'coco': if 'coco' in settings.dataset:
test_settings = copy.copy(settings) test_settings = copy.copy(settings)
if '2014' in file_list: if '2014' in file_list:
sub_dir = "val2014" sub_dir = "val2014"
...@@ -329,10 +308,10 @@ def test(settings, file_list): ...@@ -329,10 +308,10 @@ def test(settings, file_list):
def infer(settings, image_path): def infer(settings, image_path):
def reader(): def reader():
im = Image.open(image_path) img = Image.open(image_path)
if im.mode == 'L': if img.mode == 'L':
im = im.convert('RGB') img = im.convert('RGB')
im_width, im_height = im.size im_width, im_height = img.size
img = img.resize((settings.resize_w, settings.resize_h), img = img.resize((settings.resize_w, settings.resize_h),
Image.ANTIALIAS) Image.ANTIALIAS)
img = np.array(img) img = np.array(img)
...@@ -345,6 +324,6 @@ def infer(settings, image_path): ...@@ -345,6 +324,6 @@ def infer(settings, image_path):
img = img.astype('float32') img = img.astype('float32')
img -= settings.img_mean img -= settings.img_mean
img = img * 0.007843 img = img * 0.007843
yield img return img
return reader return reader
...@@ -17,23 +17,23 @@ add_arg = functools.partial(add_arguments, argparser=parser) ...@@ -17,23 +17,23 @@ add_arg = functools.partial(add_arguments, argparser=parser)
add_arg('learning_rate', float, 0.001, "Learning rate.") add_arg('learning_rate', float, 0.001, "Learning rate.")
add_arg('batch_size', int, 32, "Minibatch size.") add_arg('batch_size', int, 32, "Minibatch size.")
add_arg('num_passes', int, 120, "Epoch number.") add_arg('num_passes', int, 120, "Epoch number.")
add_arg('parallel', bool, True, "Whether use parallel training.") add_arg('use_gpu', bool, True, "Whether use GPU.")
add_arg('use_gpu', bool, True, "Whether to use GPU or not.") add_arg('parallel', bool, True, "Parallel.")
add_arg('use_nccl', bool, False, "Whether to use NCCL or not.") add_arg('use_nccl', bool, True, "NCCL.")
add_arg('dataset', str, 'pascalvoc', "coco or pascalvoc.") add_arg('dataset', str, 'pascalvoc', "coco2014, coco2017, and pascalvoc.")
add_arg('model_save_dir', str, 'model', "The path to save model.") add_arg('model_save_dir', str, 'model', "The path to save model.")
add_arg('pretrained_model', str, 'pretrained/ssd_mobilenet_v1_coco/', "The init model path.") add_arg('pretrained_model', str, 'pretrained/ssd_mobilenet_v1_coco/', "The init model path.")
add_arg('apply_distort', bool, True, "Whether apply distort") add_arg('apply_distort', bool, True, "Whether apply distort.")
add_arg('apply_expand', bool, True, "Whether appley expand") add_arg('apply_expand', bool, False, "Whether appley expand.")
add_arg('ap_version', str, '11point', "11point or integral") add_arg('nms_threshold', float, 0.45, "NMS threshold.")
add_arg('resize_h', int, 300, "The resized image height.") add_arg('ap_version', str, 'integral', "integral, 11point.")
add_arg('resize_w', int, 300, "The resized image width.") add_arg('resize_h', int, 300, "The resized image height.")
add_arg('mean_value_B', float, 127.5, "mean value for B channel which will be subtracted") #123.68 add_arg('resize_w', int, 300, "The resized image height.")
add_arg('mean_value_G', float, 127.5, "mean value for G channel which will be subtracted") #116.78 add_arg('mean_value_B', float, 127.5, "Mean value for B channel which will be subtracted.") #123.68
add_arg('mean_value_R', float, 127.5, "mean value for R channel which will be subtracted") #103.94 add_arg('mean_value_G', float, 127.5, "Mean value for G channel which will be subtracted.") #116.78
add_arg('is_toy', int, 0, "Toy for quick debug, 0 means using all data, while n means using only n sample") add_arg('mean_value_R', float, 127.5, "Mean value for R channel which will be subtracted.") #103.94
# yapf: enable add_arg('is_toy', int, 0, "Toy for quick debug, 0 means using all data, while n means using only n sample.")
#yapf: enable
def parallel_do(args, def parallel_do(args,
train_file_list, train_file_list,
...@@ -118,10 +118,8 @@ def parallel_do(args, ...@@ -118,10 +118,8 @@ def parallel_do(args,
exe.run(fluid.default_startup_program()) exe.run(fluid.default_startup_program())
if pretrained_model: if pretrained_model:
def if_exist(var): def if_exist(var):
return os.path.exists(os.path.join(pretrained_model, var.name)) return os.path.exists(os.path.join(pretrained_model, var.name))
fluid.io.load_vars(exe, pretrained_model, predicate=if_exist) fluid.io.load_vars(exe, pretrained_model, predicate=if_exist)
train_reader = paddle.batch( train_reader = paddle.batch(
...@@ -139,7 +137,7 @@ def parallel_do(args, ...@@ -139,7 +137,7 @@ def parallel_do(args,
test_map = exe.run(test_program, test_map = exe.run(test_program,
feed=feeder.feed(data), feed=feeder.feed(data),
fetch_list=[accum_map]) fetch_list=[accum_map])
print("Test {0}, map {1}".format(pass_id, test_map[0])) print("Pass {0}, test map {1}".format(pass_id, test_map[0]))
for pass_id in range(num_passes): for pass_id in range(num_passes):
start_time = time.time() start_time = time.time()
...@@ -170,12 +168,12 @@ def parallel_exe(args, ...@@ -170,12 +168,12 @@ def parallel_exe(args,
learning_rate, learning_rate,
batch_size, batch_size,
num_passes, num_passes,
model_save_dir='model', model_save_dir,
pretrained_model=None): pretrained_model=None):
image_shape = [3, data_args.resize_h, data_args.resize_w] image_shape = [3, data_args.resize_h, data_args.resize_w]
if data_args.dataset == 'coco': if 'coco' in data_args.dataset:
num_classes = 81 num_classes = 91
elif data_args.dataset == 'pascalvoc': elif 'pascalvoc' in data_args.dataset:
num_classes = 21 num_classes = 21
devices = os.getenv("CUDA_VISIBLE_DEVICES") or "" devices = os.getenv("CUDA_VISIBLE_DEVICES") or ""
...@@ -188,11 +186,16 @@ def parallel_exe(args, ...@@ -188,11 +186,16 @@ def parallel_exe(args,
name='gt_label', shape=[1], dtype='int32', lod_level=1) name='gt_label', shape=[1], dtype='int32', lod_level=1)
difficult = fluid.layers.data( difficult = fluid.layers.data(
name='gt_difficult', shape=[1], dtype='int32', lod_level=1) name='gt_difficult', shape=[1], dtype='int32', lod_level=1)
gt_iscrowd = fluid.layers.data(
name='gt_iscrowd', shape=[1], dtype='int32', lod_level=1)
gt_image_info = fluid.layers.data(
name='gt_image_id', shape=[3], dtype='int32', lod_level=1)
locs, confs, box, box_var = mobile_net(num_classes, image, image_shape) locs, confs, box, box_var = mobile_net(num_classes, image, image_shape)
nmsed_out = fluid.layers.detection_output( nmsed_out = fluid.layers.detection_output(
locs, confs, box, box_var, nms_threshold=0.45) locs, confs, box, box_var, nms_threshold=args.nms_threshold)
loss = fluid.layers.ssd_loss(locs, confs, gt_box, gt_label, box, box_var) loss = fluid.layers.ssd_loss(locs, confs, gt_box, gt_label, box,
box_var)
loss = fluid.layers.reduce_sum(loss) loss = fluid.layers.reduce_sum(loss)
test_program = fluid.default_main_program().clone(for_test=True) test_program = fluid.default_main_program().clone(for_test=True)
...@@ -207,21 +210,24 @@ def parallel_exe(args, ...@@ -207,21 +210,24 @@ def parallel_exe(args,
evaluate_difficult=False, evaluate_difficult=False,
ap_version=args.ap_version) ap_version=args.ap_version)
if data_args.dataset == 'coco': if 'coco' in data_args.dataset:
# learning rate decay in 12, 19 pass, respectively # learning rate decay in 12, 19 pass, respectively
if '2014' in train_file_list: if '2014' in train_file_list:
epocs = 82783 / batch_size epocs = 82783 / batch_size
boundaries = [epocs * 12, epocs * 19] boundaries = [epocs * 12, epocs * 19]
elif '2017' in train_file_list: elif '2017' in train_file_list:
epocs = 118287 / batch_size epocs = 118287 / batch_size
boundaries = [epcos * 12, epocs * 19] boundaries = [epocs * 12, epocs * 19]
elif data_args.dataset == 'pascalvoc': values = [
learning_rate, learning_rate * 0.5, learning_rate * 0.25
]
elif 'pascalvoc' in data_args.dataset:
epocs = 19200 / batch_size epocs = 19200 / batch_size
boundaries = [epocs * 40, epocs * 60, epocs * 80, epocs * 100] boundaries = [epocs * 40, epocs * 60, epocs * 80, epocs * 100]
values = [ values = [
learning_rate, learning_rate * 0.5, learning_rate * 0.25, learning_rate, learning_rate * 0.5, learning_rate * 0.25,
learning_rate * 0.1, learning_rate * 0.01 learning_rate * 0.1, learning_rate * 0.01
] ]
optimizer = fluid.optimizer.RMSProp( optimizer = fluid.optimizer.RMSProp(
learning_rate=fluid.layers.piecewise_decay(boundaries, values), learning_rate=fluid.layers.piecewise_decay(boundaries, values),
regularization=fluid.regularizer.L2Decay(0.00005), ) regularization=fluid.regularizer.L2Decay(0.00005), )
...@@ -233,14 +239,13 @@ def parallel_exe(args, ...@@ -233,14 +239,13 @@ def parallel_exe(args,
exe.run(fluid.default_startup_program()) exe.run(fluid.default_startup_program())
if pretrained_model: if pretrained_model:
def if_exist(var): def if_exist(var):
return os.path.exists(os.path.join(pretrained_model, var.name)) return os.path.exists(os.path.join(pretrained_model, var.name))
fluid.io.load_vars(exe, pretrained_model, predicate=if_exist) fluid.io.load_vars(exe, pretrained_model, predicate=if_exist)
train_exe = fluid.ParallelExecutor( if args.parallel:
use_cuda=args.use_gpu, loss_name=loss.name) train_exe = fluid.ParallelExecutor(
use_cuda=args.use_gpu, loss_name=loss.name)
train_reader = paddle.batch( train_reader = paddle.batch(
reader.train(data_args, train_file_list), batch_size=batch_size) reader.train(data_args, train_file_list), batch_size=batch_size)
...@@ -261,15 +266,17 @@ def parallel_exe(args, ...@@ -261,15 +266,17 @@ def parallel_exe(args,
def test(pass_id, best_map): def test(pass_id, best_map):
_, accum_map = map_eval.get_map_var() _, accum_map = map_eval.get_map_var()
map_eval.reset(exe) map_eval.reset(exe)
test_map = None for batch_id, data in enumerate(test_reader()):
for data in test_reader():
test_map = exe.run(test_program, test_map = exe.run(test_program,
feed=feeder.feed(data), feed=feeder.feed(data),
fetch_list=[accum_map]) fetch_list=[accum_map])
if batch_id % 20 == 0:
print("Batch {0}, map {1}".format(batch_id, test_map[0]))
if test_map[0] > best_map: if test_map[0] > best_map:
best_map = test_map[0] best_map = test_map[0]
save_model('best_model') save_model('best_model')
print("Test {0}, map {1}".format(pass_id, test_map[0])) print("Pass {0}, test map {1}".format(pass_id, test_map[0]))
return best_map
for pass_id in range(num_passes): for pass_id in range(num_passes):
start_time = time.time() start_time = time.time()
...@@ -279,14 +286,19 @@ def parallel_exe(args, ...@@ -279,14 +286,19 @@ def parallel_exe(args,
prev_start_time = start_time prev_start_time = start_time
start_time = time.time() start_time = time.time()
if len(data) < devices_num: continue if len(data) < devices_num: continue
loss_v, = train_exe.run(fetch_list=[loss.name], if args.parallel:
feed_dict=feeder.feed(data)) loss_v, = train_exe.run(fetch_list=[loss.name],
feed_dict=feeder.feed(data))
else:
loss_v, = exe.run(fluid.default_main_program(),
feed=feeder.feed(data),
fetch_list=[loss])
end_time = time.time() end_time = time.time()
loss_v = np.mean(np.array(loss_v)) loss_v = np.mean(np.array(loss_v))
if batch_id % 20 == 0: if batch_id % 20 == 0:
print("Pass {0}, batch {1}, loss {2}, time {3}".format( print("Pass {0}, batch {1}, loss {2}, time {3}".format(
pass_id, batch_id, loss_v, start_time - prev_start_time)) pass_id, batch_id, loss_v, start_time - prev_start_time))
test(pass_id, best_map) best_map = test(pass_id, best_map)
if pass_id % 10 == 0 or pass_id == num_passes - 1: if pass_id % 10 == 0 or pass_id == num_passes - 1:
save_model(str(pass_id)) save_model(str(pass_id))
print("Best test map {0}".format(best_map)) print("Best test map {0}".format(best_map))
...@@ -301,23 +313,26 @@ if __name__ == '__main__': ...@@ -301,23 +313,26 @@ if __name__ == '__main__':
val_file_list = 'test.txt' val_file_list = 'test.txt'
label_file = 'label_list' label_file = 'label_list'
model_save_dir = args.model_save_dir model_save_dir = args.model_save_dir
if args.dataset == 'coco': if 'coco' in args.dataset:
data_dir = './data/COCO17' data_dir = './data/coco'
train_file_list = 'annotations/instances_train2017.json' if '2014' in args.dataset:
val_file_list = 'annotations/instances_val2017.json' train_file_list = 'annotations/instances_train2014.json'
label_file = 'label_list' val_file_list = 'annotations/instances_minival2014.json'
elif '2017' in args.dataset:
train_file_list = 'annotations/instances_train2017.json'
val_file_list = 'annotations/instances_val2017.json'
data_args = reader.Settings( data_args = reader.Settings(
dataset=args.dataset, dataset=args.dataset,
data_dir=data_dir, data_dir=data_dir,
label_file=label_file, label_file=label_file,
apply_distort=args.apply_distort,
apply_expand=args.apply_expand,
resize_h=args.resize_h, resize_h=args.resize_h,
resize_w=args.resize_w, resize_w=args.resize_w,
mean_value=[args.mean_value_B, args.mean_value_G, args.mean_value_R], mean_value=[args.mean_value_B, args.mean_value_G, args.mean_value_R],
apply_distort=args.apply_distort,
apply_expand=args.apply_expand,
ap_version = args.ap_version,
toy=args.is_toy) toy=args.is_toy)
#method = parallel_do
method = parallel_exe method = parallel_exe
method( method(
args, args,
......
 
[toc]
运行本目录下的程序示例需要使用PaddlePaddle develop最新版本。如果您的PaddlePaddle安装版本低于此要求,请按照安装文档中的说明更新PaddlePaddle安装版本。 运行本目录下的程序示例需要使用PaddlePaddle develop最新版本。如果您的PaddlePaddle安装版本低于此要求,请按照安装文档中的说明更新PaddlePaddle安装版本。
# Optical Character Recognition # Optical Character Recognition
这里将介绍如何在PaddlePaddle fluid下使用CRNN-CTC 和 CRNN-Attention模型对图片中的文字内容进行识别。 这里将介绍如何在PaddlePaddle Fluid下使用CRNN-CTC 和 CRNN-Attention模型对图片中的文字内容进行识别。
## 1. CRNN-CTC ## 1. CRNN-CTC
本章的任务是识别含有单行汉语字符图片,首先采用卷积将图片转为`features map`, 然后使用`im2sequence op``features map`转为`sequence`,经过`双向GRU RNN`得到每个step的汉语字符的概率分布。训练过程选用的损失函数为CTC loss,最终的评估指标为`instance error rate` 本章的任务是识别含有单行汉语字符图片,首先采用卷积将图片转为特征图, 然后使用`im2sequence op`将特征图转为序列,通过`双向GRU`学习到序列特征。训练过程选用的损失函数为CTC(Connectionist Temporal Classification) loss,最终的评估指标为样本级别的错误率
本路径下各个文件的作用如下: 本路径下各个文件的作用如下:
- **ctc_reader.py :** 下载、读取、处理数据。提供方法`train()``test()` 分别产生训练集和测试集的数据迭代器。 - **ctc_reader.py :** 下载、读取、处理数据。提供方法`train()``test()` 分别产生训练集和测试集的数据迭代器。
- **crnn_ctc_model.py :** 在该脚本中定义了训练网络、预测网络和evaluate网络。 - **crnn_ctc_model.py :** 在该脚本中定义了训练网络、预测网络和evaluate网络。
- **ctc_train.py :** 用于模型的训练,可通过命令`python train.py --help` 获得使用方法。 - **ctc_train.py :** 用于模型的训练,可通过命令`python train.py --help` 获得使用方法。
- **inference.py :** 加载训练好的模型文件,对新数据进行预测。可通过命令`python inference.py --help` 获得使用方法。 - **infer.py :** 加载训练好的模型文件,对新数据进行预测。可通过命令`python infer.py --help` 获得使用方法。
- **eval.py :** 评估模型在指定数据集上的效果。可通过命令`python inference.py --help` 获得使用方法。 - **eval.py :** 评估模型在指定数据集上的效果。可通过命令`python infer.py --help` 获得使用方法。
- **utility.py :** 实现的一些通用方法,包括参数配置、tensor的构造等。 - **utility.py :** 实现的一些通用方法,包括参数配置、tensor的构造等。
...@@ -34,11 +33,11 @@ ...@@ -34,11 +33,11 @@
<strong>图 1</strong> <strong>图 1</strong>
</p> </p>
在训练集中,每张图片对应的label是由若干数字组成的sequence。 Sequence中的每个数字表示一个字符在字典中的index`图1` 对应的label如下所示: 在训练集中,每张图片对应的label是汉字在词典中的索引`图1` 对应的label如下所示:
``` ```
3835,8371,7191,2369,6876,4162,1938,168,1517,4590,3793 3835,8371,7191,2369,6876,4162,1938,168,1517,4590,3793
``` ```
在上边这个label中,`3835` 表示字符‘两’的index,`4590` 表示中文字符逗号的index 在上边这个label中,`3835` 表示字符‘两’的索引,`4590` 表示中文字符逗号的索引
#### 1.1.2 数据准备 #### 1.1.2 数据准备
...@@ -74,7 +73,7 @@ ...@@ -74,7 +73,7 @@
在训练时,我们通过选项`--train_images``--train_list` 分别设置准备好的`train_images``train_list` 在训练时,我们通过选项`--train_images``--train_list` 分别设置准备好的`train_images``train_list`
>**注:** 如果`--train_images` 和 `--train_list`都未设置或设置为None, ctc_reader.py会自动下载使用[示例数据](http://cloud.dlnel.org/filepub/?uuid=df937251-3c0b-480d-9a7b-0080dfeee65c),并将其缓存到`$HOME/.cache/paddle/dataset/ctc_data/data/` 路径下。 >**注:** 如果`--train_images` 和 `--train_list`都未设置或设置为None, ctc_reader.py会自动下载使用[示例数据](http://paddle-ocr-data.bj.bcebos.com/data.tar.gz),并将其缓存到`$HOME/.cache/paddle/dataset/ctc_data/data/` 路径下。
**B. 测试集和评估集** **B. 测试集和评估集**
...@@ -122,7 +121,7 @@ env CUDA_VISIABLE_DEVICES=0,1,2,3 python ctc_train.py --parallel=True ...@@ -122,7 +121,7 @@ env CUDA_VISIABLE_DEVICES=0,1,2,3 python ctc_train.py --parallel=True
执行`python ctc_train.py --help`可查看更多使用方式和参数详细说明。 执行`python ctc_train.py --help`可查看更多使用方式和参数详细说明。
图2为使用默认参数和默认数据集训练的收敛曲线,其中横坐标轴为训练pass数,纵轴为在测试集上的sequence_error. 图2为使用默认参数和默认数据集训练的收敛曲线,其中横坐标轴为训练迭代次数,纵轴为样本级错误率。其中,蓝线为训练集上的样本错误率,红线为测试集上的样本错误率。在45轮迭代训练中,测试集上最低错误率为第60轮的21.11%.
<p align="center"> <p align="center">
<img src="images/train.jpg" width="620" hspace='10'/> <br/> <img src="images/train.jpg" width="620" hspace='10'/> <br/>
...@@ -150,7 +149,7 @@ env CUDA_VISIBLE_DEVICE=0 python eval.py \ ...@@ -150,7 +149,7 @@ env CUDA_VISIBLE_DEVICE=0 python eval.py \
从标准输入读取一张图片的路径,并对齐进行预测: 从标准输入读取一张图片的路径,并对齐进行预测:
``` ```
env CUDA_VISIBLE_DEVICE=0 python inference.py \ env CUDA_VISIBLE_DEVICE=0 python infer.py \
--model_path="models/model_00044_15000" --model_path="models/model_00044_15000"
``` ```
...@@ -163,17 +162,19 @@ input_images_dir: None ...@@ -163,17 +162,19 @@ input_images_dir: None
input_images_list: None input_images_list: None
model_path: /home/work/models/fluid/ocr_recognition/models/model_00052_15000 model_path: /home/work/models/fluid/ocr_recognition/models/model_00052_15000
------------------------------------------------ ------------------------------------------------
Init model from: /home/work/models/fluid/ocr_recognition/models/model_00052_15000. Init model from: ./models/model_00052_15000.
Please input the path of image: /home/work/models/fluid/ocr_recognition/data/test_images/00001_0060.jpg Please input the path of image: ./test_images/00001_0060.jpg
result: [3298 2371 4233 6514 2378 3298 2363] result: [3298 2371 4233 6514 2378 3298 2363]
Please input the path of image: /home/work/models/fluid/ocr_recognition/data/test_images/00001_0429.jpg Please input the path of image: ./test_images/00001_0429.jpg
result: [2067 2067 8187 8477 5027 7191 2431 1462] result: [2067 2067 8187 8477 5027 7191 2431 1462]
``` ```
从文件中批量读取图片路径,并对其进行预测: 从文件中批量读取图片路径,并对其进行预测:
``` ```
env CUDA_VISIBLE_DEVICE=0 python inference.py \ env CUDA_VISIBLE_DEVICE=0 python infer.py \
--model_path="models/model_00044_15000" \ --model_path="models/model_00044_15000" \
--input_images_list="data/test.list" --input_images_list="data/test.list"
``` ```
>注意:因为版权原因,我们暂时停止提供中文数据集的下载和使用服务,你通过`ctc_reader.py`自动下载的数据将是含有30W图片的英文数据集。在英文数据集上的训练结果会稍后发布。
...@@ -19,6 +19,7 @@ def conv_bn_pool(input, ...@@ -19,6 +19,7 @@ def conv_bn_pool(input,
param_attr=param if param_0 is None else param_0, param_attr=param if param_0 is None else param_0,
act=None, # LinearActivation act=None, # LinearActivation
use_cudnn=True) use_cudnn=True)
#tmp = fluid.layers.Print(tmp)
tmp = fluid.layers.batch_norm( tmp = fluid.layers.batch_norm(
input=tmp, input=tmp,
act=act, act=act,
...@@ -139,65 +140,30 @@ def encoder_net(images, ...@@ -139,65 +140,30 @@ def encoder_net(images,
def ctc_train_net(images, label, args, num_classes): def ctc_train_net(images, label, args, num_classes):
regularizer = fluid.regularizer.L2Decay(args.l2) L2_RATE = 0.0004
gradient_clip = None LR = 1.0e-3
if args.parallel: MOMENTUM = 0.9
places = fluid.layers.get_places() regularizer = fluid.regularizer.L2Decay(L2_RATE)
pd = fluid.layers.ParallelDo(places, use_nccl=True)
with pd.do():
images_ = pd.read_input(images)
label_ = pd.read_input(label)
fc_out = encoder_net(
images_,
num_classes,
regularizer=regularizer,
gradient_clip=gradient_clip)
cost = fluid.layers.warpctc(
input=fc_out,
label=label_,
blank=num_classes,
norm_by_times=True)
sum_cost = fluid.layers.reduce_sum(cost)
decoded_out = fluid.layers.ctc_greedy_decoder(
input=fc_out, blank=num_classes)
pd.write_output(sum_cost)
pd.write_output(decoded_out)
sum_cost, decoded_out = pd()
sum_cost = fluid.layers.reduce_sum(sum_cost)
else:
fc_out = encoder_net(
images,
num_classes,
regularizer=regularizer,
gradient_clip=gradient_clip)
cost = fluid.layers.warpctc(
input=fc_out, label=label, blank=num_classes, norm_by_times=True)
sum_cost = fluid.layers.reduce_sum(cost)
decoded_out = fluid.layers.ctc_greedy_decoder(
input=fc_out, blank=num_classes)
fc_out = encoder_net(images, num_classes, regularizer=regularizer)
cost = fluid.layers.warpctc(
input=fc_out, label=label, blank=num_classes, norm_by_times=True)
sum_cost = fluid.layers.reduce_sum(cost)
decoded_out = fluid.layers.ctc_greedy_decoder(
input=fc_out, blank=num_classes)
casted_label = fluid.layers.cast(x=label, dtype='int64') casted_label = fluid.layers.cast(x=label, dtype='int64')
error_evaluator = fluid.evaluator.EditDistance( error_evaluator = fluid.evaluator.EditDistance(
input=decoded_out, label=casted_label) input=decoded_out, label=casted_label)
inference_program = fluid.default_main_program().clone(for_test=True) inference_program = fluid.default_main_program().clone(for_test=True)
optimizer = fluid.optimizer.Momentum(learning_rate=LR, momentum=MOMENTUM)
optimizer = fluid.optimizer.Momentum(
learning_rate=args.learning_rate, momentum=args.momentum)
_, params_grads = optimizer.minimize(sum_cost) _, params_grads = optimizer.minimize(sum_cost)
model_average = fluid.optimizer.ModelAverage( model_average = None
params_grads, if args.average_window > 0:
args.average_window, model_average = fluid.optimizer.ModelAverage(
min_average_window=args.min_average_window, args.average_window,
max_average_window=args.max_average_window) params_grads,
min_average_window=args.min_average_window,
max_average_window=args.max_average_window)
return sum_cost, error_evaluator, inference_program, model_average return sum_cost, error_evaluator, inference_program, model_average
......
...@@ -10,8 +10,8 @@ import paddle.v2 as paddle ...@@ -10,8 +10,8 @@ import paddle.v2 as paddle
NUM_CLASSES = 10784 NUM_CLASSES = 10784
DATA_SHAPE = [1, 48, 512] DATA_SHAPE = [1, 48, 512]
DATA_MD5 = "1de60d54d19632022144e4e58c2637b5" DATA_MD5 = "7256b1d5420d8c3e74815196e58cdad5"
DATA_URL = "http://cloud.dlnel.org/filepub/?uuid=df937251-3c0b-480d-9a7b-0080dfeee65c" DATA_URL = "http://paddle-ocr-data.bj.bcebos.com/data.tar.gz"
CACHE_DIR_NAME = "ctc_data" CACHE_DIR_NAME = "ctc_data"
SAVED_FILE_NAME = "data.tar.gz" SAVED_FILE_NAME = "data.tar.gz"
DATA_DIR_NAME = "data" DATA_DIR_NAME = "data"
...@@ -136,6 +136,7 @@ class DataGenerator(object): ...@@ -136,6 +136,7 @@ class DataGenerator(object):
img = Image.open(img_path).convert('L') img = Image.open(img_path).convert('L')
img = np.array(img) - 127.5 img = np.array(img) - 127.5
img = img[np.newaxis, ...] img = img[np.newaxis, ...]
label = [int(c) for c in line.split(' ')[3].split(',')]
yield img, label yield img, label
else: else:
while True: while True:
......
...@@ -8,6 +8,7 @@ import functools ...@@ -8,6 +8,7 @@ import functools
import sys import sys
import time import time
import os import os
import numpy as np
parser = argparse.ArgumentParser(description=__doc__) parser = argparse.ArgumentParser(description=__doc__)
add_arg = functools.partial(add_arguments, argparser=parser) add_arg = functools.partial(add_arguments, argparser=parser)
...@@ -19,32 +20,23 @@ add_arg('save_model_period', int, 15000, "Save model period. '-1' means n ...@@ -19,32 +20,23 @@ add_arg('save_model_period', int, 15000, "Save model period. '-1' means n
add_arg('eval_period', int, 15000, "Evaluate period. '-1' means never evaluating the model.") add_arg('eval_period', int, 15000, "Evaluate period. '-1' means never evaluating the model.")
add_arg('save_model_dir', str, "./models", "The directory the model to be saved to.") add_arg('save_model_dir', str, "./models", "The directory the model to be saved to.")
add_arg('init_model', str, None, "The init model file of directory.") add_arg('init_model', str, None, "The init model file of directory.")
add_arg('learning_rate', float, 1.0e-3, "Learning rate.")
add_arg('l2', float, 0.0004, "L2 regularizer.")
add_arg('momentum', float, 0.9, "Momentum.")
add_arg('rnn_hidden_size', int, 200, "Hidden size of rnn layers.")
add_arg('use_gpu', bool, True, "Whether use GPU to train.") add_arg('use_gpu', bool, True, "Whether use GPU to train.")
add_arg('min_average_window',int, 10000, "Min average window.") add_arg('min_average_window',int, 10000, "Min average window.")
add_arg('max_average_window',int, 15625, "Max average window. It is proposed to be set as the number of minibatch in a pass.") add_arg('max_average_window',int, 15625, "Max average window. It is proposed to be set as the number of minibatch in a pass.")
add_arg('average_window', float, 0.15, "Average window.") add_arg('average_window', float, 0.15, "Average window.")
add_arg('parallel', bool, False, "Whether use parallel training.") add_arg('parallel', bool, False, "Whether use parallel training.")
add_arg('train_images', str, None, "The directory of training images."
"None means using the default training images of reader.")
add_arg('train_list', str, None, "The list file of training images."
"None means using the default train_list file of reader.")
add_arg('test_images', str, None, "The directory of training images."
"None means using the default test images of reader.")
add_arg('test_list', str, None, "The list file of training images."
"None means using the default test_list file of reader.")
add_arg('num_classes', int, None, "The number of classes."
"None means using the default num_classes from reader.")
# yapf: enable # yapf: enable
def train(args, data_reader=ctc_reader): def train(args, data_reader=ctc_reader):
"""OCR CTC training""" """OCR CTC training"""
num_classes = None
train_images = None
train_list = None
test_images = None
test_list = None
num_classes = data_reader.num_classes( num_classes = data_reader.num_classes(
) if args.num_classes is None else args.num_classes ) if num_classes is None else num_classes
data_shape = data_reader.data_shape() data_shape = data_reader.data_shape()
# define network # define network
images = fluid.layers.data(name='pixel', shape=data_shape, dtype='float32') images = fluid.layers.data(name='pixel', shape=data_shape, dtype='float32')
...@@ -56,10 +48,10 @@ def train(args, data_reader=ctc_reader): ...@@ -56,10 +48,10 @@ def train(args, data_reader=ctc_reader):
# data reader # data reader
train_reader = data_reader.train( train_reader = data_reader.train(
args.batch_size, args.batch_size,
train_images_dir=args.train_images, train_images_dir=train_images,
train_list_file=args.train_list) train_list_file=train_list)
test_reader = data_reader.test( test_reader = data_reader.test(
test_images_dir=args.test_images, test_list_file=args.test_list) test_images_dir=test_images, test_list_file=test_list)
# prepare environment # prepare environment
place = fluid.CPUPlace() place = fluid.CPUPlace()
...@@ -78,45 +70,72 @@ def train(args, data_reader=ctc_reader): ...@@ -78,45 +70,72 @@ def train(args, data_reader=ctc_reader):
fluid.io.load_params(exe, dirname=model_dir, filename=model_file_name) fluid.io.load_params(exe, dirname=model_dir, filename=model_file_name)
print "Init model from: %s." % args.init_model print "Init model from: %s." % args.init_model
for pass_id in range(args.pass_num): train_exe = exe
if args.parallel:
train_exe = fluid.ParallelExecutor(
use_cuda=True, loss_name=sum_cost.name)
fetch_vars = [sum_cost] + error_evaluator.metrics
def train_one_batch(data):
var_names = [var.name for var in fetch_vars]
if args.parallel:
results = train_exe.run(var_names,
feed_dict=get_feeder_data(data, place))
results = [np.array(result).sum() for result in results]
else:
results = exe.run(feed=get_feeder_data(data, place),
fetch_list=fetch_vars)
results = [result[0] for result in results]
return results
def test(pass_id, batch_id):
error_evaluator.reset(exe) error_evaluator.reset(exe)
for data in test_reader():
exe.run(inference_program, feed=get_feeder_data(data, place))
_, test_seq_error = error_evaluator.eval(exe)
print "\nTime: %s; Pass[%d]-batch[%d]; Test seq error: %s.\n" % (
time.time(), pass_id, batch_id, str(test_seq_error[0]))
def save_model(args, exe, pass_id, batch_id):
filename = "model_%05d_%d" % (pass_id, batch_id)
fluid.io.save_params(
exe, dirname=args.save_model_dir, filename=filename)
print "Saved model to: %s/%s." % (args.save_model_dir, filename)
error_evaluator.reset(exe)
for pass_id in range(args.pass_num):
batch_id = 1 batch_id = 1
total_loss = 0.0 total_loss = 0.0
total_seq_error = 0.0 total_seq_error = 0.0
# train a pass # train a pass
for data in train_reader(): for data in train_reader():
batch_loss, _, batch_seq_error = exe.run( results = train_one_batch(data)
fluid.default_main_program(), total_loss += results[0]
feed=get_feeder_data(data, place), total_seq_error += results[2]
fetch_list=[sum_cost] + error_evaluator.metrics)
total_loss += batch_loss[0]
total_seq_error += batch_seq_error[0]
# training log # training log
if batch_id % args.log_period == 0: if batch_id % args.log_period == 0:
print "\nTime: %s; Pass[%d]-batch[%d]; Avg Warp-CTC loss: %s; Avg seq error: %s." % ( print "\nTime: %s; Pass[%d]-batch[%d]; Avg Warp-CTC loss: %s; Avg seq err: %s" % (
time.time(), pass_id, batch_id, time.time(), pass_id, batch_id,
total_loss / (batch_id * args.batch_size), total_loss / (batch_id * args.batch_size),
total_seq_error / (batch_id * args.batch_size)) total_seq_error / (batch_id * args.batch_size))
sys.stdout.flush() sys.stdout.flush()
# evaluate # evaluate
if batch_id % args.eval_period == 0: if batch_id % args.eval_period == 0:
with model_average.apply(exe): if model_average:
error_evaluator.reset(exe) with model_average.apply(exe):
for data in test_reader(): test(pass_id, batch_id)
exe.run(inference_program, else:
feed=get_feeder_data(data, place)) test(pass_id, batch_d)
_, test_seq_error = error_evaluator.eval(exe)
print "\nTime: %s; Pass[%d]-batch[%d]; Test seq error: %s.\n" % (
time.time(), pass_id, batch_id, str(test_seq_error[0]))
# save model # save model
if batch_id % args.save_model_period == 0: if batch_id % args.save_model_period == 0:
with model_average.apply(exe): if model_average:
filename = "model_%05d_%d" % (pass_id, batch_id) with model_average.apply(exe):
fluid.io.save_params( save_model(args, exe, pass_id, batch_id)
exe, dirname=args.save_model_dir, filename=filename) else:
print "Saved model to: %s/%s." % (args.save_model_dir, save_model(args, exe, pass_id, batch_id)
filename)
batch_id += 1 batch_id += 1
......
...@@ -14,6 +14,7 @@ add_arg = functools.partial(add_arguments, argparser=parser) ...@@ -14,6 +14,7 @@ add_arg = functools.partial(add_arguments, argparser=parser)
add_arg('model_path', str, None, "The model path to be used for inference.") add_arg('model_path', str, None, "The model path to be used for inference.")
add_arg('input_images_dir', str, None, "The directory of images.") add_arg('input_images_dir', str, None, "The directory of images.")
add_arg('input_images_list', str, None, "The list file of images.") add_arg('input_images_list', str, None, "The list file of images.")
add_arg('dict', str, None, "The dictionary. The result of inference will be index sequence if the dictionary was None.")
add_arg('use_gpu', bool, True, "Whether use GPU to infer.") add_arg('use_gpu', bool, True, "Whether use GPU to infer.")
# yapf: enable # yapf: enable
...@@ -31,12 +32,21 @@ def inference(args, infer=ctc_infer, data_reader=ctc_reader): ...@@ -31,12 +32,21 @@ def inference(args, infer=ctc_infer, data_reader=ctc_reader):
infer_list_file=args.input_images_list) infer_list_file=args.input_images_list)
# prepare environment # prepare environment
place = fluid.CPUPlace() place = fluid.CPUPlace()
if use_gpu: if args.use_gpu:
place = fluid.CUDAPlace(0) place = fluid.CUDAPlace(0)
exe = fluid.Executor(place) exe = fluid.Executor(place)
exe.run(fluid.default_startup_program()) exe.run(fluid.default_startup_program())
# load dictionary
dict_map = None
if args.dict is not None and os.path.isfile(args.dict):
dict_map = {}
with open(args.dict) as dict_file:
for i, word in enumerate(dict_file):
dict_map[i] = word.strip()
print "Loaded dict from %s" % args.dict
# load init model # load init model
model_dir = args.model_path model_dir = args.model_path
model_file_name = None model_file_name = None
...@@ -52,7 +62,11 @@ def inference(args, infer=ctc_infer, data_reader=ctc_reader): ...@@ -52,7 +62,11 @@ def inference(args, infer=ctc_infer, data_reader=ctc_reader):
data, place, need_label=False), data, place, need_label=False),
fetch_list=[sequence], fetch_list=[sequence],
return_numpy=False) return_numpy=False)
print "result: %s" % (np.array(result[0]).flatten(), ) indexes = np.array(result[0]).flatten()
if dict_map is not None:
print "result: %s" % ([dict_map[index] for index in indexes], )
else:
print "result: %s" % (indexes, )
def main(): def main():
......
...@@ -53,9 +53,9 @@ class PolicyGradient: ...@@ -53,9 +53,9 @@ class PolicyGradient:
feed={"obs": observation[np.newaxis, :]}, feed={"obs": observation[np.newaxis, :]},
fetch_list=[self.all_act_prob]) fetch_list=[self.all_act_prob])
prob_weights = np.array(prob_weights[0]) prob_weights = np.array(prob_weights[0])
# select action w.r.t the actions prob
action = np.random.choice( action = np.random.choice(
range(prob_weights.shape[1]), range(prob_weights.shape[1]), p=prob_weights.ravel())
p=prob_weights.ravel()) # select action w.r.t the actions prob
return action return action
def store_transition(self, s, a, r): def store_transition(self, s, a, r):
......
import unittest
import contextlib
import paddle.fluid as fluid
import paddle.v2 as paddle
import numpy as np
import sys
import time
import os
import json
import random
def to_lodtensor(data, place):
"""
convert to LODtensor
"""
seq_lens = [len(seq) for seq in data]
cur_len = 0
lod = [cur_len]
for l in seq_lens:
cur_len += l
lod.append(cur_len)
flattened_data = np.concatenate(data, axis=0).astype("int64")
flattened_data = flattened_data.reshape([len(flattened_data), 1])
res = fluid.LoDTensor()
res.set(flattened_data, place)
res.set_lod([lod])
return res
def load_vocab(filename):
"""
load imdb vocabulary
"""
vocab = {}
with open(filename) as f:
wid = 0
for line in f:
vocab[line.strip()] = wid
wid += 1
vocab["<unk>"] = len(vocab)
return vocab
def data2tensor(data, place):
"""
data2tensor
"""
input_seq = to_lodtensor(map(lambda x: x[0], data), place)
y_data = np.array(map(lambda x: x[1], data)).astype("int64")
y_data = y_data.reshape([-1, 1])
return {"words": input_seq, "label": y_data}
def data2pred(data, place):
"""
data2tensor
"""
input_seq = to_lodtensor(map(lambda x: x[0], data), place)
y_data = np.array(map(lambda x: x[1], data)).astype("int64")
y_data = y_data.reshape([-1, 1])
return {"words": input_seq}
def load_dict(vocab):
"""
Load dict from vocab
"""
word_dict = dict()
with open(vocab, "r") as fin:
for line in fin:
cols = line.strip("\r\n").decode("gb18030").split("\t")
word_dict[cols[0]] = int(cols[1])
return word_dict
def save_dict(word_dict, vocab):
"""
Save dict into file
"""
with open(vocab, "w") as fout:
for k, v in word_dict.iteritems():
outstr = ("%s\t%s\n" % (k, v)).encode("gb18030")
fout.write(outstr)
def build_dict(fname):
"""
build word dict using trainset
"""
word_dict = dict()
with open(fname, "r") as fin:
for line in fin:
try:
words = line.strip("\r\n").decode("gb18030").split("\t")[
1].split(" ")
except:
sys.stderr.write("[warning] build_dict: decode error\n")
continue
for w in words:
if w not in word_dict:
word_dict[w] = len(word_dict)
return word_dict
def scdb_word_dict(vocab="scdb_data/train_set/train.vocab"):
"""
get word_dict
"""
if not os.path.exists(vocab):
w_dict = build_dict(train_file)
save_dict(w_dict, vocab)
else:
w_dict = load_dict(vocab)
w_dict["<unk>"] = len(w_dict)
return w_dict
def data_reader(fname, word_dict, is_dir=False):
"""
Convert word sequence into slot
"""
unk_id = len(word_dict)
all_data = []
filelist = []
if is_dir:
filelist = [fname + os.sep + f for f in os.listdir(fname)]
else:
filelist = [fname]
for each_name in filelist:
with open(each_name, "r") as fin:
for line in fin:
try:
cols = line.strip("\r\n").decode("gb18030").split("\t")
except:
sys.stderr.write("warning: ignore decode error\n")
continue
label = int(cols[0])
wids = [
word_dict[x] if x in word_dict else unk_id
for x in cols[1].split(" ")
]
all_data.append((wids, label))
random.shuffle(all_data)
def reader():
for doc, label in all_data:
yield doc, label
return reader
def scdb_train_data(train_dir="scdb_data/train_set/corpus.train.seg",
w_dict=None):
"""
create train data
"""
return data_reader(train_dir, w_dict, True)
def scdb_test_data(test_file, w_dict):
"""
test_set=["car", "lbs", "spot", "weibo",
"baby", "toutiao", "3c", "movie", "haogan"]
"""
return data_reader(test_file, w_dict)
def bow_net(data,
label,
dict_dim,
emb_dim=128,
hid_dim=128,
hid_dim2=96,
class_dim=2):
"""
bow net
"""
emb = fluid.layers.embedding(input=data, size=[dict_dim, emb_dim])
bow = fluid.layers.sequence_pool(input=emb, pool_type='sum')
bow_tanh = fluid.layers.tanh(bow)
fc_1 = fluid.layers.fc(input=bow_tanh, size=hid_dim, act="tanh")
fc_2 = fluid.layers.fc(input=fc_1, size=hid_dim2, act="tanh")
prediction = fluid.layers.fc(input=[fc_2], size=class_dim, act="softmax")
cost = fluid.layers.cross_entropy(input=prediction, label=label)
avg_cost = fluid.layers.mean(x=cost)
acc = fluid.layers.accuracy(input=prediction, label=label)
return avg_cost, acc, prediction
def cnn_net(data,
label,
dict_dim,
emb_dim=128,
hid_dim=128,
hid_dim2=96,
class_dim=2,
win_size=3):
"""
conv net
"""
emb = fluid.layers.embedding(input=data, size=[dict_dim, emb_dim])
conv_3 = fluid.nets.sequence_conv_pool(
input=emb,
num_filters=hid_dim,
filter_size=win_size,
act="tanh",
pool_type="max")
fc_1 = fluid.layers.fc(input=[conv_3], size=hid_dim2)
prediction = fluid.layers.fc(input=[fc_1], size=class_dim, act="softmax")
cost = fluid.layers.cross_entropy(input=prediction, label=label)
avg_cost = fluid.layers.mean(x=cost)
acc = fluid.layers.accuracy(input=prediction, label=label)
return avg_cost, acc, prediction
def lstm_net(data,
label,
dict_dim,
emb_dim=128,
hid_dim=128,
hid_dim2=96,
class_dim=2,
emb_lr=30.0):
"""
lstm net
"""
emb = fluid.layers.embedding(
input=data,
size=[dict_dim, emb_dim],
param_attr=fluid.ParamAttr(learning_rate=emb_lr))
fc0 = fluid.layers.fc(input=emb, size=hid_dim * 4, act='tanh')
lstm_h, c = fluid.layers.dynamic_lstm(
input=fc0, size=hid_dim * 4, is_reverse=False)
lstm_max = fluid.layers.sequence_pool(input=lstm_h, pool_type='max')
lstm_max_tanh = fluid.layers.tanh(lstm_max)
fc1 = fluid.layers.fc(input=lstm_max_tanh, size=hid_dim2, act='tanh')
prediction = fluid.layers.fc(input=fc1, size=class_dim, act='softmax')
cost = fluid.layers.cross_entropy(input=prediction, label=label)
avg_cost = fluid.layers.mean(x=cost)
acc = fluid.layers.accuracy(input=prediction, label=label)
return avg_cost, acc, prediction
def bilstm_net(data,
label,
dict_dim,
emb_dim=128,
hid_dim=128,
hid_dim2=96,
class_dim=2,
emb_lr=30.0):
"""
lstm net
"""
emb = fluid.layers.embedding(
input=data,
size=[dict_dim, emb_dim],
param_attr=fluid.ParamAttr(learning_rate=emb_lr))
fc0 = fluid.layers.fc(input=emb, size=hid_dim * 4, act='tanh')
rfc0 = fluid.layers.fc(input=emb, size=hid_dim * 4, act='tanh')
lstm_h, c = fluid.layers.dynamic_lstm(
input=fc0, size=hid_dim * 4, is_reverse=False)
rlstm_h, c = fluid.layers.dynamic_lstm(
input=rfc0, size=hid_dim * 4, is_reverse=True)
lstm_last = fluid.layers.sequence_last_step(input=lstm_h)
rlstm_last = fluid.layers.sequence_last_step(input=rlstm_h)
lstm_last_tanh = fluid.layers.tanh(lstm_last)
rlstm_last_tanh = fluid.layers.tanh(rlstm_last)
lstm_concat = fluid.layers.concat(input=[lstm_last, rlstm_last], axis=1)
fc1 = fluid.layers.fc(input=lstm_concat, size=hid_dim2, act='tanh')
prediction = fluid.layers.fc(input=fc1, size=class_dim, act='softmax')
cost = fluid.layers.cross_entropy(input=prediction, label=label)
avg_cost = fluid.layers.mean(x=cost)
acc = fluid.layers.accuracy(input=prediction, label=label)
return avg_cost, acc, prediction
def gru_net(data,
label,
dict_dim,
emb_dim=128,
hid_dim=128,
hid_dim2=96,
class_dim=2,
emb_lr=30.0):
"""
gru net
"""
emb = fluid.layers.embedding(
input=data,
size=[dict_dim, emb_dim],
param_attr=fluid.ParamAttr(learning_rate=emb_lr))
fc0 = fluid.layers.fc(input=emb, size=hid_dim * 3)
gru_h = fluid.layers.dynamic_gru(input=fc0, size=hid_dim, is_reverse=False)
gru_max = fluid.layers.sequence_pool(input=gru_h, pool_type='max')
gru_max_tanh = fluid.layers.tanh(gru_max)
fc1 = fluid.layers.fc(input=gru_max_tanh, size=hid_dim2, act='tanh')
prediction = fluid.layers.fc(input=fc1, size=class_dim, act='softmax')
cost = fluid.layers.cross_entropy(input=prediction, label=label)
avg_cost = fluid.layers.mean(x=cost)
acc = fluid.layers.accuracy(input=prediction, label=label)
return avg_cost, acc, prediction
def infer(test_reader, use_cuda, model_path=None):
"""
inference function
"""
if model_path is None:
print(str(model_path) + " cannot be found")
return
place = fluid.CPUPlace()
exe = fluid.Executor(place)
inference_scope = fluid.core.Scope()
with fluid.scope_guard(inference_scope):
[inference_program, feed_target_names,
fetch_targets] = fluid.io.load_inference_model(model_path, exe)
class2_list, class3_list = [], []
for each_test_reader in test_reader:
class2_acc, class3_acc = 0.0, 0.0
total_count, neu_count = 0, 0
for data in each_test_reader():
pred = exe.run(inference_program,
feed=data2pred(data, place),
fetch_list=fetch_targets,
return_numpy=True)
for i, val in enumerate(data):
pos_score = pred[0][i, 1]
true_label = val[1]
if true_label == 2.0 and pos_score > 0.5:
class2_acc += 1
if true_label == 0.0 and pos_score < 0.5:
class2_acc += 1
if true_label == 2.0 and pos_score > 0.55:
class3_acc += 1
if true_label == 1.0 and pos_score > 0.45 and pos_score <= 0.55:
class3_acc += 1
if true_label == 0.0 and pos_score <= 0.45:
class3_acc += 1
if true_label == 1.0:
neu_count += 1
total_count += len(data)
class2_acc = class2_acc / (total_count - neu_count)
class3_acc = class3_acc / total_count
class2_list.append(class2_acc)
class3_list.append(class3_acc)
class2_acc = sum(class2_list) / len(class2_list)
class3_acc = sum(class3_list) / len(class3_list)
print("[test info] model_path: %s, class2_acc: %f, class3_acc: %f" %
(model_path, class2_acc, class3_acc))
def start_train(train_reader,
test_reader,
word_dict,
network,
use_cuda,
parallel,
save_dirname,
lr=0.2,
batch_size=128,
pass_num=30):
"""
train network
"""
data = fluid.layers.data(
name="words", shape=[1], dtype="int64", lod_level=1)
label = fluid.layers.data(name="label", shape=[1], dtype="int64")
cost, acc, pred = network(data, label, len(word_dict) + 1)
sgd_optimizer = fluid.optimizer.Adagrad(learning_rate=lr)
sgd_optimizer.minimize(cost)
place = fluid.CPUPlace()
feeder = fluid.DataFeeder(feed_list=[data, label], place=place)
start_exe = fluid.Executor(place)
start_exe.run(fluid.default_startup_program())
exe = fluid.ParallelExecutor(use_cuda, loss_name=cost.name)
for pass_id in xrange(pass_num):
total_acc, total_cost, total_count, avg_cost, avg_acc = 0.0, 0.0, 0.0, 0.0, 0.0
for data in train_reader():
cost_val, acc_val = exe.run(feed=feeder.feed(data),
fetch_list=[cost.name, acc.name])
cost_val_list, acc_val_list = np.array(cost_val), np.array(acc_val)
total_cost += cost_val_list.sum() * len(data)
total_acc += acc_val_list.sum() * len(data)
total_count += len(data)
avg_cost = total_cost / total_count
avg_acc = total_acc / total_count
print("[train info]: pass_id: %d, avg_acc: %f, avg_cost: %f" %
(pass_id, avg_acc, avg_cost))
gpu_place = fluid.CUDAPlace(0)
save_exe = fluid.Executor(gpu_place)
epoch_model = save_dirname + "/" + "epoch" + str(pass_id)
fluid.io.save_inference_model(epoch_model, ["words"], pred, save_exe)
infer(test_reader, False, epoch_model)
def train_net(vocab="./thirdparty/train.vocab",
train_dir="./train",
test_list=["car", "spot", "weibo", "lbs"]):
"""
w_dict = scdb_word_dict(vocab=vocab)
test_files = [ "./thirdparty" + os.sep + f for f in test_list]
train_reader = paddle.batch(
scdb_train_data(train_dir, w_dict),
batch_size = 256)
test_reader = [paddle.batch(scdb_test_data(test_file, w_dict), batch_size = 50) \
for test_file in test_files]
"""
w_dict = paddle.dataset.imdb.word_dict()
print("dict ready")
train_reader = paddle.batch(
paddle.reader.shuffle(
paddle.dataset.imdb.train(w_dict), buf_size=50000),
batch_size=128)
test_reader = paddle.batch(
paddle.reader.shuffle(
paddle.dataset.imdb.test(w_dict), buf_size=50000),
batch_size=128)
test_reader = [test_reader]
start_train(
train_reader,
test_reader,
w_dict,
bilstm_net,
use_cuda=True,
parallel=False,
save_dirname="scdb_bilstm_model",
lr=0.05,
pass_num=10,
batch_size=256)
if __name__ == "__main__":
train_net()
import unittest
import contextlib
import paddle.fluid as fluid
import paddle.v2 as paddle
import numpy as np
import sys
import time
import os
import json
import random
def to_lodtensor(data, place):
"""
convert to LODtensor
"""
seq_lens = [len(seq) for seq in data]
cur_len = 0
lod = [cur_len]
for l in seq_lens:
cur_len += l
lod.append(cur_len)
flattened_data = np.concatenate(data, axis=0).astype("int64")
flattened_data = flattened_data.reshape([len(flattened_data), 1])
res = fluid.LoDTensor()
res.set(flattened_data, place)
res.set_lod([lod])
return res
def load_vocab(filename):
"""
load imdb vocabulary
"""
vocab = {}
with open(filename) as f:
wid = 0
for line in f:
vocab[line.strip()] = wid
wid += 1
vocab["<unk>"] = len(vocab)
return vocab
def data2tensor(data, place):
"""
data2tensor
"""
input_seq = to_lodtensor(map(lambda x: x[0], data), place)
y_data = np.array(map(lambda x: x[1], data)).astype("int64")
y_data = y_data.reshape([-1, 1])
return {"words": input_seq, "label": y_data}
def data2pred(data, place):
"""
data2tensor
"""
input_seq = to_lodtensor(map(lambda x: x[0], data), place)
y_data = np.array(map(lambda x: x[1], data)).astype("int64")
y_data = y_data.reshape([-1, 1])
return {"words": input_seq}
def load_dict(vocab):
"""
Load dict from vocab
"""
word_dict = dict()
with open(vocab, "r") as fin:
for line in fin:
cols = line.strip("\r\n").decode("gb18030").split("\t")
word_dict[cols[0]] = int(cols[1])
return word_dict
def save_dict(word_dict, vocab):
"""
Save dict into file
"""
with open(vocab, "w") as fout:
for k, v in word_dict.iteritems():
outstr = ("%s\t%s\n" % (k, v)).encode("gb18030")
fout.write(outstr)
def build_dict(fname):
"""
build word dict using trainset
"""
word_dict = dict()
with open(fname, "r") as fin:
for line in fin:
try:
words = line.strip("\r\n").decode("gb18030").split("\t")[
1].split(" ")
except:
sys.stderr.write("[warning] build_dict: decode error\n")
continue
for w in words:
if w not in word_dict:
word_dict[w] = len(word_dict)
return word_dict
def scdb_word_dict(vocab="scdb_data/train_set/train.vocab"):
"""
get word_dict
"""
if not os.path.exists(vocab):
w_dict = build_dict(train_file)
save_dict(w_dict, vocab)
else:
w_dict = load_dict(vocab)
w_dict["<unk>"] = len(w_dict)
return w_dict
def data_reader(fname, word_dict, is_dir=False):
"""
Convert word sequence into slot
"""
unk_id = len(word_dict)
all_data = []
filelist = []
if is_dir:
filelist = [fname + os.sep + f for f in os.listdir(fname)]
else:
filelist = [fname]
for each_name in filelist:
with open(each_name, "r") as fin:
for line in fin:
try:
cols = line.strip("\r\n").decode("gb18030").split("\t")
except:
sys.stderr.write("warning: ignore decode error\n")
continue
label = int(cols[0])
wids = [
word_dict[x] if x in word_dict else unk_id
for x in cols[1].split(" ")
]
all_data.append((wids, label))
random.shuffle(all_data)
def reader():
for doc, label in all_data:
yield doc, label
return reader
def scdb_train_data(train_dir="scdb_data/train_set/corpus.train.seg",
w_dict=None):
"""
create train data
"""
return data_reader(train_dir, w_dict, True)
def scdb_test_data(test_file, w_dict):
"""
test_set=["car", "lbs", "spot", "weibo",
"baby", "toutiao", "3c", "movie", "haogan"]
"""
return data_reader(test_file, w_dict)
def bow_net(data,
label,
dict_dim,
emb_dim=128,
hid_dim=128,
hid_dim2=96,
class_dim=2):
"""
bow net
"""
emb = fluid.layers.embedding(input=data, size=[dict_dim, emb_dim])
bow = fluid.layers.sequence_pool(input=emb, pool_type='sum')
bow_tanh = fluid.layers.tanh(bow)
fc_1 = fluid.layers.fc(input=bow_tanh, size=hid_dim, act="tanh")
fc_2 = fluid.layers.fc(input=fc_1, size=hid_dim2, act="tanh")
prediction = fluid.layers.fc(input=[fc_2], size=class_dim, act="softmax")
cost = fluid.layers.cross_entropy(input=prediction, label=label)
avg_cost = fluid.layers.mean(x=cost)
acc = fluid.layers.accuracy(input=prediction, label=label)
return avg_cost, acc, prediction
def cnn_net(data,
label,
dict_dim,
emb_dim=128,
hid_dim=128,
hid_dim2=96,
class_dim=2,
win_size=3):
"""
conv net
"""
emb = fluid.layers.embedding(input=data, size=[dict_dim, emb_dim])
conv_3 = fluid.nets.sequence_conv_pool(
input=emb,
num_filters=hid_dim,
filter_size=win_size,
act="tanh",
pool_type="max")
fc_1 = fluid.layers.fc(input=[conv_3], size=hid_dim2)
prediction = fluid.layers.fc(input=[fc_1], size=class_dim, act="softmax")
cost = fluid.layers.cross_entropy(input=prediction, label=label)
avg_cost = fluid.layers.mean(x=cost)
acc = fluid.layers.accuracy(input=prediction, label=label)
return avg_cost, acc, prediction
def lstm_net(data,
label,
dict_dim,
emb_dim=128,
hid_dim=128,
hid_dim2=96,
class_dim=2,
emb_lr=30.0):
"""
lstm net
"""
emb = fluid.layers.embedding(
input=data,
size=[dict_dim, emb_dim],
param_attr=fluid.ParamAttr(learning_rate=emb_lr))
fc0 = fluid.layers.fc(input=emb, size=hid_dim * 4, act='tanh')
lstm_h, c = fluid.layers.dynamic_lstm(
input=fc0, size=hid_dim * 4, is_reverse=False)
lstm_max = fluid.layers.sequence_pool(input=lstm_h, pool_type='max')
lstm_max_tanh = fluid.layers.tanh(lstm_max)
fc1 = fluid.layers.fc(input=lstm_max_tanh, size=hid_dim2, act='tanh')
prediction = fluid.layers.fc(input=fc1, size=class_dim, act='softmax')
cost = fluid.layers.cross_entropy(input=prediction, label=label)
avg_cost = fluid.layers.mean(x=cost)
acc = fluid.layers.accuracy(input=prediction, label=label)
return avg_cost, acc, prediction
def bilstm_net(data,
label,
dict_dim,
emb_dim=128,
hid_dim=128,
hid_dim2=96,
class_dim=2,
emb_lr=30.0):
"""
lstm net
"""
emb = fluid.layers.embedding(
input=data,
size=[dict_dim, emb_dim],
param_attr=fluid.ParamAttr(learning_rate=emb_lr))
fc0 = fluid.layers.fc(input=emb, size=hid_dim * 4, act='tanh')
rfc0 = fluid.layers.fc(input=emb, size=hid_dim * 4, act='tanh')
lstm_h, c = fluid.layers.dynamic_lstm(
input=fc0, size=hid_dim * 4, is_reverse=False)
rlstm_h, c = fluid.layers.dynamic_lstm(
input=rfc0, size=hid_dim * 4, is_reverse=True)
lstm_last = fluid.layers.sequence_last_step(input=lstm_h)
rlstm_last = fluid.layers.sequence_last_step(input=rlstm_h)
lstm_last_tanh = fluid.layers.tanh(lstm_last)
rlstm_last_tanh = fluid.layers.tanh(rlstm_last)
lstm_concat = fluid.layers.concat(input=[lstm_last, rlstm_last], axis=1)
fc1 = fluid.layers.fc(input=lstm_concat, size=hid_dim2, act='tanh')
prediction = fluid.layers.fc(input=fc1, size=class_dim, act='softmax')
cost = fluid.layers.cross_entropy(input=prediction, label=label)
avg_cost = fluid.layers.mean(x=cost)
acc = fluid.layers.accuracy(input=prediction, label=label)
return avg_cost, acc, prediction
def gru_net(data,
label,
dict_dim,
emb_dim=128,
hid_dim=128,
hid_dim2=96,
class_dim=2,
emb_lr=30.0):
"""
gru net
"""
emb = fluid.layers.embedding(
input=data,
size=[dict_dim, emb_dim],
param_attr=fluid.ParamAttr(learning_rate=emb_lr))
fc0 = fluid.layers.fc(input=emb, size=hid_dim * 3)
gru_h = fluid.layers.dynamic_gru(input=fc0, size=hid_dim, is_reverse=False)
gru_max = fluid.layers.sequence_pool(input=gru_h, pool_type='max')
gru_max_tanh = fluid.layers.tanh(gru_max)
fc1 = fluid.layers.fc(input=gru_max_tanh, size=hid_dim2, act='tanh')
prediction = fluid.layers.fc(input=fc1, size=class_dim, act='softmax')
cost = fluid.layers.cross_entropy(input=prediction, label=label)
avg_cost = fluid.layers.mean(x=cost)
acc = fluid.layers.accuracy(input=prediction, label=label)
return avg_cost, acc, prediction
def infer(test_reader, use_cuda, model_path=None):
"""
inference function
"""
if model_path is None:
print(str(model_path) + " cannot be found")
return
place = fluid.CUDAPlace(0) if use_cuda else fluid.CPUPlace()
exe = fluid.Executor(place)
inference_scope = fluid.core.Scope()
with fluid.scope_guard(inference_scope):
[inference_program, feed_target_names,
fetch_targets] = fluid.io.load_inference_model(model_path, exe)
class2_list, class3_list = [], []
for each_test_reader in test_reader:
class2_acc, class3_acc = 0.0, 0.0
total_count, neu_count = 0, 0
for data in each_test_reader():
pred = exe.run(inference_program,
feed=data2pred(data, place),
fetch_list=fetch_targets,
return_numpy=True)
for i, val in enumerate(data):
pos_score = pred[0][i, 1]
true_label = val[1]
if true_label == 2.0 and pos_score > 0.5:
class2_acc += 1
if true_label == 0.0 and pos_score < 0.5:
class2_acc += 1
if true_label == 2.0 and pos_score > 0.55:
class3_acc += 1
if true_label == 1.0 and pos_score > 0.45 and pos_score <= 0.55:
class3_acc += 1
if true_label == 0.0 and pos_score <= 0.45:
class3_acc += 1
if true_label == 1.0:
neu_count += 1
total_count += len(data)
class2_acc = class2_acc / (total_count - neu_count)
class3_acc = class3_acc / total_count
class2_list.append(class2_acc)
class3_list.append(class3_acc)
class2_acc = sum(class2_list) / len(class2_list)
class3_acc = sum(class3_list) / len(class3_list)
print("[test info] model_path: %s, class2_acc: %f, class3_acc: %f" %
(model_path, class2_acc, class3_acc))
def start_train(train_reader,
test_reader,
word_dict,
network,
use_cuda,
parallel,
save_dirname,
lr=0.2,
batch_size=128,
pass_num=30):
"""
train network
"""
data = fluid.layers.data(
name="words", shape=[1], dtype="int64", lod_level=1)
label = fluid.layers.data(name="label", shape=[1], dtype="int64")
cost, acc, pred = network(data, label, len(word_dict) + 1)
sgd_optimizer = fluid.optimizer.Adagrad(learning_rate=lr)
sgd_optimizer.minimize(cost)
place = fluid.CUDAPlace(0) if use_cuda else fluid.CPUPlace()
exe = fluid.Executor(place)
feeder = fluid.DataFeeder(feed_list=[data, label], place=place)
exe.run(fluid.default_startup_program())
for pass_id in xrange(pass_num):
data_size, data_count, total_acc, total_cost = 0, 0, 0.0, 0.0
for data in train_reader():
avg_cost_np, avg_acc_np = exe.run(fluid.default_main_program(),
feed=feeder.feed(data),
fetch_list=[cost, acc])
data_size = len(data)
total_acc += data_size * avg_acc_np
total_cost += data_size * avg_cost_np
data_count += data_size
avg_cost = total_cost / data_count
avg_acc = total_acc / data_count
print("[train info]: pass_id: %d, avg_acc: %f, avg_cost: %f" %
(pass_id, avg_acc, avg_cost))
epoch_model = save_dirname + "/" + "epoch" + str(pass_id)
fluid.io.save_inference_model(epoch_model, ["words"], pred, exe)
infer(test_reader, False, epoch_model)
def train_net(vocab="./thirdparty/train.vocab",
train_dir="./train",
test_list=["car", "spot", "weibo", "lbs"]):
w_dict = scdb_word_dict(vocab=vocab)
test_files = ["./thirdparty" + os.sep + f for f in test_list]
train_reader = paddle.batch(
scdb_train_data(train_dir, w_dict), batch_size=256)
test_reader = [paddle.batch(scdb_test_data(test_file, w_dict), batch_size = 50) \
for test_file in test_files]
start_train(
train_reader,
test_reader,
w_dict,
bow_net,
use_cuda=False,
parallel=False,
save_dirname="scdb_bow_model",
lr=0.002,
pass_num=10,
batch_size=256)
if __name__ == "__main__":
train_net()
...@@ -5,9 +5,6 @@ import numpy as np ...@@ -5,9 +5,6 @@ import numpy as np
import paddle.fluid as fluid import paddle.fluid as fluid
import paddle.v2 as paddle import paddle.v2 as paddle
import light_imdb
import tiny_imdb
def to_lodtensor(data, place): def to_lodtensor(data, place):
""" """
...@@ -63,10 +60,6 @@ def prepare_data(data_type="imdb", ...@@ -63,10 +60,6 @@ def prepare_data(data_type="imdb",
else: else:
if data_type == "imdb": if data_type == "imdb":
word_dict = paddle.dataset.imdb.word_dict() word_dict = paddle.dataset.imdb.word_dict()
elif data_type == "light_imdb":
word_dict = light_imdb.word_dict()
elif data_type == "tiny_imdb":
word_dict = tiny_imdb.word_dict()
else: else:
raise RuntimeError("No such dataset") raise RuntimeError("No such dataset")
...@@ -80,28 +73,6 @@ def prepare_data(data_type="imdb", ...@@ -80,28 +73,6 @@ def prepare_data(data_type="imdb",
paddle.reader.shuffle( paddle.reader.shuffle(
paddle.dataset.imdb.test(word_dict), buf_size=buf_size), paddle.dataset.imdb.test(word_dict), buf_size=buf_size),
batch_size=batch_size) batch_size=batch_size)
elif data_type == "light_imdb":
train_reader = paddle.batch(
paddle.reader.shuffle(
light_imdb.train(word_dict), buf_size=buf_size),
batch_size=batch_size)
test_reader = paddle.batch(
paddle.reader.shuffle(
light_imdb.test(word_dict), buf_size=buf_size),
batch_size=batch_size)
elif data_type == "tiny_imdb":
train_reader = paddle.batch(
paddle.reader.shuffle(
tiny_imdb.train(word_dict), buf_size=buf_size),
batch_size=batch_size)
test_reader = paddle.batch(
paddle.reader.shuffle(
tiny_imdb.test(word_dict), buf_size=buf_size),
batch_size=batch_size)
else: else:
raise RuntimeError("no such dataset") raise RuntimeError("no such dataset")
......
...@@ -99,7 +99,7 @@ RNN是一个序列模型,基本思路是:在时刻$t$,将前一时刻$t-1$ ...@@ -99,7 +99,7 @@ RNN是一个序列模型,基本思路是:在时刻$t$,将前一时刻$t-1$
``` ```
1. `max_word_num`:指定字典中含有多少个词。 1. `max_word_num`:指定字典中含有多少个词。
2. `cutoff_word_fre`:字典中词语在训练语料中出现的最低频率。 2. `cutoff_word_fre`:字典中词语在训练语料中出现的最低频率。
- 加入指定了 `max_word_num = 5000`,并且 `cutoff_word_fre = 10`,词频统计发现训练语料中出现频率高于10次的词语仅有3000个,那么最终会取3000个词构成词典。 - 假如指定了 `max_word_num = 5000`,并且 `cutoff_word_fre = 10`,词频统计发现训练语料中出现频率高于10次的词语仅有3000个,那么最终会取3000个词构成词典。
- 构建词典时,会自动加入两个特殊符号: - 构建词典时,会自动加入两个特殊符号:
1. `<unk>`:不出现在字典中的词 1. `<unk>`:不出现在字典中的词
2. `<e>`:句子的结束符 2. `<e>`:句子的结束符
......
Markdown is supported
0% .
You are about to add 0 people to the discussion. Proceed with caution.
先完成此消息的编辑!
想要评论请 注册