content
stringlengths 1
1.04M
| input_ids
sequencelengths 1
774k
| ratio_char_token
float64 0.38
22.9
| token_count
int64 1
774k
|
---|---|---|---|
print("Hello world from my VM")
| [
4798,
7203,
15496,
995,
422,
616,
16990,
4943,
198
] | 3.555556 | 9 |
from random import choice
aluno1 = input("Primeiro aluno: ")
aluno2 = input("Segundo aluno: ")
aluno3 = input("Terceiro aluno: ")
aluno4 = input("Quarto aluno: ")
alunos = [aluno1, aluno2, aluno3, aluno4]
print(f"O aluno escolhido foi {choice(alunos)}.")
| [
6738,
4738,
1330,
3572,
198,
282,
36909,
16,
796,
5128,
7203,
26405,
7058,
435,
36909,
25,
366,
8,
198,
282,
36909,
17,
796,
5128,
7203,
41030,
41204,
435,
36909,
25,
366,
8,
198,
282,
36909,
18,
796,
5128,
7203,
15156,
344,
7058,
435,
36909,
25,
366,
8,
198,
282,
36909,
19,
796,
5128,
7203,
4507,
433,
78,
435,
36909,
25,
366,
8,
198,
282,
403,
418,
796,
685,
282,
36909,
16,
11,
435,
36909,
17,
11,
435,
36909,
18,
11,
435,
36909,
19,
60,
198,
4798,
7,
69,
1,
46,
435,
36909,
3671,
349,
71,
17305,
11511,
72,
1391,
25541,
7,
282,
403,
418,
38165,
19570,
198
] | 2.383178 | 107 |
#!/usr/bin/env python3
import os
import time
import torch
import torch.nn as nn
import torch.nn.parallel
import torch.backends.cudnn as cudnn
from torch.nn.modules.loss import _Loss
from torch.autograd import Variable
import concurrent.futures
import numpy as np
import pickle as pkl
from common import Config
from lib.utils.basic_utils import Basic_Utils
from lib.utils.meanshift_pytorch import MeanShiftTorch
config = Config(dataset_name='ycb')
bs_utils = Basic_Utils(config)
config_lm = Config(dataset_name="linemod")
bs_utils_lm = Basic_Utils(config_lm)
cls_lst = config.ycb_cls_lst
# vim: ts=4 sw=4 sts=4 expandtab
| [
2,
48443,
14629,
14,
8800,
14,
24330,
21015,
18,
198,
11748,
28686,
198,
11748,
640,
198,
11748,
28034,
198,
11748,
28034,
13,
20471,
355,
299,
77,
198,
11748,
28034,
13,
20471,
13,
1845,
29363,
198,
11748,
28034,
13,
1891,
2412,
13,
66,
463,
20471,
355,
269,
463,
20471,
198,
6738,
28034,
13,
20471,
13,
18170,
13,
22462,
1330,
4808,
43,
793,
198,
6738,
28034,
13,
2306,
519,
6335,
1330,
35748,
198,
11748,
24580,
13,
69,
315,
942,
198,
11748,
299,
32152,
355,
45941,
198,
11748,
2298,
293,
355,
279,
41582,
198,
6738,
2219,
1330,
17056,
198,
6738,
9195,
13,
26791,
13,
35487,
62,
26791,
1330,
14392,
62,
18274,
4487,
198,
6738,
9195,
13,
26791,
13,
1326,
504,
29323,
62,
9078,
13165,
354,
1330,
22728,
33377,
15884,
354,
628,
198,
11250,
796,
17056,
7,
19608,
292,
316,
62,
3672,
11639,
88,
21101,
11537,
198,
1443,
62,
26791,
796,
14392,
62,
18274,
4487,
7,
11250,
8,
198,
11250,
62,
75,
76,
796,
17056,
7,
19608,
292,
316,
62,
3672,
2625,
2815,
368,
375,
4943,
198,
1443,
62,
26791,
62,
75,
76,
796,
14392,
62,
18274,
4487,
7,
11250,
62,
75,
76,
8,
198,
565,
82,
62,
75,
301,
796,
4566,
13,
88,
21101,
62,
565,
82,
62,
75,
301,
628,
628,
628,
628,
198,
198,
2,
43907,
25,
40379,
28,
19,
1509,
28,
19,
39747,
28,
19,
4292,
8658,
198
] | 2.767544 | 228 |
# proxy module
from codetools.util.tree import *
| [
2,
15741,
8265,
198,
6738,
14873,
316,
10141,
13,
22602,
13,
21048,
1330,
1635,
198
] | 3.266667 | 15 |
#!/usr/bin/env python3
import queue
import threading
import time
from modules import device_tray as DC
class PollingClient:
"""
Launch the main part of the GUI and the worker thread. periodicCall and
endApplication could reside in the GUI part, but putting them here
means that you have all the thread controls in a single place.
"""
def __init__(self, root_view, load_settings, save_settings):
"""
Start the GUI and the asynchronous threads. We are in the main
(original) thread of the application, which will later be used by
the GUI as well. We spawn a new thread for the worker (I/O).
"""
self.root_view = root_view
self.load_settings = load_settings
self.save_settings = save_settings
# Create the queue
self.queue = queue.Queue()
# Set up the GUI part
self.gui = DC.DeviceTray(self.root_view, self.queue, self.load_settings, self.save_settings, self.endApplication)
# Set up the thread to do asynchronous I/O
# More threads can also be created and used, if necessary
self.running = 1
self.poll_thread = threading.Thread(target=self.workerThread)
self.poll_thread.start()
# Start the periodic call in the GUI to check if the queue contains
# anything
self.periodicCall()
def periodicCall(self):
"""
Check every 200 ms if there is something new in the queue.
"""
self.gui.processIncoming()
if not self.running:
# This is the brutal stop of the system. You may want to do
# some cleanup before actually shutting it down.
import sys
sys.exit(1)
self.root_view.after(200, self.periodicCall)
def workerThread(self):
"""
This is where we handle the asynchronous I/O. For example, it may be
a 'select()'. One important thing to remember is that the thread has
to yield control pretty regularly, by select or otherwise.
"""
while self.running:
# To simulate asynchronous I/O, we create a random number at
# random intervals. Replace the following two lines with the real
# thing.
time.sleep(0.25)
message = 0
self.queue.put(message)
| [
2,
48443,
14629,
14,
8800,
14,
24330,
21015,
18,
198,
198,
11748,
16834,
198,
11748,
4704,
278,
198,
11748,
640,
198,
6738,
13103,
1330,
3335,
62,
2213,
323,
355,
6257,
198,
198,
4871,
12868,
278,
11792,
25,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
21225,
262,
1388,
636,
286,
262,
25757,
290,
262,
8383,
4704,
13,
27458,
14134,
290,
198,
220,
220,
220,
886,
23416,
714,
26412,
287,
262,
25757,
636,
11,
475,
5137,
606,
994,
198,
220,
220,
220,
1724,
326,
345,
423,
477,
262,
4704,
6973,
287,
257,
2060,
1295,
13,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
825,
11593,
15003,
834,
7,
944,
11,
6808,
62,
1177,
11,
3440,
62,
33692,
11,
3613,
62,
33692,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
7253,
262,
25757,
290,
262,
39354,
14390,
13,
775,
389,
287,
262,
1388,
198,
220,
220,
220,
220,
220,
220,
220,
357,
14986,
8,
4704,
286,
262,
3586,
11,
543,
481,
1568,
307,
973,
416,
198,
220,
220,
220,
220,
220,
220,
220,
262,
25757,
355,
880,
13,
775,
10922,
257,
649,
4704,
329,
262,
8383,
357,
40,
14,
46,
737,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
15763,
62,
1177,
796,
6808,
62,
1177,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
2220,
62,
33692,
796,
3440,
62,
33692,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
21928,
62,
33692,
796,
3613,
62,
33692,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
13610,
262,
16834,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
36560,
796,
16834,
13,
34991,
3419,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
5345,
510,
262,
25757,
636,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
48317,
796,
6257,
13,
24728,
51,
2433,
7,
944,
13,
15763,
62,
1177,
11,
2116,
13,
36560,
11,
2116,
13,
2220,
62,
33692,
11,
2116,
13,
21928,
62,
33692,
11,
2116,
13,
437,
23416,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
5345,
510,
262,
4704,
284,
466,
39354,
314,
14,
46,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
3125,
14390,
460,
635,
307,
2727,
290,
973,
11,
611,
3306,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
20270,
796,
352,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
30393,
62,
16663,
796,
4704,
278,
13,
16818,
7,
16793,
28,
944,
13,
28816,
16818,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
30393,
62,
16663,
13,
9688,
3419,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
7253,
262,
27458,
869,
287,
262,
25757,
284,
2198,
611,
262,
16834,
4909,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
1997,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
41007,
291,
14134,
3419,
628,
220,
220,
220,
825,
27458,
14134,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
6822,
790,
939,
13845,
611,
612,
318,
1223,
649,
287,
262,
16834,
13,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
48317,
13,
14681,
818,
4976,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
611,
407,
2116,
13,
20270,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
770,
318,
262,
12399,
2245,
286,
262,
1080,
13,
921,
743,
765,
284,
466,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
617,
27425,
878,
1682,
25136,
340,
866,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1330,
25064,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
25064,
13,
37023,
7,
16,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
15763,
62,
1177,
13,
8499,
7,
2167,
11,
2116,
13,
41007,
291,
14134,
8,
628,
220,
220,
220,
825,
8383,
16818,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
770,
318,
810,
356,
5412,
262,
39354,
314,
14,
46,
13,
1114,
1672,
11,
340,
743,
307,
198,
220,
220,
220,
220,
220,
220,
220,
257,
705,
19738,
3419,
4458,
1881,
1593,
1517,
284,
3505,
318,
326,
262,
4704,
468,
198,
220,
220,
220,
220,
220,
220,
220,
284,
7800,
1630,
2495,
7987,
11,
416,
2922,
393,
4306,
13,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
981,
2116,
13,
20270,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
1675,
29308,
39354,
314,
14,
46,
11,
356,
2251,
257,
4738,
1271,
379,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
4738,
20016,
13,
40177,
262,
1708,
734,
3951,
351,
262,
1103,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
1517,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
640,
13,
42832,
7,
15,
13,
1495,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3275,
796,
657,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
36560,
13,
1996,
7,
20500,
8,
198
] | 2.606667 | 900 |
import bpy
from .. data_structures import Mesh
from .. base_types import AnimationNodeSocket, PythonListSocket
| [
11748,
275,
9078,
198,
6738,
11485,
1366,
62,
7249,
942,
1330,
47529,
198,
6738,
11485,
2779,
62,
19199,
1330,
23535,
19667,
39105,
11,
11361,
8053,
39105,
628
] | 4.148148 | 27 |
import pathlib
import logging
from logging import Logger
from logging.handlers import RotatingFileHandler
from photon.common.config_context_common import ConfigContextCommon
class LoggingCommon:
"""
Helper class for logging.
"""
def __init__(self, config: ConfigContextCommon) -> None:
"""
Args:
config: A config object.
"""
self._root_logger = logging.getLogger()
self._root_logger.setLevel(config.LOG_LEVEL)
self._formatter = logging.Formatter(fmt=config.LOG_FORMAT, style="{")
self._logname = config.PACKAGE_NAME
self._logdirp = (
pathlib.Path("/usr/local/var") / config.PACKAGE_FAMILY / config.PACKAGE_NAME
)
self._file_handler()
self._console_handler()
def get_root_logger(self) -> Logger:
"""
Return the root logger.
Returns:
The root logger.
"""
return self._root_logger
| [
11748,
3108,
8019,
198,
11748,
18931,
198,
6738,
18931,
1330,
5972,
1362,
198,
6738,
18931,
13,
4993,
8116,
1330,
18481,
803,
8979,
25060,
198,
198,
6738,
48190,
13,
11321,
13,
11250,
62,
22866,
62,
11321,
1330,
17056,
21947,
17227,
628,
198,
4871,
5972,
2667,
17227,
25,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
5053,
525,
1398,
329,
18931,
13,
628,
220,
220,
220,
37227,
628,
220,
220,
220,
825,
11593,
15003,
834,
7,
944,
11,
4566,
25,
17056,
21947,
17227,
8,
4613,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4566,
25,
317,
4566,
2134,
13,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
15763,
62,
6404,
1362,
796,
18931,
13,
1136,
11187,
1362,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
15763,
62,
6404,
1362,
13,
2617,
4971,
7,
11250,
13,
25294,
62,
2538,
18697,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
687,
1436,
796,
18931,
13,
8479,
1436,
7,
69,
16762,
28,
11250,
13,
25294,
62,
21389,
1404,
11,
3918,
2625,
4895,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
75,
2360,
480,
796,
4566,
13,
47,
8120,
11879,
62,
20608,
628,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
6404,
15908,
79,
796,
357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3108,
8019,
13,
15235,
7203,
14,
14629,
14,
12001,
14,
7785,
4943,
1220,
4566,
13,
47,
8120,
11879,
62,
37,
2390,
33340,
1220,
4566,
13,
47,
8120,
11879,
62,
20608,
198,
220,
220,
220,
220,
220,
220,
220,
1267,
628,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
7753,
62,
30281,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
41947,
62,
30281,
3419,
628,
220,
220,
220,
825,
651,
62,
15763,
62,
6404,
1362,
7,
944,
8,
4613,
5972,
1362,
25,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
8229,
262,
6808,
49706,
13,
628,
220,
220,
220,
220,
220,
220,
220,
16409,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
383,
6808,
49706,
13,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
2116,
13557,
15763,
62,
6404,
1362,
198
] | 2.328537 | 417 |
# IMPORTING LIBRARIES
import numpy as np
import cv2
import math
#LOADING HAND CASCADE
hand_cascade = cv2.CascadeClassifier('Hand_haar_cascade.xml')
# VIDEO CAPTURE
cap = cv2.VideoCapture(0)
while True:
ret, img = cap.read()
blur = cv2.GaussianBlur(img,(5,5),0) # BLURRING IMAGE TO SMOOTHEN EDGES
gray = cv2.cvtColor(blur, cv2.COLOR_BGR2GRAY) # BGR -> GRAY CONVERSION
retval2,thresh1 = cv2.threshold(gray,70,255,cv2.THRESH_BINARY_INV+cv2.THRESH_OTSU) # THRESHOLDING IMAGE
hand = hand_cascade.detectMultiScale(thresh1, 1.3, 5) # DETECTING HAND IN THE THRESHOLDE IMAGE
mask = np.zeros(thresh1.shape, dtype = "uint8") # CREATING MASK
for (x,y,w,h) in hand: # MARKING THE DETECTED ROI
cv2.rectangle(img,(x,y),(x+w,y+h), (122,122,0), 2)
cv2.rectangle(mask, (x,y),(x+w,y+h),255,-1)
img2 = cv2.bitwise_and(thresh1, mask)
final = cv2.GaussianBlur(img2,(7,7),0)
contours, hierarchy = cv2.findContours(final, cv2.RETR_TREE, cv2.CHAIN_APPROX_SIMPLE)
cv2.drawContours(img, contours, 0, (255,255,0), 3)
cv2.drawContours(final, contours, 0, (255,255,0), 3)
if len(contours) > 0:
cnt=contours[0]
hull = cv2.convexHull(cnt, returnPoints=False)
# finding convexity defects
defects = cv2.convexityDefects(cnt, hull)
count_defects = 0
# applying Cosine Rule to find angle for all defects (between fingers)
# with angle > 90 degrees and ignore defect
if defects!= None:
for i in range(defects.shape[0]):
p,q,r,s = defects[i,0]
finger1 = tuple(cnt[p][0])
finger2 = tuple(cnt[q][0])
dip = tuple(cnt[r][0])
# find length of all sides of triangle
a = math.sqrt((finger2[0] - finger1[0])**2 + (finger2[1] - finger1[1])**2)
b = math.sqrt((dip[0] - finger1[0])**2 + (dip[1] - finger1[1])**2)
c = math.sqrt((finger2[0] - dip[0])**2 + (finger2[1] - dip[1])**2)
# apply cosine rule here
angle = math.acos((b**2 + c**2 - a**2)/(2*b*c)) * 57.29
# ignore angles > 90 and highlight rest with red dots
if angle <= 90:
count_defects += 1
#cv2.putText(img,"THIS IS 1", (50, 50), cv2.FONT_HERSHEY_SIMPLEX, 2, 2)
# define actions required
if count_defects == 1:
cv2.putText(img,"THIS IS 2", (50, 50), cv2.FONT_HERSHEY_SIMPLEX, 2, 2)
elif count_defects == 2:
cv2.putText(img, "THIS IS 3", (50, 50), cv2.FONT_HERSHEY_SIMPLEX, 2, 2)
elif count_defects == 3:
cv2.putText(img,"This is 4", (50, 50), cv2.FONT_HERSHEY_SIMPLEX, 2, 2)
elif count_defects == 4:
cv2.putText(img,"THIS IS 5", (50, 50), cv2.FONT_HERSHEY_SIMPLEX, 2, 2)
cv2.imshow('img',thresh1)
cv2.imshow('img1',img)
cv2.imshow('img2',img2)
k = cv2.waitKey(30) & 0xff
if k == 27:
break
cap.release()
cv2.destroyAllWindows()
| [
2,
30023,
9863,
2751,
45651,
49,
1503,
11015,
198,
11748,
299,
32152,
355,
45941,
198,
11748,
269,
85,
17,
198,
11748,
10688,
198,
198,
2,
35613,
2751,
367,
6981,
35106,
34,
19266,
198,
4993,
62,
66,
28966,
796,
269,
85,
17,
13,
34,
28966,
9487,
7483,
10786,
12885,
62,
42948,
62,
66,
28966,
13,
19875,
11537,
198,
198,
2,
35507,
20176,
51,
11335,
198,
11128,
796,
269,
85,
17,
13,
10798,
49630,
7,
15,
8,
198,
198,
4514,
6407,
25,
198,
197,
1186,
11,
33705,
796,
1451,
13,
961,
3419,
198,
197,
2436,
333,
796,
269,
85,
17,
13,
35389,
31562,
3629,
333,
7,
9600,
11,
7,
20,
11,
20,
828,
15,
8,
1303,
9878,
31302,
2751,
8959,
11879,
5390,
9447,
46,
26946,
1677,
8392,
48075,
198,
197,
44605,
796,
269,
85,
17,
13,
33967,
83,
10258,
7,
2436,
333,
11,
269,
85,
17,
13,
46786,
62,
33,
10761,
17,
38,
30631,
8,
1303,
347,
10761,
4613,
402,
30631,
7102,
43717,
198,
197,
1186,
2100,
17,
11,
400,
3447,
16,
796,
269,
85,
17,
13,
400,
10126,
7,
44605,
11,
2154,
11,
13381,
11,
33967,
17,
13,
4221,
19535,
39,
62,
33,
1268,
13153,
62,
1268,
53,
10,
33967,
17,
13,
4221,
19535,
39,
62,
2394,
12564,
8,
1303,
2320,
19535,
39,
15173,
2751,
8959,
11879,
198,
197,
4993,
796,
1021,
62,
66,
28966,
13,
15255,
478,
29800,
29990,
7,
400,
3447,
16,
11,
352,
13,
18,
11,
642,
8,
1303,
38267,
9782,
2751,
367,
6981,
3268,
3336,
2320,
19535,
39,
3535,
7206,
8959,
11879,
198,
197,
27932,
796,
45941,
13,
9107,
418,
7,
400,
3447,
16,
13,
43358,
11,
288,
4906,
796,
366,
28611,
23,
4943,
1303,
29244,
33881,
32337,
42,
198,
197,
1640,
357,
87,
11,
88,
11,
86,
11,
71,
8,
287,
1021,
25,
1303,
39641,
2751,
3336,
38267,
9782,
1961,
15107,
40,
198,
197,
197,
33967,
17,
13,
2554,
9248,
7,
9600,
11,
7,
87,
11,
88,
828,
7,
87,
10,
86,
11,
88,
10,
71,
828,
357,
18376,
11,
18376,
11,
15,
828,
362,
8,
220,
198,
197,
197,
33967,
17,
13,
2554,
9248,
7,
27932,
11,
357,
87,
11,
88,
828,
7,
87,
10,
86,
11,
88,
10,
71,
828,
13381,
12095,
16,
8,
198,
197,
9600,
17,
796,
269,
85,
17,
13,
2545,
3083,
62,
392,
7,
400,
3447,
16,
11,
9335,
8,
198,
197,
20311,
796,
269,
85,
17,
13,
35389,
31562,
3629,
333,
7,
9600,
17,
11,
7,
22,
11,
22,
828,
15,
8,
197,
198,
197,
3642,
4662,
11,
18911,
796,
269,
85,
17,
13,
19796,
4264,
4662,
7,
20311,
11,
269,
85,
17,
13,
2200,
5446,
62,
51,
11587,
11,
269,
85,
17,
13,
3398,
29833,
62,
2969,
31190,
55,
62,
48913,
16437,
8,
628,
197,
33967,
17,
13,
19334,
4264,
4662,
7,
9600,
11,
542,
4662,
11,
657,
11,
357,
13381,
11,
13381,
11,
15,
828,
513,
8,
198,
197,
33967,
17,
13,
19334,
4264,
4662,
7,
20311,
11,
542,
4662,
11,
657,
11,
357,
13381,
11,
13381,
11,
15,
828,
513,
8,
628,
197,
361,
18896,
7,
3642,
4662,
8,
1875,
657,
25,
198,
197,
197,
66,
429,
28,
3642,
4662,
58,
15,
60,
198,
197,
197,
71,
724,
796,
269,
85,
17,
13,
1102,
303,
87,
39,
724,
7,
66,
429,
11,
1441,
40710,
28,
25101,
8,
198,
197,
197,
2,
4917,
24748,
87,
414,
22448,
198,
197,
197,
4299,
478,
82,
796,
269,
85,
17,
13,
1102,
303,
87,
414,
7469,
478,
82,
7,
66,
429,
11,
23644,
8,
198,
197,
197,
9127,
62,
4299,
478,
82,
796,
657,
198,
197,
197,
2,
11524,
10437,
500,
14330,
284,
1064,
9848,
329,
477,
22448,
357,
23395,
9353,
8,
198,
197,
197,
2,
351,
9848,
1875,
4101,
7370,
290,
8856,
11855,
198,
197,
197,
361,
22448,
0,
28,
6045,
25,
198,
197,
197,
197,
1640,
1312,
287,
2837,
7,
4299,
478,
82,
13,
43358,
58,
15,
60,
2599,
198,
197,
197,
197,
197,
79,
11,
80,
11,
81,
11,
82,
796,
22448,
58,
72,
11,
15,
60,
198,
197,
197,
197,
197,
35461,
16,
796,
46545,
7,
66,
429,
58,
79,
7131,
15,
12962,
198,
197,
197,
197,
197,
35461,
17,
796,
46545,
7,
66,
429,
58,
80,
7131,
15,
12962,
198,
197,
197,
197,
197,
67,
541,
796,
46545,
7,
66,
429,
58,
81,
7131,
15,
12962,
198,
197,
197,
197,
197,
2,
1064,
4129,
286,
477,
5389,
286,
22950,
198,
197,
197,
197,
197,
64,
796,
10688,
13,
31166,
17034,
19510,
35461,
17,
58,
15,
60,
532,
7660,
16,
58,
15,
12962,
1174,
17,
1343,
357,
35461,
17,
58,
16,
60,
532,
7660,
16,
58,
16,
12962,
1174,
17,
8,
198,
197,
197,
197,
197,
65,
796,
10688,
13,
31166,
17034,
19510,
67,
541,
58,
15,
60,
532,
7660,
16,
58,
15,
12962,
1174,
17,
1343,
357,
67,
541,
58,
16,
60,
532,
7660,
16,
58,
16,
12962,
1174,
17,
8,
198,
197,
197,
197,
197,
66,
796,
10688,
13,
31166,
17034,
19510,
35461,
17,
58,
15,
60,
532,
19550,
58,
15,
12962,
1174,
17,
1343,
357,
35461,
17,
58,
16,
60,
532,
19550,
58,
16,
12962,
1174,
17,
8,
198,
197,
197,
197,
197,
2,
4174,
8615,
500,
3896,
994,
198,
197,
197,
197,
197,
9248,
796,
10688,
13,
330,
418,
19510,
65,
1174,
17,
1343,
269,
1174,
17,
532,
257,
1174,
17,
20679,
7,
17,
9,
65,
9,
66,
4008,
1635,
7632,
13,
1959,
198,
197,
197,
197,
197,
2,
8856,
18333,
1875,
4101,
290,
7238,
1334,
351,
2266,
22969,
198,
197,
197,
197,
197,
361,
9848,
19841,
4101,
25,
198,
197,
197,
197,
197,
220,
220,
220,
954,
62,
4299,
478,
82,
15853,
352,
198,
197,
197,
197,
2,
33967,
17,
13,
1996,
8206,
7,
9600,
553,
43559,
3180,
352,
1600,
357,
1120,
11,
2026,
828,
269,
85,
17,
13,
37,
35830,
62,
39,
4877,
13909,
56,
62,
48913,
16437,
55,
11,
362,
11,
362,
8,
198,
197,
197,
2,
8160,
4028,
2672,
198,
197,
197,
361,
954,
62,
4299,
478,
82,
6624,
352,
25,
198,
197,
197,
197,
33967,
17,
13,
1996,
8206,
7,
9600,
553,
43559,
3180,
362,
1600,
357,
1120,
11,
2026,
828,
269,
85,
17,
13,
37,
35830,
62,
39,
4877,
13909,
56,
62,
48913,
16437,
55,
11,
362,
11,
362,
8,
198,
197,
197,
417,
361,
954,
62,
4299,
478,
82,
6624,
362,
25,
198,
197,
197,
197,
33967,
17,
13,
1996,
8206,
7,
9600,
11,
366,
43559,
3180,
513,
1600,
357,
1120,
11,
2026,
828,
269,
85,
17,
13,
37,
35830,
62,
39,
4877,
13909,
56,
62,
48913,
16437,
55,
11,
362,
11,
362,
8,
198,
197,
197,
417,
361,
954,
62,
4299,
478,
82,
6624,
513,
25,
198,
197,
197,
197,
33967,
17,
13,
1996,
8206,
7,
9600,
553,
1212,
318,
604,
1600,
357,
1120,
11,
2026,
828,
269,
85,
17,
13,
37,
35830,
62,
39,
4877,
13909,
56,
62,
48913,
16437,
55,
11,
362,
11,
362,
8,
198,
197,
197,
417,
361,
954,
62,
4299,
478,
82,
6624,
604,
25,
198,
197,
197,
197,
33967,
17,
13,
1996,
8206,
7,
9600,
553,
43559,
3180,
642,
1600,
357,
1120,
11,
2026,
828,
269,
85,
17,
13,
37,
35830,
62,
39,
4877,
13909,
56,
62,
48913,
16437,
55,
11,
362,
11,
362,
8,
198,
197,
33967,
17,
13,
320,
12860,
10786,
9600,
3256,
400,
3447,
16,
8,
198,
197,
33967,
17,
13,
320,
12860,
10786,
9600,
16,
3256,
9600,
8,
198,
197,
33967,
17,
13,
320,
12860,
10786,
9600,
17,
3256,
9600,
17,
8,
628,
197,
74,
796,
269,
85,
17,
13,
17077,
9218,
7,
1270,
8,
1222,
657,
47596,
198,
197,
361,
479,
6624,
2681,
25,
198,
197,
197,
9032,
198,
11128,
13,
20979,
3419,
198,
33967,
17,
13,
41659,
3237,
11209,
3419,
198
] | 2.071373 | 1,289 |
# nyokaUtilities.py
import numpy as np
from random import choice
from string import ascii_uppercase
import copy,json
import ast,pathlib
import traceback
from nyoka import PMML43Ext as ny
global MEMORY_DICT_ARCHITECTURE,MEMORY_OF_LAYERS
settingFilePath='./settingFiles/'
savedModels='./SavedModels/'
MEMORY_OF_LAYERS={}
from trainModel.mergeTrainingV2 import PMMLMODELSTORAGE
layerDetail=open(settingFilePath+'listOflayers.json','r')
MEMORY_OF_LAYERS=json.loads(layerDetail.read())
#########################################All functions is to write PMML###############################
###################Below script is to get detaisl from a PMML file########################
#####################Add Update layer Utility Functions
| [
2,
299,
88,
17411,
18274,
2410,
13,
9078,
198,
11748,
299,
32152,
355,
45941,
198,
6738,
4738,
1330,
3572,
198,
6738,
4731,
1330,
355,
979,
72,
62,
7211,
2798,
589,
198,
11748,
4866,
11,
17752,
198,
11748,
6468,
11,
6978,
8019,
198,
11748,
12854,
1891,
198,
6738,
299,
88,
17411,
1330,
3122,
5805,
3559,
11627,
355,
299,
88,
198,
20541,
35153,
15513,
62,
35,
18379,
62,
31315,
2043,
9782,
11335,
11,
44,
3620,
15513,
62,
19238,
62,
43,
4792,
4877,
198,
198,
33990,
8979,
15235,
28,
4458,
14,
33990,
25876,
14,
6,
198,
82,
9586,
5841,
1424,
28,
4458,
14,
50,
9586,
5841,
1424,
14,
6,
198,
44,
3620,
15513,
62,
19238,
62,
43,
4792,
4877,
34758,
92,
198,
6738,
4512,
17633,
13,
647,
469,
44357,
53,
17,
1330,
3122,
5805,
33365,
3698,
2257,
1581,
11879,
198,
29289,
11242,
603,
28,
9654,
7,
33990,
8979,
15235,
10,
6,
4868,
46,
2704,
6962,
13,
17752,
41707,
81,
11537,
198,
44,
3620,
15513,
62,
19238,
62,
43,
4792,
4877,
28,
17752,
13,
46030,
7,
29289,
11242,
603,
13,
961,
28955,
198,
29113,
7804,
2,
3237,
5499,
318,
284,
3551,
3122,
5805,
14468,
7804,
4242,
21017,
628,
628,
628,
628,
628,
628,
628,
198,
220,
220,
220,
1303,
14468,
2235,
21106,
4226,
318,
284,
651,
1062,
64,
3044,
422,
257,
3122,
5805,
2393,
14468,
7804,
628,
628,
628,
220,
220,
220,
220,
628,
628,
198,
220,
220,
220,
1303,
14468,
4242,
4550,
10133,
7679,
34030,
40480,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220
] | 3.046875 | 256 |
from djangobench.utils import run_benchmark
from query_update.models import Book
run_benchmark(
benchmark,
meta = {
'description': 'A simple QuerySet.update().',
}
)
| [
6738,
42625,
648,
672,
24421,
13,
26791,
1330,
1057,
62,
26968,
4102,
198,
6738,
12405,
62,
19119,
13,
27530,
1330,
4897,
198,
198,
5143,
62,
26968,
4102,
7,
198,
220,
220,
220,
18335,
11,
198,
220,
220,
220,
13634,
796,
1391,
198,
220,
220,
220,
220,
220,
220,
220,
705,
11213,
10354,
705,
32,
2829,
43301,
7248,
13,
19119,
22446,
3256,
198,
220,
220,
220,
1782,
198,
8,
198
] | 2.710145 | 69 |
import sys
import io
import re
import os
from pathlib import Path
from contextlib import contextmanager
from invoke import task
import requests
"""Tasks for cellpy development.
You need to have invoke installed in your
python environment for this to work.
Examples:
# build and upload to pypi:
> invoke build --upload
# build only the docs
> invoke build --docs
# clean up
> invoke clean
# clean up and build
> invoke clean build
"""
def get_platform():
"""get the platform you are running on"""
platforms = {
"linux1": "Linux",
"linux2": "Linux",
"darwin": "OS X",
"win32": "Windows",
"win64": "Windows",
}
if sys.platform not in platforms:
return sys.platform
return platforms[sys.platform]
@contextmanager
def capture():
"""context manager to capture output from a running subproject"""
o_stream = io.StringIO()
yield o_stream
print(o_stream.getvalue())
o_stream.close()
def get_pypi_info(package="cellpy"):
"""get version number and sha256 for a pypi package
Args:
package (str): name of package
Returns:
[version, sha256]
"""
url = f"https://pypi.org/pypi/{package}/json"
response = requests.get(url)
if not response:
print(f"url {url} not responding")
return None, None
response = response.json()
version = response["info"]["version"]
release = response["releases"][version][-1]
sha256 = release["digests"]["sha256"]
return version, sha256
@task
def pypi(c, package="cellpy"):
"""Query pypi"""
version, sha = get_pypi_info(package=package)
if version:
print(f"version: {version}")
print(f"sha256: {sha}")
@task
def commit(c, push=True, comment="automatic commit"):
"""Simply commit and push"""
cos = get_platform()
print(" Running commit task ".center(80, "="))
print(f"Running on platform: {cos}")
print(" status ".center(80, "-"))
with capture() as o:
c.run("git status", out_stream=o)
status_lines = o.getvalue()
# it seems it is also possible to do
# out = c.run(command)
# status_lines = out.stdout
new_files_regex = re.compile(r"modified:[\s]+([\S]+)")
new_files = new_files_regex.search(status_lines)
if new_files:
print(new_files.groups())
print(" staging ".center(80, "-"))
c.run("git add .")
print(" committing ".center(80, "-"))
c.run(f'git commit . -m "{comment}"')
if push:
print(" pushing ".center(80, "-"))
c.run("git push")
print(" finished ".center(80, "-"))
@task
def clean(c, docs=False, bytecode=False, extra=""):
"""Clean up stuff from previous builds"""
print(" Cleaning ".center(80, "="))
patterns = ["dist", "build", "cellpy.egg-info"]
if docs:
print(" - cleaning doc builds")
patterns.append("docs/_build")
if bytecode:
print(" - cleaning bytecode (i.e. pyc-files)")
patterns.append("**/*.pyc")
if extra:
print(f" - cleaning {extra}")
patterns.append(extra)
for pattern in patterns:
print(".", end="")
c.run("rm -rf {}".format(pattern))
print()
print(f"Cleaned {patterns}")
@task
def info(c, full=False):
"""Get info about your cellpy"""
import cellpy
from pathlib import Path
print()
version_file_path = Path("cellpy") / "_version.py"
version_ns = {}
with open(version_file_path) as f:
exec(f.read(), {}, version_ns)
version, sha = get_pypi_info(package="cellpy")
print(" INFO ".center(80, "="))
print(" version ".center(80, "-"))
print(f"version (by import cellpy): cellpy {cellpy.__version__}")
print(f"version (in _version.py): cellpy {version_ns['__version__']}")
if version:
print(f"version on PyPI: cellpy {version}")
@task
@task
@task
@task
def test(c):
"""Run tests with coverage"""
c.run("pytest --cov=cellpy tests/")
@task
def build(c, docs=False, upload=True):
"""Create distribution (and optionally upload to PyPI)"""
print(" Creating distribution ".center(80, "="))
print("Running python setup.py sdist")
c.run("python setup.py sdist")
if docs:
print(" Building docs ".center(80, "-"))
c.run("sphinx-build docs docs/_build")
if upload:
print(" Uploading to PyPI ".center(80, "="))
print(" Running 'twine upload dist/*'")
print(" Trying with using username and password from keyring.")
c.run("twine upload dist/*")
else:
print(" To upload to pypi: 'twine upload dist/*'")
@task
def conda_build(c, upload=False):
"""Create conda distribution"""
recipe_path = Path("./recipe/meta.yaml")
print(" Creating conda distribution ".center(80, "="))
if not recipe_path.is_file():
print(f"conda recipe not found ({str(recipe_path.resolve())})")
return
version, sha = get_pypi_info(package="cellpy")
update_dict = {"name": "cellpy", "version": version, "sha": sha}
print("Updating meta.yml")
update_meta_yaml(recipe_path, update_dict)
print("Running conda build")
print(update_dict)
with capture() as o:
c.run("conda build recipe", out_stream=o)
status_lines = o.getvalue()
new_files_regex = re.compile(r"TEST END: (.+)")
new_files = new_files_regex.search(status_lines)
path = new_files.group(1)
if upload:
upload_cmd = f"anaconda upload {path}"
c.run(upload_cmd)
else:
print(f"\nTo upload: anaconda upload {path}")
print("\nTo convert to different OS-es: conda convert --platform all PATH")
print("e.g.")
print("cd builds")
print(
r"conda convert --platform all "
r"C:\miniconda\envs\cellpy_dev\conda-bld\win-"
r"64\cellpy-0.3.0.post1-py37_0.tar.bz2"
)
@task
def help(c):
"""Print some help"""
print(" available invoke tasks ".center(80, "-"))
c.run("invoke -l")
print()
print(" info from dev_testutils.py ".center(80, "-"))
dev_help_file_path = Path("dev_utils/helpers") / "dev_testutils.py"
with open(dev_help_file_path) as f:
while True:
line = f.readline()
parts = line.split()
if parts:
if parts[0].isupper():
print(line.strip())
if not line:
break
print(" bye ".center(80, "-"))
| [
11748,
25064,
198,
11748,
33245,
198,
11748,
302,
198,
11748,
28686,
198,
6738,
3108,
8019,
1330,
10644,
198,
6738,
4732,
8019,
1330,
4732,
37153,
198,
198,
6738,
26342,
1330,
4876,
198,
11748,
7007,
628,
198,
37811,
51,
6791,
329,
2685,
9078,
2478,
13,
198,
198,
1639,
761,
284,
423,
26342,
6589,
287,
534,
198,
29412,
2858,
329,
428,
284,
670,
13,
198,
198,
27730,
25,
628,
220,
220,
220,
1303,
1382,
290,
9516,
284,
279,
4464,
72,
25,
198,
220,
220,
220,
1875,
26342,
1382,
1377,
25850,
628,
220,
220,
220,
1303,
1382,
691,
262,
34165,
198,
220,
220,
220,
1875,
26342,
1382,
1377,
31628,
628,
220,
220,
220,
1303,
3424,
510,
198,
220,
220,
220,
1875,
26342,
3424,
628,
220,
220,
220,
1303,
3424,
510,
290,
1382,
198,
220,
220,
220,
1875,
26342,
3424,
1382,
198,
198,
37811,
628,
198,
4299,
651,
62,
24254,
33529,
198,
220,
220,
220,
37227,
1136,
262,
3859,
345,
389,
2491,
319,
37811,
198,
220,
220,
220,
9554,
796,
1391,
198,
220,
220,
220,
220,
220,
220,
220,
366,
23289,
16,
1298,
366,
19314,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
366,
23289,
17,
1298,
366,
19314,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
366,
27455,
5404,
1298,
366,
2640,
1395,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
366,
5404,
2624,
1298,
366,
11209,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
366,
5404,
2414,
1298,
366,
11209,
1600,
198,
220,
220,
220,
1782,
198,
220,
220,
220,
611,
25064,
13,
24254,
407,
287,
9554,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
25064,
13,
24254,
628,
220,
220,
220,
1441,
9554,
58,
17597,
13,
24254,
60,
628,
198,
31,
22866,
37153,
198,
4299,
8006,
33529,
198,
220,
220,
220,
37227,
22866,
4706,
284,
8006,
5072,
422,
257,
2491,
850,
16302,
37811,
198,
220,
220,
220,
267,
62,
5532,
796,
33245,
13,
10100,
9399,
3419,
198,
220,
220,
220,
7800,
267,
62,
5532,
198,
220,
220,
220,
3601,
7,
78,
62,
5532,
13,
1136,
8367,
28955,
198,
220,
220,
220,
267,
62,
5532,
13,
19836,
3419,
628,
198,
4299,
651,
62,
79,
4464,
72,
62,
10951,
7,
26495,
2625,
3846,
9078,
1,
2599,
198,
220,
220,
220,
37227,
1136,
2196,
1271,
290,
427,
64,
11645,
329,
257,
279,
4464,
72,
5301,
628,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
220,
220,
5301,
357,
2536,
2599,
1438,
286,
5301,
628,
220,
220,
220,
16409,
25,
198,
220,
220,
220,
220,
220,
220,
220,
685,
9641,
11,
427,
64,
11645,
60,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
19016,
796,
277,
1,
5450,
1378,
79,
4464,
72,
13,
2398,
14,
79,
4464,
72,
14,
90,
26495,
92,
14,
17752,
1,
198,
220,
220,
220,
2882,
796,
7007,
13,
1136,
7,
6371,
8,
198,
220,
220,
220,
611,
407,
2882,
25,
198,
220,
220,
220,
220,
220,
220,
220,
3601,
7,
69,
1,
6371,
1391,
6371,
92,
407,
14409,
4943,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
6045,
11,
6045,
628,
220,
220,
220,
2882,
796,
2882,
13,
17752,
3419,
198,
220,
220,
220,
2196,
796,
2882,
14692,
10951,
1,
7131,
1,
9641,
8973,
198,
220,
220,
220,
2650,
796,
2882,
14692,
260,
29329,
1,
7131,
9641,
7131,
12,
16,
60,
198,
220,
220,
220,
427,
64,
11645,
796,
2650,
14692,
12894,
3558,
1,
7131,
1,
26270,
11645,
8973,
198,
220,
220,
220,
1441,
2196,
11,
427,
64,
11645,
628,
628,
198,
31,
35943,
198,
4299,
279,
4464,
72,
7,
66,
11,
5301,
2625,
3846,
9078,
1,
2599,
198,
220,
220,
220,
37227,
20746,
279,
4464,
72,
37811,
198,
220,
220,
220,
2196,
11,
427,
64,
796,
651,
62,
79,
4464,
72,
62,
10951,
7,
26495,
28,
26495,
8,
198,
220,
220,
220,
611,
2196,
25,
198,
220,
220,
220,
220,
220,
220,
220,
3601,
7,
69,
1,
9641,
25,
1391,
9641,
92,
4943,
198,
220,
220,
220,
220,
220,
220,
220,
3601,
7,
69,
1,
26270,
11645,
25,
1391,
26270,
92,
4943,
628,
198,
31,
35943,
198,
4299,
4589,
7,
66,
11,
4574,
28,
17821,
11,
2912,
2625,
37800,
4589,
1,
2599,
198,
220,
220,
220,
37227,
35596,
4589,
290,
4574,
37811,
198,
220,
220,
220,
8615,
796,
651,
62,
24254,
3419,
198,
220,
220,
220,
3601,
7203,
18162,
4589,
4876,
27071,
16159,
7,
1795,
11,
366,
2625,
4008,
198,
220,
220,
220,
3601,
7,
69,
1,
28768,
319,
3859,
25,
1391,
6966,
92,
4943,
198,
220,
220,
220,
3601,
7203,
3722,
27071,
16159,
7,
1795,
11,
366,
21215,
4008,
628,
220,
220,
220,
351,
8006,
3419,
355,
267,
25,
198,
220,
220,
220,
220,
220,
220,
220,
269,
13,
5143,
7203,
18300,
3722,
1600,
503,
62,
5532,
28,
78,
8,
198,
220,
220,
220,
220,
220,
220,
220,
3722,
62,
6615,
796,
267,
13,
1136,
8367,
3419,
628,
220,
220,
220,
1303,
340,
2331,
340,
318,
635,
1744,
284,
466,
198,
220,
220,
220,
1303,
503,
796,
269,
13,
5143,
7,
21812,
8,
198,
220,
220,
220,
1303,
3722,
62,
6615,
796,
503,
13,
19282,
448,
628,
220,
220,
220,
649,
62,
16624,
62,
260,
25636,
796,
302,
13,
5589,
576,
7,
81,
1,
41771,
33250,
59,
82,
48688,
26933,
59,
50,
60,
28988,
4943,
198,
220,
220,
220,
649,
62,
16624,
796,
649,
62,
16624,
62,
260,
25636,
13,
12947,
7,
13376,
62,
6615,
8,
198,
220,
220,
220,
611,
649,
62,
16624,
25,
198,
220,
220,
220,
220,
220,
220,
220,
3601,
7,
3605,
62,
16624,
13,
24432,
28955,
198,
220,
220,
220,
220,
220,
220,
220,
3601,
7203,
29475,
27071,
16159,
7,
1795,
11,
366,
21215,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
269,
13,
5143,
7203,
18300,
751,
220,
19570,
198,
220,
220,
220,
220,
220,
220,
220,
3601,
7203,
17222,
27071,
16159,
7,
1795,
11,
366,
21215,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
269,
13,
5143,
7,
69,
6,
18300,
4589,
764,
532,
76,
45144,
23893,
36786,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
611,
4574,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3601,
7203,
7796,
27071,
16159,
7,
1795,
11,
366,
21215,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
269,
13,
5143,
7203,
18300,
4574,
4943,
198,
220,
220,
220,
3601,
7203,
5201,
27071,
16159,
7,
1795,
11,
366,
21215,
4008,
628,
198,
31,
35943,
198,
4299,
3424,
7,
66,
11,
34165,
28,
25101,
11,
18022,
8189,
28,
25101,
11,
3131,
33151,
2599,
198,
220,
220,
220,
37227,
32657,
510,
3404,
422,
2180,
12188,
37811,
198,
220,
220,
220,
3601,
7203,
5985,
278,
27071,
16159,
7,
1795,
11,
366,
2625,
4008,
198,
220,
220,
220,
7572,
796,
14631,
17080,
1600,
366,
11249,
1600,
366,
3846,
9078,
13,
33856,
12,
10951,
8973,
198,
220,
220,
220,
611,
34165,
25,
198,
220,
220,
220,
220,
220,
220,
220,
3601,
7203,
532,
12724,
2205,
12188,
4943,
198,
220,
220,
220,
220,
220,
220,
220,
7572,
13,
33295,
7203,
31628,
47835,
11249,
4943,
198,
220,
220,
220,
611,
18022,
8189,
25,
198,
220,
220,
220,
220,
220,
220,
220,
3601,
7203,
532,
12724,
18022,
8189,
357,
72,
13,
68,
13,
12972,
66,
12,
16624,
8,
4943,
198,
220,
220,
220,
220,
220,
220,
220,
7572,
13,
33295,
7203,
1174,
15211,
13,
9078,
66,
4943,
198,
220,
220,
220,
611,
3131,
25,
198,
220,
220,
220,
220,
220,
220,
220,
3601,
7,
69,
1,
532,
12724,
1391,
26086,
92,
4943,
198,
220,
220,
220,
220,
220,
220,
220,
7572,
13,
33295,
7,
26086,
8,
198,
220,
220,
220,
329,
3912,
287,
7572,
25,
198,
220,
220,
220,
220,
220,
220,
220,
3601,
7203,
33283,
886,
2625,
4943,
198,
220,
220,
220,
220,
220,
220,
220,
269,
13,
5143,
7203,
26224,
532,
41871,
23884,
1911,
18982,
7,
33279,
4008,
198,
220,
220,
220,
3601,
3419,
198,
220,
220,
220,
3601,
7,
69,
1,
32657,
276,
1391,
33279,
82,
92,
4943,
628,
198,
31,
35943,
198,
4299,
7508,
7,
66,
11,
1336,
28,
25101,
2599,
198,
220,
220,
220,
37227,
3855,
7508,
546,
534,
2685,
9078,
37811,
198,
220,
220,
220,
1330,
2685,
9078,
198,
220,
220,
220,
422,
3108,
8019,
1330,
10644,
628,
220,
220,
220,
3601,
3419,
198,
220,
220,
220,
2196,
62,
7753,
62,
6978,
796,
10644,
7203,
3846,
9078,
4943,
1220,
45434,
9641,
13,
9078,
1,
198,
220,
220,
220,
2196,
62,
5907,
796,
23884,
198,
220,
220,
220,
351,
1280,
7,
9641,
62,
7753,
62,
6978,
8,
355,
277,
25,
198,
220,
220,
220,
220,
220,
220,
220,
2452,
7,
69,
13,
961,
22784,
1391,
5512,
2196,
62,
5907,
8,
628,
220,
220,
220,
2196,
11,
427,
64,
796,
651,
62,
79,
4464,
72,
62,
10951,
7,
26495,
2625,
3846,
9078,
4943,
198,
220,
220,
220,
3601,
7203,
24890,
27071,
16159,
7,
1795,
11,
366,
2625,
4008,
198,
220,
220,
220,
3601,
7203,
2196,
27071,
16159,
7,
1795,
11,
366,
21215,
4008,
198,
220,
220,
220,
3601,
7,
69,
1,
9641,
357,
1525,
1330,
2685,
9078,
2599,
2685,
9078,
1391,
3846,
9078,
13,
834,
9641,
834,
92,
4943,
198,
220,
220,
220,
3601,
7,
69,
1,
9641,
357,
259,
4808,
9641,
13,
9078,
2599,
220,
220,
2685,
9078,
1391,
9641,
62,
5907,
17816,
834,
9641,
834,
20520,
92,
4943,
198,
220,
220,
220,
611,
2196,
25,
198,
220,
220,
220,
220,
220,
220,
220,
3601,
7,
69,
1,
9641,
319,
9485,
11901,
25,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2685,
9078,
1391,
9641,
92,
4943,
628,
198,
31,
35943,
628,
198,
31,
35943,
628,
198,
31,
35943,
628,
198,
31,
35943,
198,
4299,
1332,
7,
66,
2599,
198,
220,
220,
220,
37227,
10987,
5254,
351,
5197,
37811,
198,
220,
220,
220,
269,
13,
5143,
7203,
9078,
9288,
1377,
66,
709,
28,
3846,
9078,
5254,
14,
4943,
628,
198,
31,
35943,
198,
4299,
1382,
7,
66,
11,
34165,
28,
25101,
11,
9516,
28,
17821,
2599,
198,
220,
220,
220,
37227,
16447,
6082,
357,
392,
42976,
9516,
284,
9485,
11901,
8,
37811,
198,
220,
220,
220,
3601,
7203,
30481,
6082,
27071,
16159,
7,
1795,
11,
366,
2625,
4008,
198,
220,
220,
220,
3601,
7203,
28768,
21015,
9058,
13,
9078,
264,
17080,
4943,
198,
220,
220,
220,
269,
13,
5143,
7203,
29412,
9058,
13,
9078,
264,
17080,
4943,
198,
220,
220,
220,
611,
34165,
25,
198,
220,
220,
220,
220,
220,
220,
220,
3601,
7203,
11819,
34165,
27071,
16159,
7,
1795,
11,
366,
21215,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
269,
13,
5143,
7203,
82,
746,
28413,
12,
11249,
34165,
34165,
47835,
11249,
4943,
198,
220,
220,
220,
611,
9516,
25,
198,
220,
220,
220,
220,
220,
220,
220,
3601,
7203,
36803,
278,
284,
9485,
11901,
27071,
16159,
7,
1795,
11,
366,
2625,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
3601,
7203,
18162,
705,
4246,
500,
9516,
1233,
15211,
6,
4943,
198,
220,
220,
220,
220,
220,
220,
220,
3601,
7203,
31165,
351,
1262,
20579,
290,
9206,
422,
1994,
1806,
19570,
198,
220,
220,
220,
220,
220,
220,
220,
269,
13,
5143,
7203,
4246,
500,
9516,
1233,
15211,
4943,
198,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
3601,
7203,
1675,
9516,
284,
279,
4464,
72,
25,
705,
4246,
500,
9516,
1233,
15211,
6,
4943,
628,
198,
31,
35943,
198,
4299,
1779,
64,
62,
11249,
7,
66,
11,
9516,
28,
25101,
2599,
198,
220,
220,
220,
37227,
16447,
1779,
64,
6082,
37811,
198,
220,
220,
220,
8364,
62,
6978,
796,
10644,
7,
1911,
14,
29102,
431,
14,
28961,
13,
88,
43695,
4943,
628,
220,
220,
220,
3601,
7203,
30481,
1779,
64,
6082,
27071,
16159,
7,
1795,
11,
366,
2625,
4008,
198,
220,
220,
220,
611,
407,
8364,
62,
6978,
13,
271,
62,
7753,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
3601,
7,
69,
1,
66,
13533,
8364,
407,
1043,
37913,
2536,
7,
29102,
431,
62,
6978,
13,
411,
6442,
28955,
30072,
4943,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
628,
220,
220,
220,
2196,
11,
427,
64,
796,
651,
62,
79,
4464,
72,
62,
10951,
7,
26495,
2625,
3846,
9078,
4943,
198,
220,
220,
220,
4296,
62,
11600,
796,
19779,
3672,
1298,
366,
3846,
9078,
1600,
366,
9641,
1298,
2196,
11,
366,
26270,
1298,
427,
64,
92,
628,
220,
220,
220,
3601,
7203,
4933,
38734,
13634,
13,
88,
4029,
4943,
198,
220,
220,
220,
4296,
62,
28961,
62,
88,
43695,
7,
29102,
431,
62,
6978,
11,
4296,
62,
11600,
8,
628,
220,
220,
220,
3601,
7203,
28768,
1779,
64,
1382,
4943,
198,
220,
220,
220,
3601,
7,
19119,
62,
11600,
8,
198,
220,
220,
220,
351,
8006,
3419,
355,
267,
25,
198,
220,
220,
220,
220,
220,
220,
220,
269,
13,
5143,
7203,
66,
13533,
1382,
8364,
1600,
503,
62,
5532,
28,
78,
8,
198,
220,
220,
220,
220,
220,
220,
220,
3722,
62,
6615,
796,
267,
13,
1136,
8367,
3419,
628,
220,
220,
220,
649,
62,
16624,
62,
260,
25636,
796,
302,
13,
5589,
576,
7,
81,
1,
51,
6465,
23578,
25,
20262,
28988,
4943,
198,
220,
220,
220,
649,
62,
16624,
796,
649,
62,
16624,
62,
260,
25636,
13,
12947,
7,
13376,
62,
6615,
8,
198,
220,
220,
220,
3108,
796,
649,
62,
16624,
13,
8094,
7,
16,
8,
198,
220,
220,
220,
611,
9516,
25,
198,
220,
220,
220,
220,
220,
220,
220,
9516,
62,
28758,
796,
277,
1,
272,
330,
13533,
9516,
1391,
6978,
36786,
198,
220,
220,
220,
220,
220,
220,
220,
269,
13,
5143,
7,
25850,
62,
28758,
8,
198,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
3601,
7,
69,
1,
59,
77,
2514,
9516,
25,
281,
330,
13533,
9516,
1391,
6978,
92,
4943,
628,
220,
220,
220,
3601,
7203,
59,
77,
2514,
10385,
284,
1180,
7294,
12,
274,
25,
1779,
64,
10385,
1377,
24254,
477,
46490,
4943,
198,
220,
220,
220,
3601,
7203,
68,
13,
70,
19570,
198,
220,
220,
220,
3601,
7203,
10210,
12188,
4943,
198,
220,
220,
220,
3601,
7,
198,
220,
220,
220,
220,
220,
220,
220,
374,
1,
66,
13533,
10385,
1377,
24254,
477,
366,
198,
220,
220,
220,
220,
220,
220,
220,
374,
1,
34,
7479,
1084,
291,
13533,
59,
268,
14259,
59,
3846,
9078,
62,
7959,
59,
66,
13533,
12,
65,
335,
59,
5404,
21215,
198,
220,
220,
220,
220,
220,
220,
220,
374,
1,
2414,
59,
3846,
9078,
12,
15,
13,
18,
13,
15,
13,
7353,
16,
12,
9078,
2718,
62,
15,
13,
18870,
13,
65,
89,
17,
1,
198,
220,
220,
220,
1267,
628,
198,
31,
35943,
198,
4299,
1037,
7,
66,
2599,
198,
220,
220,
220,
37227,
18557,
617,
1037,
37811,
198,
220,
220,
220,
3601,
7203,
1695,
26342,
8861,
27071,
16159,
7,
1795,
11,
366,
21215,
4008,
198,
220,
220,
220,
269,
13,
5143,
7203,
37669,
532,
75,
4943,
198,
220,
220,
220,
3601,
3419,
198,
220,
220,
220,
3601,
7203,
7508,
422,
1614,
62,
9288,
26791,
13,
9078,
27071,
16159,
7,
1795,
11,
366,
21215,
4008,
198,
220,
220,
220,
1614,
62,
16794,
62,
7753,
62,
6978,
796,
10644,
7203,
7959,
62,
26791,
14,
16794,
364,
4943,
1220,
366,
7959,
62,
9288,
26791,
13,
9078,
1,
198,
220,
220,
220,
351,
1280,
7,
7959,
62,
16794,
62,
7753,
62,
6978,
8,
355,
277,
25,
198,
220,
220,
220,
220,
220,
220,
220,
981,
6407,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1627,
796,
277,
13,
961,
1370,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3354,
796,
1627,
13,
35312,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
3354,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
3354,
58,
15,
4083,
271,
45828,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3601,
7,
1370,
13,
36311,
28955,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
407,
1627,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2270,
198,
220,
220,
220,
3601,
7203,
33847,
27071,
16159,
7,
1795,
11,
366,
21215,
4008,
198
] | 2.395298 | 2,722 |
# Discord
import discord
from discord.ext import commands
from cogs.utils.dataIO import dataIO
from .utils import checks
from __main__ import send_cmd_help
# Others
import os
from copy import deepcopy, copy
import datetime
import time
import math
import random
try:
import validators
validatorsAvail = True
except:
validatorsAvail = False
class DiscordRPG:
"""The Discord RPG. I mean, *Thee Discord RPG*"""
@commands.group(name='rpgset', pass_context=True)
async def rpgset(self, ctx):
"""Settings for the RPG on this server"""
if ctx.invoked_subcommand is None:
await send_cmd_help(ctx)
@rpgset.command(pass_context=True)
async def townname(self, ctx, *, name):
"""Allows you to set a name for this server's Home Town"""
author = ctx.message.author
sid = ctx.message.server
await self.town.set_town_name(ctx, name)
@rpgset.command(pass_context=True)
async def townavatar(self, ctx, *, avatarurl):
"""Allows you to set a new Avatar picture for this server's Home Town"""
# TODOLATER allow attachment grabbing. its possible, but im lazy
author = ctx.message.author
sid = ctx.message.server.id
if validators.url(avatarurl):
await self.town.set_town_avatar(sid, avatarurl)
else:
await self.bot.say("Not a valid URL. Try again.")
@commands.group(name="rpg", pass_context=True)
async def rpg(self, ctx):
"""General RPG stuff."""
if ctx.invoked_subcommand is None:
await send_cmd_help(ctx)
@rpg.command(pass_context=True)
@checks.admin_or_permissions(manage_server=True)
async def signup(self, ctx):
"""Allows an admin or moderator to signup this server into the RPG"""
await self.town.create_town(ctx)
@rpg.command(pass_context=True)
async def character(self, ctx):
"""Character options menu"""
author = ctx.message.author
sid = ctx.message.server
current_player = {}
player_exists = await self.player.check_player(author.id)
if player_exists:
current_player = await self.player.get_player_records(author.id)
else:
await self.bot.say("You have not yet joined the RPG. Please register using `{}rpg register`".format(ctx.prefix))
return
embed = discord.Embed(title="Options for {}".format(current_player[
'CharName']), description="Use the numbers to make a choice.", colour=0xfd0000)
embed.add_field(
name='Options', value="`1.` Get Character Sheet\n`2.` Change Avatar\n`3.` Change Bio\n`4.` View Home Town", inline=False)
embed.set_author(name='{}'.format(author.name),
icon_url='{}'.format(author.avatar_url))
embed.set_thumbnail(
url='https://i.ytimg.com/vi/Pq824AM9ZHQ/maxresdefault.jpg')
await self.bot.say("", embed=embed)
response = await self.bot.wait_for_message(author=author)
if '1' in response.content:
# Return the character sheet
await self.player.getCharacterSheet(author)
elif '2' in response.content:
# Grab url, validate it and save to the players profile in
# players.json
await self.bot.say("Please provide me with a url only, to use as an image for your character sheet.")
# TODOLATER allow attachment grabbing. its possible, but im lazy
avatarurl = await self.bot.wait_for_message(author=author)
if validators.url(avatarurl.content):
await self.player.setProfileAvatar(author.id, avatarurl.content)
else:
await self.bot.say("Not a valid URL. Try again.")
elif '3' in response.content:
await self.player.setBio(ctx, author.id)
elif '4' in response.content:
self.town.savetowns()
await self.town.reload_town_records()
await self.town.get_town_sheet(current_player['HomeTownID'])
else:
await self.bot.say("Invalid response. Please try again.")
@rpg.command(pass_context=True, no_pm=False)
async def register(self, ctx):
"""Registers and Creates your RPG Character."""
author = ctx.message.author
sid = ctx.message.server.id
townExists = await self.town.check_town(sid)
if not townExists:
await self.bot.say("Oops. Your town is still in piles of rubble. Please ask an admin or moderator of this channel to get your town started with `{}rpg signup`".format(ctx.prefix))
return
player_exists = await self.player.check_player(author.id)
if player_exists:
await self.bot.say("You are already regsitered. You can use `{}rpg character` to do things.".format(ctx.prefix))
return
await self.bot.say("Thanks for joining {}! We are going to need some information...".format(author.mention))
await self.player._createplayer(ctx)
@rpg.command(pass_context=True, no_pm=False)
async def viewtown(self, ctx):
"""View the details of the guild's town you are currently in"""
sid = ctx.message.server.id
await self.town.get_town_sheet(sid)
@rpg.command(pass_context=True, no_pm=False)
async def viewmonster(self, ctx, *, monsterID):
"""Testing Stub. Please do not use."""
await self.monster.getMonsterSheet(monsterID)
@rpg.command(pass_context=True, no_pm=False)
async def viewtile(self, ctx, locX: int, locY: int):
"""Testing sub. Please do not use."""
user = ctx.message.author
location = {"X" : locX, "Y" : locY}
current_player = await self.player.get_player_records(user.id)
tile = await self.map.map_provider(user, location)
await self.bot.say(tile)
@rpg.command(pass_context=True, no_pm=False)
async def findtile(self, ctx, tile_type):
"""Stub. Do not Use"""
user = ctx.message.author
tile = await self.map.find_tile(tile_type)
await self.bot.say(tile)
@rpg.command(pass_context = True, no_pm = False)
@rpg.command(pass_context=True, no_pm=False)
async def viewplayer(self, ctx, user: discord.Member):
"""Allows you to see the character sheet of another player in the game."""
hasProfile = await self.player.check_player(user.id)
if hasProfile:
await self.player.getCharacterSheet(user)
else:
await self.bot.say("That player does not yet exist. Perhaps consider asking them to join using `{}rpg register`?".format(ctx.prefix))
@rpg.command(pass_context=True, no_pm=False)
async def logout(self, ctx):
"""Logs you out of your current session, if there is one"""
await self._logout(ctx)
@rpg.command(pass_context=True, no_pm=False)
async def play(self, ctx):
"""Runs a session of DiscordRPG"""
# from this point onwards, CTX cannot be used for resources like server ID's.
# Needs to be pulled from the existing resources, in the dicts.
userDO = ctx.message.author
await self.reload_town_records()
current_player = await self.player.get_player_records(userDO.id)
if current_player is None:
await self.bot.say("It seems you have never registered with the rpg."
" Please try `{}rpg register`".format(ctx.prefix))
return
player_town = await self.town.get_town_records(current_player['HomeTownID'])
if player_town is None:
await self.bot.say("Hmmm... It appears your town is still in Rubble unfortunately."
"Torn down by a war long since forgotten. "
"Get an admin of this server to try `{}rpg signup`".format(ctx.prefix))
return
if not self._login(userDO):
await self.bot.say("You already have an Ongoing play session. "
"If you can't find it, please try "
"`{}rpg logout`".format(ctx.prefix))
return
# TODO remove when complete.
await self.bot.say("This is still under construction. Any bugs are please to be reported using `;;contact` followed by the error given. Thanks for testing out DiscordRPG!")
if 'Never' in current_player['Last_Played']:
await self.bot.say("Thank you for signing up. Welcome to your next grand adventure")
await self.first_adventure_town(ctx, current_player, player_town)
| [
2,
39462,
198,
11748,
36446,
198,
6738,
36446,
13,
2302,
1330,
9729,
198,
6738,
269,
18463,
13,
26791,
13,
7890,
9399,
1330,
1366,
9399,
198,
6738,
764,
26791,
1330,
8794,
198,
6738,
11593,
12417,
834,
1330,
3758,
62,
28758,
62,
16794,
198,
2,
12691,
198,
11748,
28686,
198,
6738,
4866,
1330,
2769,
30073,
11,
4866,
198,
11748,
4818,
8079,
198,
11748,
640,
198,
11748,
10688,
198,
11748,
4738,
198,
28311,
25,
198,
220,
220,
220,
1330,
4938,
2024,
198,
220,
220,
220,
4938,
2024,
7355,
603,
796,
6407,
198,
16341,
25,
198,
220,
220,
220,
4938,
2024,
7355,
603,
796,
10352,
628,
198,
4871,
39462,
46954,
25,
198,
220,
220,
220,
37227,
464,
39462,
12909,
13,
314,
1612,
11,
1635,
464,
68,
39462,
12909,
9,
37811,
628,
220,
220,
220,
2488,
9503,
1746,
13,
8094,
7,
3672,
11639,
81,
6024,
2617,
3256,
1208,
62,
22866,
28,
17821,
8,
198,
220,
220,
220,
30351,
825,
374,
6024,
2617,
7,
944,
11,
269,
17602,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
26232,
329,
262,
12909,
319,
428,
4382,
37811,
198,
220,
220,
220,
220,
220,
220,
220,
611,
269,
17602,
13,
16340,
6545,
62,
7266,
21812,
318,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
25507,
3758,
62,
28758,
62,
16794,
7,
49464,
8,
628,
220,
220,
220,
2488,
81,
6024,
2617,
13,
21812,
7,
6603,
62,
22866,
28,
17821,
8,
198,
220,
220,
220,
30351,
825,
3240,
3672,
7,
944,
11,
269,
17602,
11,
1635,
11,
1438,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
34934,
345,
284,
900,
257,
1438,
329,
428,
4382,
338,
5995,
8329,
37811,
198,
220,
220,
220,
220,
220,
220,
220,
1772,
796,
269,
17602,
13,
20500,
13,
9800,
198,
220,
220,
220,
220,
220,
220,
220,
9785,
796,
269,
17602,
13,
20500,
13,
15388,
198,
220,
220,
220,
220,
220,
220,
220,
25507,
2116,
13,
12735,
13,
2617,
62,
12735,
62,
3672,
7,
49464,
11,
1438,
8,
628,
220,
220,
220,
2488,
81,
6024,
2617,
13,
21812,
7,
6603,
62,
22866,
28,
17821,
8,
198,
220,
220,
220,
30351,
825,
3240,
615,
9459,
7,
944,
11,
269,
17602,
11,
1635,
11,
30919,
6371,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
34934,
345,
284,
900,
257,
649,
26703,
4286,
329,
428,
4382,
338,
5995,
8329,
37811,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
16926,
3535,
23261,
1249,
18231,
23256,
13,
663,
1744,
11,
475,
545,
16931,
198,
220,
220,
220,
220,
220,
220,
220,
1772,
796,
269,
17602,
13,
20500,
13,
9800,
198,
220,
220,
220,
220,
220,
220,
220,
9785,
796,
269,
17602,
13,
20500,
13,
15388,
13,
312,
198,
220,
220,
220,
220,
220,
220,
220,
611,
4938,
2024,
13,
6371,
7,
615,
9459,
6371,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
25507,
2116,
13,
12735,
13,
2617,
62,
12735,
62,
615,
9459,
7,
30255,
11,
30919,
6371,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
25507,
2116,
13,
13645,
13,
16706,
7203,
3673,
257,
4938,
10289,
13,
9993,
757,
19570,
628,
220,
220,
220,
2488,
9503,
1746,
13,
8094,
7,
3672,
2625,
81,
6024,
1600,
1208,
62,
22866,
28,
17821,
8,
198,
220,
220,
220,
30351,
825,
374,
6024,
7,
944,
11,
269,
17602,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
12218,
12909,
3404,
526,
15931,
198,
220,
220,
220,
220,
220,
220,
220,
611,
269,
17602,
13,
16340,
6545,
62,
7266,
21812,
318,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
25507,
3758,
62,
28758,
62,
16794,
7,
49464,
8,
628,
220,
220,
220,
2488,
81,
6024,
13,
21812,
7,
6603,
62,
22866,
28,
17821,
8,
198,
220,
220,
220,
2488,
42116,
13,
28482,
62,
273,
62,
525,
8481,
7,
805,
496,
62,
15388,
28,
17821,
8,
198,
220,
220,
220,
30351,
825,
1051,
929,
7,
944,
11,
269,
17602,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
34934,
281,
13169,
393,
31847,
284,
1051,
929,
428,
4382,
656,
262,
12909,
37811,
198,
220,
220,
220,
220,
220,
220,
220,
25507,
2116,
13,
12735,
13,
17953,
62,
12735,
7,
49464,
8,
628,
220,
220,
220,
2488,
81,
6024,
13,
21812,
7,
6603,
62,
22866,
28,
17821,
8,
198,
220,
220,
220,
30351,
825,
2095,
7,
944,
11,
269,
17602,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
27275,
3689,
6859,
37811,
198,
220,
220,
220,
220,
220,
220,
220,
1772,
796,
269,
17602,
13,
20500,
13,
9800,
198,
220,
220,
220,
220,
220,
220,
220,
9785,
796,
269,
17602,
13,
20500,
13,
15388,
198,
220,
220,
220,
220,
220,
220,
220,
1459,
62,
7829,
796,
23884,
198,
220,
220,
220,
220,
220,
220,
220,
2137,
62,
1069,
1023,
796,
25507,
2116,
13,
7829,
13,
9122,
62,
7829,
7,
9800,
13,
312,
8,
198,
220,
220,
220,
220,
220,
220,
220,
611,
2137,
62,
1069,
1023,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1459,
62,
7829,
796,
25507,
2116,
13,
7829,
13,
1136,
62,
7829,
62,
8344,
3669,
7,
9800,
13,
312,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
25507,
2116,
13,
13645,
13,
16706,
7203,
1639,
423,
407,
1865,
5399,
262,
12909,
13,
4222,
7881,
1262,
4600,
90,
92,
81,
6024,
7881,
63,
1911,
18982,
7,
49464,
13,
40290,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
628,
220,
220,
220,
220,
220,
220,
220,
11525,
796,
36446,
13,
31567,
276,
7,
7839,
2625,
29046,
329,
23884,
1911,
18982,
7,
14421,
62,
7829,
58,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
12441,
5376,
20520,
828,
6764,
2625,
11041,
262,
3146,
284,
787,
257,
3572,
33283,
9568,
28,
15,
87,
16344,
2388,
8,
198,
220,
220,
220,
220,
220,
220,
220,
11525,
13,
2860,
62,
3245,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1438,
11639,
29046,
3256,
1988,
2625,
63,
16,
13,
63,
3497,
15684,
21616,
59,
77,
63,
17,
13,
63,
9794,
26703,
59,
77,
63,
18,
13,
63,
9794,
16024,
59,
77,
63,
19,
13,
63,
3582,
5995,
8329,
1600,
26098,
28,
25101,
8,
198,
220,
220,
220,
220,
220,
220,
220,
11525,
13,
2617,
62,
9800,
7,
3672,
11639,
90,
92,
4458,
18982,
7,
9800,
13,
3672,
828,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
7196,
62,
6371,
11639,
90,
92,
4458,
18982,
7,
9800,
13,
615,
9459,
62,
6371,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
11525,
13,
2617,
62,
400,
20566,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
19016,
11639,
5450,
1378,
72,
13,
20760,
9600,
13,
785,
14,
8903,
14,
47,
80,
23,
1731,
2390,
24,
57,
41275,
14,
9806,
411,
12286,
13,
9479,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
25507,
2116,
13,
13645,
13,
16706,
7203,
1600,
11525,
28,
20521,
8,
628,
220,
220,
220,
220,
220,
220,
220,
2882,
796,
25507,
2116,
13,
13645,
13,
17077,
62,
1640,
62,
20500,
7,
9800,
28,
9800,
8,
198,
220,
220,
220,
220,
220,
220,
220,
611,
705,
16,
6,
287,
2882,
13,
11299,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
8229,
262,
2095,
9629,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
25507,
2116,
13,
7829,
13,
1136,
27275,
3347,
316,
7,
9800,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
705,
17,
6,
287,
2882,
13,
11299,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
25339,
19016,
11,
26571,
340,
290,
3613,
284,
262,
1938,
7034,
287,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
1938,
13,
17752,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
25507,
2116,
13,
13645,
13,
16706,
7203,
5492,
2148,
502,
351,
257,
19016,
691,
11,
284,
779,
355,
281,
2939,
329,
534,
2095,
9629,
19570,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
16926,
3535,
23261,
1249,
18231,
23256,
13,
663,
1744,
11,
475,
545,
16931,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
30919,
6371,
796,
25507,
2116,
13,
13645,
13,
17077,
62,
1640,
62,
20500,
7,
9800,
28,
9800,
8,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
4938,
2024,
13,
6371,
7,
615,
9459,
6371,
13,
11299,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
25507,
2116,
13,
7829,
13,
2617,
37046,
7355,
9459,
7,
9800,
13,
312,
11,
30919,
6371,
13,
11299,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
25507,
2116,
13,
13645,
13,
16706,
7203,
3673,
257,
4938,
10289,
13,
9993,
757,
19570,
198,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
705,
18,
6,
287,
2882,
13,
11299,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
25507,
2116,
13,
7829,
13,
2617,
42787,
7,
49464,
11,
1772,
13,
312,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
705,
19,
6,
287,
2882,
13,
11299,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
12735,
13,
21928,
12735,
82,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
25507,
2116,
13,
12735,
13,
260,
2220,
62,
12735,
62,
8344,
3669,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
25507,
2116,
13,
12735,
13,
1136,
62,
12735,
62,
21760,
7,
14421,
62,
7829,
17816,
16060,
38097,
2389,
6,
12962,
628,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
25507,
2116,
13,
13645,
13,
16706,
7203,
44651,
2882,
13,
4222,
1949,
757,
19570,
628,
220,
220,
220,
2488,
81,
6024,
13,
21812,
7,
6603,
62,
22866,
28,
17821,
11,
645,
62,
4426,
28,
25101,
8,
198,
220,
220,
220,
30351,
825,
7881,
7,
944,
11,
269,
17602,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
8081,
6223,
290,
7921,
274,
534,
12909,
15684,
526,
15931,
198,
220,
220,
220,
220,
220,
220,
220,
1772,
796,
269,
17602,
13,
20500,
13,
9800,
198,
220,
220,
220,
220,
220,
220,
220,
9785,
796,
269,
17602,
13,
20500,
13,
15388,
13,
312,
628,
220,
220,
220,
220,
220,
220,
220,
3240,
3109,
1023,
796,
25507,
2116,
13,
12735,
13,
9122,
62,
12735,
7,
30255,
8,
198,
220,
220,
220,
220,
220,
220,
220,
611,
407,
3240,
3109,
1023,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
25507,
2116,
13,
13645,
13,
16706,
7203,
46,
2840,
13,
3406,
3240,
318,
991,
287,
30935,
286,
29632,
13,
4222,
1265,
281,
13169,
393,
31847,
286,
428,
6518,
284,
651,
534,
3240,
2067,
351,
4600,
90,
92,
81,
6024,
1051,
929,
63,
1911,
18982,
7,
49464,
13,
40290,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
628,
220,
220,
220,
220,
220,
220,
220,
2137,
62,
1069,
1023,
796,
25507,
2116,
13,
7829,
13,
9122,
62,
7829,
7,
9800,
13,
312,
8,
198,
220,
220,
220,
220,
220,
220,
220,
611,
2137,
62,
1069,
1023,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
25507,
2116,
13,
13645,
13,
16706,
7203,
1639,
389,
1541,
842,
15654,
445,
13,
921,
460,
779,
4600,
90,
92,
81,
6024,
2095,
63,
284,
466,
1243,
526,
13,
18982,
7,
49464,
13,
40290,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
628,
220,
220,
220,
220,
220,
220,
220,
25507,
2116,
13,
13645,
13,
16706,
7203,
9690,
329,
9679,
23884,
0,
775,
389,
1016,
284,
761,
617,
1321,
9313,
13,
18982,
7,
9800,
13,
434,
295,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
25507,
2116,
13,
7829,
13557,
17953,
7829,
7,
49464,
8,
628,
220,
220,
220,
2488,
81,
6024,
13,
21812,
7,
6603,
62,
22866,
28,
17821,
11,
645,
62,
4426,
28,
25101,
8,
198,
220,
220,
220,
30351,
825,
1570,
12735,
7,
944,
11,
269,
17602,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
7680,
262,
3307,
286,
262,
19806,
338,
3240,
345,
389,
3058,
287,
37811,
198,
220,
220,
220,
220,
220,
220,
220,
9785,
796,
269,
17602,
13,
20500,
13,
15388,
13,
312,
198,
220,
220,
220,
220,
220,
220,
220,
25507,
2116,
13,
12735,
13,
1136,
62,
12735,
62,
21760,
7,
30255,
8,
628,
220,
220,
220,
2488,
81,
6024,
13,
21812,
7,
6603,
62,
22866,
28,
17821,
11,
645,
62,
4426,
28,
25101,
8,
198,
220,
220,
220,
30351,
825,
1570,
39050,
7,
944,
11,
269,
17602,
11,
1635,
11,
9234,
2389,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
44154,
41135,
13,
4222,
466,
407,
779,
526,
15931,
198,
220,
220,
220,
220,
220,
220,
220,
25507,
2116,
13,
39050,
13,
1136,
40872,
3347,
316,
7,
39050,
2389,
8,
628,
220,
220,
220,
2488,
81,
6024,
13,
21812,
7,
6603,
62,
22866,
28,
17821,
11,
645,
62,
4426,
28,
25101,
8,
198,
220,
220,
220,
30351,
825,
1570,
40927,
7,
944,
11,
269,
17602,
11,
1179,
55,
25,
493,
11,
1179,
56,
25,
493,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
44154,
850,
13,
4222,
466,
407,
779,
526,
15931,
198,
220,
220,
220,
220,
220,
220,
220,
2836,
796,
269,
17602,
13,
20500,
13,
9800,
198,
220,
220,
220,
220,
220,
220,
220,
4067,
796,
19779,
55,
1,
1058,
1179,
55,
11,
366,
56,
1,
1058,
1179,
56,
92,
198,
220,
220,
220,
220,
220,
220,
220,
1459,
62,
7829,
796,
25507,
2116,
13,
7829,
13,
1136,
62,
7829,
62,
8344,
3669,
7,
7220,
13,
312,
8,
198,
220,
220,
220,
220,
220,
220,
220,
17763,
796,
25507,
2116,
13,
8899,
13,
8899,
62,
15234,
1304,
7,
7220,
11,
4067,
8,
198,
220,
220,
220,
220,
220,
220,
220,
25507,
2116,
13,
13645,
13,
16706,
7,
40927,
8,
628,
220,
220,
220,
2488,
81,
6024,
13,
21812,
7,
6603,
62,
22866,
28,
17821,
11,
645,
62,
4426,
28,
25101,
8,
198,
220,
220,
220,
30351,
825,
1064,
40927,
7,
944,
11,
269,
17602,
11,
17763,
62,
4906,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
1273,
549,
13,
2141,
407,
5765,
37811,
198,
220,
220,
220,
220,
220,
220,
220,
2836,
796,
269,
17602,
13,
20500,
13,
9800,
198,
220,
220,
220,
220,
220,
220,
220,
17763,
796,
25507,
2116,
13,
8899,
13,
19796,
62,
40927,
7,
40927,
62,
4906,
8,
198,
220,
220,
220,
220,
220,
220,
220,
25507,
2116,
13,
13645,
13,
16706,
7,
40927,
8,
628,
220,
220,
220,
2488,
81,
6024,
13,
21812,
7,
6603,
62,
22866,
796,
6407,
11,
645,
62,
4426,
796,
10352,
8,
628,
220,
220,
220,
2488,
81,
6024,
13,
21812,
7,
6603,
62,
22866,
28,
17821,
11,
645,
62,
4426,
28,
25101,
8,
198,
220,
220,
220,
30351,
825,
1570,
7829,
7,
944,
11,
269,
17602,
11,
2836,
25,
36446,
13,
27608,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
34934,
345,
284,
766,
262,
2095,
9629,
286,
1194,
2137,
287,
262,
983,
526,
15931,
628,
220,
220,
220,
220,
220,
220,
220,
468,
37046,
796,
25507,
2116,
13,
7829,
13,
9122,
62,
7829,
7,
7220,
13,
312,
8,
628,
220,
220,
220,
220,
220,
220,
220,
611,
468,
37046,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
25507,
2116,
13,
7829,
13,
1136,
27275,
3347,
316,
7,
7220,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
25507,
2116,
13,
13645,
13,
16706,
7203,
2504,
2137,
857,
407,
1865,
2152,
13,
8673,
2074,
4737,
606,
284,
4654,
1262,
4600,
90,
92,
81,
6024,
7881,
63,
43634,
18982,
7,
49464,
13,
40290,
4008,
628,
220,
220,
220,
2488,
81,
6024,
13,
21812,
7,
6603,
62,
22866,
28,
17821,
11,
645,
62,
4426,
28,
25101,
8,
198,
220,
220,
220,
30351,
825,
2604,
448,
7,
944,
11,
269,
17602,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
11187,
82,
345,
503,
286,
534,
1459,
6246,
11,
611,
612,
318,
530,
37811,
198,
220,
220,
220,
220,
220,
220,
220,
25507,
2116,
13557,
6404,
448,
7,
49464,
8,
628,
220,
220,
220,
2488,
81,
6024,
13,
21812,
7,
6603,
62,
22866,
28,
17821,
11,
645,
62,
4426,
28,
25101,
8,
198,
220,
220,
220,
30351,
825,
711,
7,
944,
11,
269,
17602,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
10987,
82,
257,
6246,
286,
39462,
46954,
37811,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
422,
428,
966,
31719,
11,
16356,
55,
2314,
307,
973,
329,
4133,
588,
4382,
4522,
338,
13,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
36557,
284,
307,
5954,
422,
262,
4683,
4133,
11,
287,
262,
8633,
82,
13,
198,
220,
220,
220,
220,
220,
220,
220,
2836,
18227,
796,
269,
17602,
13,
20500,
13,
9800,
198,
220,
220,
220,
220,
220,
220,
220,
25507,
2116,
13,
260,
2220,
62,
12735,
62,
8344,
3669,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
1459,
62,
7829,
796,
25507,
2116,
13,
7829,
13,
1136,
62,
7829,
62,
8344,
3669,
7,
7220,
18227,
13,
312,
8,
198,
220,
220,
220,
220,
220,
220,
220,
611,
1459,
62,
7829,
318,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
25507,
2116,
13,
13645,
13,
16706,
7203,
1026,
2331,
345,
423,
1239,
6823,
351,
262,
374,
6024,
526,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
4222,
1949,
4600,
90,
92,
81,
6024,
7881,
63,
1911,
18982,
7,
49464,
13,
40290,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
220,
198,
220,
220,
220,
220,
220,
220,
220,
2137,
62,
12735,
796,
25507,
2116,
13,
12735,
13,
1136,
62,
12735,
62,
8344,
3669,
7,
14421,
62,
7829,
17816,
16060,
38097,
2389,
6,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
611,
2137,
62,
12735,
318,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
25507,
2116,
13,
13645,
13,
16706,
7203,
39,
27532,
986,
632,
3568,
534,
3240,
318,
991,
287,
6256,
903,
12716,
526,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
51,
1211,
866,
416,
257,
1175,
890,
1201,
11564,
13,
366,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
3855,
281,
13169,
286,
428,
4382,
284,
1949,
4600,
90,
92,
81,
6024,
1051,
929,
63,
1911,
18982,
7,
49464,
13,
40290,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
628,
220,
220,
220,
220,
220,
220,
220,
611,
407,
2116,
13557,
38235,
7,
7220,
18227,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
25507,
2116,
13,
13645,
13,
16706,
7203,
1639,
1541,
423,
281,
48041,
40519,
711,
6246,
13,
366,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
1532,
345,
460,
470,
1064,
340,
11,
3387,
1949,
366,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
63,
90,
92,
81,
6024,
2604,
448,
63,
1911,
18982,
7,
49464,
13,
40290,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
16926,
46,
4781,
618,
1844,
13,
198,
220,
220,
220,
220,
220,
220,
220,
25507,
2116,
13,
13645,
13,
16706,
7203,
1212,
318,
991,
739,
5103,
13,
4377,
11316,
389,
3387,
284,
307,
2098,
1262,
4600,
7665,
32057,
63,
3940,
416,
262,
4049,
1813,
13,
6930,
329,
4856,
503,
39462,
46954,
2474,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
220,
628,
220,
220,
220,
220,
220,
220,
220,
611,
705,
12295,
6,
287,
1459,
62,
7829,
17816,
5956,
62,
11002,
276,
6,
5974,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
25507,
2116,
13,
13645,
13,
16706,
7203,
10449,
345,
329,
8415,
510,
13,
19134,
284,
534,
1306,
4490,
8855,
4943,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
25507,
2116,
13,
11085,
62,
324,
5388,
62,
12735,
7,
49464,
11,
1459,
62,
7829,
11,
2137,
62,
12735,
8,
628,
628,
628,
628,
198
] | 2.395477 | 3,626 |
#! /usr/bin/env python
# -*- coding: utf-8 -*-
# __file__: edge
# 图像边缘检测
import numpy as np
import cv2
if __name__ == '__main__':
path = './res/river_color_bg.png'
edge(pic_path=path)
| [
2,
0,
1220,
14629,
14,
8800,
14,
24330,
21015,
198,
2,
532,
9,
12,
19617,
25,
3384,
69,
12,
23,
532,
9,
12,
198,
2,
11593,
7753,
834,
25,
5743,
198,
2,
10263,
249,
122,
161,
225,
237,
164,
122,
117,
163,
120,
246,
162,
96,
222,
38184,
233,
198,
11748,
299,
32152,
355,
45941,
198,
11748,
269,
85,
17,
628,
198,
198,
361,
11593,
3672,
834,
6624,
705,
834,
12417,
834,
10354,
198,
220,
220,
220,
3108,
796,
705,
19571,
411,
14,
38291,
62,
8043,
62,
35904,
13,
11134,
6,
198,
220,
220,
220,
5743,
7,
16564,
62,
6978,
28,
6978,
8,
198
] | 1.875 | 104 |
#!/usr/bin/env python
"""
computes cost of storing camera data
"""
from __future__ import division
# %%
print("quantities are for full data rate")
Zyla = Cam(2560 * 2160, 100, 4, 1500)
print("\n--------------------------")
print("Zyla")
print(f"MB/sec: {Zyla.bytesec/1e6:.1f} GB/hour: {Zyla.bytehour/1e9:.0f}")
print(f"SSD: ${Zyla.HDDcosthour:.2f}/hour")
print(f"{Zyla.hddTB} TB SSD fills in {Zyla.hourstorage:.2f} hours")
NeoDMC = Cam(2560 / 4 * 2160 / 4, 30, 8, cost=220)
print("\n--------------------------")
print("Neo Marshall DMC (4x4 full frame binning)")
print(f"MB/sec: {NeoDMC.bytesec/1e6:.1f} GB/hour: {NeoDMC.bytehour/1e9:.0f}")
print(f"SSD: ${NeoDMC.HDDcosthour:.2f}/hour")
print(f"{NeoDMC.hddTB} TB HDD fills in {NeoDMC.hourstorage:.2f} hours")
U897 = Cam(512 * 512, 56, 8, 220)
print("\n--------------------------")
print("Ultra 897")
print("MB/sec: {:.1f} GB/hour: {:.0f}".format(U897.bytesec / 1e6, U897.bytehour / 1e9))
print("HDD: ${:.2f}/hour".format(U897.HDDcosthour))
print("{} TB HDD fills in {:.1f} hours".format(U897.hddTB, U897.hourstorage))
U888 = Cam(1024 * 1024, 26, 8, 220)
print("\n--------------------------")
print("Ultra 888")
print("MB/sec: {:.1f} GB/hour: {:.0f}".format(U888.bytesec / 1e6, U888.bytehour / 1e9))
print("HDD: ${:.2f}/hour".format(U888.HDDcosthour))
print("{} TB HDD fills in {:.1f} hours".format(U888.hddTB, U888.hourstorage))
# %%
print(
"{} month season {} % retained: {:.1f} TB".format(
U888.monthsseason, U888.goodfrac * 100, U888.TBseason
)
)
| [
2,
48443,
14629,
14,
8800,
14,
24330,
21015,
198,
37811,
198,
5589,
1769,
1575,
286,
23069,
4676,
1366,
198,
37811,
198,
6738,
11593,
37443,
834,
1330,
7297,
628,
198,
198,
2,
43313,
198,
4798,
7203,
40972,
871,
389,
329,
1336,
1366,
2494,
4943,
198,
198,
57,
2645,
64,
796,
7298,
7,
1495,
1899,
1635,
362,
14198,
11,
1802,
11,
604,
11,
20007,
8,
198,
4798,
7203,
59,
77,
22369,
438,
4943,
198,
4798,
7203,
57,
2645,
64,
4943,
198,
4798,
7,
69,
1,
10744,
14,
2363,
25,
1391,
57,
2645,
64,
13,
33661,
721,
14,
16,
68,
21,
25,
13,
16,
69,
92,
220,
220,
220,
13124,
14,
9769,
25,
1391,
57,
2645,
64,
13,
26327,
9769,
14,
16,
68,
24,
25,
13,
15,
69,
92,
4943,
198,
4798,
7,
69,
1,
5432,
35,
25,
25597,
57,
2645,
64,
13,
10227,
35,
15805,
9769,
25,
13,
17,
69,
92,
14,
9769,
4943,
198,
4798,
7,
69,
1,
90,
57,
2645,
64,
13,
71,
1860,
22737,
92,
23799,
21252,
23816,
287,
1391,
57,
2645,
64,
13,
9769,
35350,
25,
13,
17,
69,
92,
2250,
4943,
198,
198,
8199,
78,
35,
9655,
796,
7298,
7,
1495,
1899,
1220,
604,
1635,
362,
14198,
1220,
604,
11,
1542,
11,
807,
11,
1575,
28,
17572,
8,
198,
4798,
7203,
59,
77,
22369,
438,
4943,
198,
4798,
7203,
8199,
78,
13606,
360,
9655,
357,
19,
87,
19,
1336,
5739,
9874,
768,
8,
4943,
198,
4798,
7,
69,
1,
10744,
14,
2363,
25,
1391,
8199,
78,
35,
9655,
13,
33661,
721,
14,
16,
68,
21,
25,
13,
16,
69,
92,
220,
220,
220,
13124,
14,
9769,
25,
1391,
8199,
78,
35,
9655,
13,
26327,
9769,
14,
16,
68,
24,
25,
13,
15,
69,
92,
4943,
198,
4798,
7,
69,
1,
5432,
35,
25,
25597,
8199,
78,
35,
9655,
13,
10227,
35,
15805,
9769,
25,
13,
17,
69,
92,
14,
9769,
4943,
198,
4798,
7,
69,
1,
90,
8199,
78,
35,
9655,
13,
71,
1860,
22737,
92,
23799,
43601,
23816,
287,
1391,
8199,
78,
35,
9655,
13,
9769,
35350,
25,
13,
17,
69,
92,
2250,
4943,
198,
198,
52,
4531,
22,
796,
7298,
7,
25836,
1635,
22243,
11,
7265,
11,
807,
11,
15629,
8,
198,
4798,
7203,
59,
77,
22369,
438,
4943,
198,
4798,
7203,
36122,
807,
5607,
4943,
198,
4798,
7203,
10744,
14,
2363,
25,
46110,
13,
16,
69,
92,
220,
220,
220,
13124,
14,
9769,
25,
46110,
13,
15,
69,
92,
1911,
18982,
7,
52,
4531,
22,
13,
33661,
721,
1220,
352,
68,
21,
11,
471,
4531,
22,
13,
26327,
9769,
1220,
352,
68,
24,
4008,
198,
4798,
7203,
10227,
35,
25,
25597,
25,
13,
17,
69,
92,
14,
9769,
1911,
18982,
7,
52,
4531,
22,
13,
10227,
35,
15805,
9769,
4008,
198,
4798,
7203,
90,
92,
23799,
43601,
23816,
287,
46110,
13,
16,
69,
92,
2250,
1911,
18982,
7,
52,
4531,
22,
13,
71,
1860,
22737,
11,
471,
4531,
22,
13,
9769,
35350,
4008,
198,
198,
52,
28011,
796,
7298,
7,
35500,
1635,
28119,
11,
2608,
11,
807,
11,
15629,
8,
198,
4798,
7203,
59,
77,
22369,
438,
4943,
198,
4798,
7203,
36122,
807,
3459,
4943,
198,
4798,
7203,
10744,
14,
2363,
25,
46110,
13,
16,
69,
92,
220,
220,
220,
13124,
14,
9769,
25,
46110,
13,
15,
69,
92,
1911,
18982,
7,
52,
28011,
13,
33661,
721,
1220,
352,
68,
21,
11,
471,
28011,
13,
26327,
9769,
1220,
352,
68,
24,
4008,
198,
4798,
7203,
10227,
35,
25,
25597,
25,
13,
17,
69,
92,
14,
9769,
1911,
18982,
7,
52,
28011,
13,
10227,
35,
15805,
9769,
4008,
198,
4798,
7203,
90,
92,
23799,
43601,
23816,
287,
46110,
13,
16,
69,
92,
2250,
1911,
18982,
7,
52,
28011,
13,
71,
1860,
22737,
11,
471,
28011,
13,
9769,
35350,
4008,
198,
2,
43313,
198,
198,
4798,
7,
198,
220,
220,
220,
45144,
92,
1227,
1622,
23884,
4064,
17383,
25,
46110,
13,
16,
69,
92,
23799,
1911,
18982,
7,
198,
220,
220,
220,
220,
220,
220,
220,
471,
28011,
13,
41537,
6230,
11,
471,
28011,
13,
11274,
31944,
1635,
1802,
11,
471,
28011,
13,
22737,
6230,
198,
220,
220,
220,
1267,
198,
8,
198
] | 2.235808 | 687 |
# -*- coding: utf-8 -*-
from __future__ import unicode_literals
from django.db import models, migrations
| [
2,
532,
9,
12,
19617,
25,
3384,
69,
12,
23,
532,
9,
12,
198,
6738,
11593,
37443,
834,
1330,
28000,
1098,
62,
17201,
874,
198,
198,
6738,
42625,
14208,
13,
9945,
1330,
4981,
11,
15720,
602,
628
] | 2.891892 | 37 |
import alsaaudio
import sys
m = alsaaudio.Mixer()
vol = m.getvolume()
if len(sys.argv) == 1 or sys.argv[1] == "g":
print "Current volume is " + str(getVolume()) + " percent"
if len(sys.argv)>=3:
if sys.argv[1] == "i":
try:
i = int(sys.argv[2])
increase(i)
except ValueError:
print "Please specify a number after saying increase volume by"
elif sys.argv[1] == "d":
try:
d = int(sys.argv[2])
decrease(d)
except:
print "Please specify a number after saying decrease volume by"
elif sys.argv[1] == "s":
try:
s = int(sys.argv[2])
setVolume(s)
except:
print "Please specify a number after saying set volume to" | [
11748,
435,
11400,
24051,
201,
198,
11748,
25064,
201,
198,
201,
198,
76,
796,
435,
11400,
24051,
13,
35608,
263,
3419,
201,
198,
10396,
796,
285,
13,
1136,
29048,
3419,
201,
198,
201,
198,
361,
18896,
7,
17597,
13,
853,
85,
8,
6624,
352,
393,
25064,
13,
853,
85,
58,
16,
60,
6624,
366,
70,
1298,
201,
198,
197,
4798,
366,
11297,
6115,
318,
366,
1343,
965,
7,
1136,
31715,
28955,
1343,
366,
1411,
1,
201,
198,
201,
198,
361,
18896,
7,
17597,
13,
853,
85,
8,
29,
28,
18,
25,
201,
198,
197,
361,
25064,
13,
853,
85,
58,
16,
60,
6624,
366,
72,
1298,
201,
198,
197,
197,
28311,
25,
201,
198,
197,
197,
197,
72,
796,
493,
7,
17597,
13,
853,
85,
58,
17,
12962,
201,
198,
197,
197,
197,
24988,
589,
7,
72,
8,
201,
198,
197,
197,
16341,
11052,
12331,
25,
201,
198,
197,
197,
197,
4798,
366,
5492,
11986,
257,
1271,
706,
2282,
2620,
6115,
416,
1,
201,
198,
201,
198,
197,
417,
361,
25064,
13,
853,
85,
58,
16,
60,
6624,
366,
67,
1298,
201,
198,
197,
197,
28311,
25,
201,
198,
197,
197,
197,
67,
796,
493,
7,
17597,
13,
853,
85,
58,
17,
12962,
201,
198,
197,
197,
197,
12501,
260,
589,
7,
67,
8,
201,
198,
197,
197,
16341,
25,
201,
198,
197,
197,
197,
4798,
366,
5492,
11986,
257,
1271,
706,
2282,
10070,
6115,
416,
1,
201,
198,
201,
198,
197,
417,
361,
25064,
13,
853,
85,
58,
16,
60,
6624,
366,
82,
1298,
201,
198,
197,
197,
28311,
25,
201,
198,
197,
197,
197,
82,
796,
493,
7,
17597,
13,
853,
85,
58,
17,
12962,
201,
198,
197,
197,
197,
2617,
31715,
7,
82,
8,
201,
198,
197,
197,
16341,
25,
201,
198,
197,
197,
197,
4798,
366,
5492,
11986,
257,
1271,
706,
2282,
900,
6115,
284,
1
] | 2.196774 | 310 |
#!/usr/bin/env python
###############################################################################
##
## Copyright (C) 2014-2016, New York University.
## Copyright (C) 2011-2014, NYU-Poly.
## Copyright (C) 2006-2011, University of Utah.
## All rights reserved.
## Contact: [email protected]
##
## This file is part of VisTrails.
##
## "Redistribution and use in source and binary forms, with or without
## modification, are permitted provided that the following conditions are met:
##
## - Redistributions of source code must retain the above copyright notice,
## this list of conditions and the following disclaimer.
## - Redistributions in binary form must reproduce the above copyright
## notice, this list of conditions and the following disclaimer in the
## documentation and/or other materials provided with the distribution.
## - Neither the name of the New York University nor the names of its
## contributors may be used to endorse or promote products derived from
## this software without specific prior written permission.
##
## THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS"
## AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO,
## THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR
## PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT HOLDER OR
## CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL,
## EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO,
## PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS;
## OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY,
## WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR
## OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF
## ADVISED OF THE POSSIBILITY OF SUCH DAMAGE."
##
###############################################################################
"""Main file for running VisTrails in server mode"""
import os
import sys
if __name__ == '__main__':
fix_paths()
# Set locale to English
import locale
locale.setlocale(locale.LC_ALL, 'C')
import vistrails.gui.requirements
vistrails.gui.requirements.require_pyqt4_api2()
import vistrails.gui.application_server
try:
optionsDict = {
'interactiveMode': False,
'enablePackagesSilently': False,
'handlerDontAsk': True,
}
v = vistrails.gui.application_server.start_server(optionsDict,
args=sys.argv[1:])
app = vistrails.gui.application_server.VistrailsServer()
except SystemExit, e:
print str(e)
sys.exit(e)
except Exception, e:
import traceback
print "Uncaught exception on initialization: %s" % (
traceback._format_final_exc_line(type(e).__name__, e))
traceback.print_exc()
sys.exit(255)
v = app.run_server()
vistrails.gui.application_server.stop_server()
sys.exit(v)
| [
2,
48443,
14629,
14,
8800,
14,
24330,
21015,
198,
29113,
29113,
7804,
4242,
21017,
198,
2235,
198,
2235,
15069,
357,
34,
8,
1946,
12,
5304,
11,
968,
1971,
2059,
13,
198,
2235,
15069,
357,
34,
8,
2813,
12,
4967,
11,
48166,
12,
34220,
13,
198,
2235,
15069,
357,
34,
8,
4793,
12,
9804,
11,
2059,
286,
10202,
13,
198,
2235,
1439,
2489,
10395,
13,
198,
2235,
14039,
25,
2800,
31,
85,
396,
430,
4487,
13,
2398,
198,
2235,
198,
2235,
770,
2393,
318,
636,
286,
6911,
15721,
4487,
13,
198,
2235,
198,
2235,
366,
7738,
396,
3890,
290,
779,
287,
2723,
290,
13934,
5107,
11,
351,
393,
1231,
198,
2235,
17613,
11,
389,
10431,
2810,
326,
262,
1708,
3403,
389,
1138,
25,
198,
2235,
198,
2235,
220,
532,
2297,
396,
2455,
507,
286,
2723,
2438,
1276,
12377,
262,
2029,
6634,
4003,
11,
198,
2235,
220,
220,
220,
428,
1351,
286,
3403,
290,
262,
1708,
37592,
13,
198,
2235,
220,
532,
2297,
396,
2455,
507,
287,
13934,
1296,
1276,
22919,
262,
2029,
6634,
198,
2235,
220,
220,
220,
4003,
11,
428,
1351,
286,
3403,
290,
262,
1708,
37592,
287,
262,
198,
2235,
220,
220,
220,
10314,
290,
14,
273,
584,
5696,
2810,
351,
262,
6082,
13,
198,
2235,
220,
532,
16126,
262,
1438,
286,
262,
968,
1971,
2059,
4249,
262,
3891,
286,
663,
198,
2235,
220,
220,
220,
20420,
743,
307,
973,
284,
11438,
393,
7719,
3186,
10944,
422,
198,
2235,
220,
220,
220,
428,
3788,
1231,
2176,
3161,
3194,
7170,
13,
198,
2235,
198,
2235,
12680,
47466,
3180,
36592,
2389,
1961,
11050,
3336,
27975,
38162,
9947,
367,
15173,
4877,
5357,
27342,
9865,
3843,
20673,
366,
1921,
3180,
1,
198,
2235,
5357,
15529,
7788,
32761,
6375,
8959,
49094,
34764,
11015,
11,
47783,
2751,
11,
21728,
5626,
40880,
5390,
11,
198,
2235,
3336,
8959,
49094,
34764,
11015,
3963,
34482,
3398,
1565,
5603,
25382,
5357,
376,
46144,
7473,
317,
16652,
2149,
37232,
198,
2235,
33079,
48933,
15986,
13954,
48778,
1961,
13,
3268,
8005,
49261,
50163,
3336,
27975,
38162,
9947,
49707,
14418,
6375,
198,
2235,
27342,
9865,
3843,
20673,
9348,
43031,
19146,
7473,
15529,
42242,
11,
3268,
17931,
23988,
11,
19387,
25256,
1847,
11,
38846,
11,
198,
2235,
7788,
3620,
6489,
13153,
11,
6375,
7102,
5188,
10917,
3525,
12576,
29506,
25552,
357,
1268,
39149,
2751,
11,
21728,
5626,
40880,
5390,
11,
198,
2235,
41755,
11335,
10979,
3963,
28932,
2257,
2043,
37780,
21090,
50,
6375,
49254,
26,
406,
18420,
3963,
23210,
11,
42865,
11,
6375,
4810,
19238,
29722,
26,
198,
2235,
6375,
43949,
44180,
23255,
49,
8577,
24131,
8,
29630,
36,
5959,
7257,
2937,
1961,
5357,
6177,
15529,
3336,
15513,
3963,
43031,
25382,
11,
198,
2235,
7655,
2767,
16879,
3268,
27342,
10659,
11,
19269,
18379,
43031,
25382,
11,
6375,
309,
9863,
357,
1268,
39149,
2751,
399,
7156,
43,
3528,
18310,
6375,
198,
2235,
25401,
54,
24352,
8,
5923,
1797,
2751,
3268,
15529,
34882,
16289,
3963,
3336,
23210,
3963,
12680,
47466,
11,
45886,
16876,
198,
2235,
5984,
29817,
1961,
3963,
3336,
28069,
11584,
25382,
3963,
13558,
3398,
29506,
11879,
526,
198,
2235,
198,
29113,
29113,
7804,
4242,
21017,
198,
37811,
13383,
2393,
329,
2491,
6911,
15721,
4487,
287,
4382,
4235,
37811,
198,
11748,
28686,
198,
11748,
25064,
198,
198,
361,
11593,
3672,
834,
6624,
705,
834,
12417,
834,
10354,
198,
220,
220,
220,
4259,
62,
6978,
82,
3419,
628,
220,
220,
220,
1303,
5345,
36693,
284,
3594,
198,
220,
220,
220,
1330,
36693,
198,
220,
220,
220,
36693,
13,
2617,
17946,
1000,
7,
17946,
1000,
13,
5639,
62,
7036,
11,
705,
34,
11537,
628,
220,
220,
220,
1330,
410,
396,
430,
4487,
13,
48317,
13,
8897,
18883,
198,
220,
220,
220,
410,
396,
430,
4487,
13,
48317,
13,
8897,
18883,
13,
46115,
62,
9078,
39568,
19,
62,
15042,
17,
3419,
628,
220,
220,
220,
1330,
410,
396,
430,
4487,
13,
48317,
13,
31438,
62,
15388,
198,
220,
220,
220,
1949,
25,
198,
220,
220,
220,
220,
220,
220,
220,
3689,
35,
713,
796,
1391,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
3849,
5275,
19076,
10354,
10352,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
21633,
11869,
1095,
15086,
1473,
10354,
10352,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
30281,
35,
756,
25214,
10354,
6407,
11,
198,
220,
220,
220,
220,
220,
220,
220,
1782,
198,
220,
220,
220,
220,
220,
220,
220,
410,
796,
410,
396,
430,
4487,
13,
48317,
13,
31438,
62,
15388,
13,
9688,
62,
15388,
7,
25811,
35,
713,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
26498,
28,
17597,
13,
853,
85,
58,
16,
25,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
598,
796,
410,
396,
430,
4487,
13,
48317,
13,
31438,
62,
15388,
13,
53,
396,
430,
4487,
10697,
3419,
198,
220,
220,
220,
2845,
4482,
30337,
11,
304,
25,
198,
220,
220,
220,
220,
220,
220,
220,
3601,
965,
7,
68,
8,
198,
220,
220,
220,
220,
220,
220,
220,
25064,
13,
37023,
7,
68,
8,
198,
220,
220,
220,
2845,
35528,
11,
304,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1330,
12854,
1891,
198,
220,
220,
220,
220,
220,
220,
220,
3601,
366,
3118,
66,
3413,
6631,
319,
37588,
25,
4064,
82,
1,
4064,
357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
12854,
1891,
13557,
18982,
62,
20311,
62,
41194,
62,
1370,
7,
4906,
7,
68,
737,
834,
3672,
834,
11,
304,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
12854,
1891,
13,
4798,
62,
41194,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
25064,
13,
37023,
7,
13381,
8,
198,
220,
220,
220,
220,
220,
198,
220,
220,
220,
410,
796,
598,
13,
5143,
62,
15388,
3419,
198,
220,
220,
220,
410,
396,
430,
4487,
13,
48317,
13,
31438,
62,
15388,
13,
11338,
62,
15388,
3419,
198,
220,
220,
220,
25064,
13,
37023,
7,
85,
8,
198
] | 2.922414 | 1,044 |
from channels.routing import ProtocolTypeRouter, URLRouter
from channels.auth import AuthMiddlewareStack
from django.urls import re_path
from . import consumers
websocket_urlpatterns = [
re_path(r'ws/game/(?P<room_name>\w+)/$', consumers.ChatConsumer),
]
application = ProtocolTypeRouter({
# Empty for now (http->django views is added by default)
'websocket': AuthMiddlewareStack(
URLRouter(
websocket_urlpatterns
)
),
})
| [
6738,
9619,
13,
81,
13660,
1330,
20497,
6030,
49,
39605,
11,
10289,
49,
39605,
198,
6738,
9619,
13,
18439,
1330,
26828,
34621,
1574,
25896,
198,
6738,
42625,
14208,
13,
6371,
82,
1330,
302,
62,
6978,
198,
6738,
764,
1330,
7008,
198,
198,
732,
1443,
5459,
62,
6371,
33279,
82,
796,
685,
198,
220,
220,
220,
302,
62,
6978,
7,
81,
6,
18504,
14,
6057,
29006,
30,
47,
27,
3823,
62,
3672,
29,
59,
86,
10,
20679,
3,
3256,
7008,
13,
30820,
49106,
828,
198,
60,
628,
198,
31438,
796,
20497,
6030,
49,
39605,
15090,
198,
220,
220,
220,
1303,
33523,
329,
783,
357,
4023,
3784,
28241,
14208,
5009,
318,
2087,
416,
4277,
8,
198,
220,
220,
220,
220,
220,
220,
220,
705,
732,
1443,
5459,
10354,
26828,
34621,
1574,
25896,
7,
198,
220,
220,
220,
220,
220,
220,
220,
10289,
49,
39605,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2639,
5459,
62,
6371,
33279,
82,
198,
220,
220,
220,
220,
220,
220,
220,
1267,
198,
220,
220,
220,
10612,
198,
30072,
628,
198
] | 2.653631 | 179 |
import unittest
from nltk_api.tag.sentence import tag_sentences
| [
11748,
555,
715,
395,
198,
198,
6738,
299,
2528,
74,
62,
15042,
13,
12985,
13,
34086,
594,
1330,
7621,
62,
34086,
3007,
628
] | 2.869565 | 23 |
#!/usr/bin/python
"""
Purpose:
"""
from django.core.management.base import BaseCommand
import os
import csv
from IPLcricket import settings
from matches.models import MatchesPlayed, Deliveries
from datetime import datetime
from django.db.utils import DataError
import pandas as pd
| [
2,
48443,
14629,
14,
8800,
14,
29412,
198,
37811,
198,
30026,
3455,
25,
198,
37811,
198,
6738,
42625,
14208,
13,
7295,
13,
27604,
13,
8692,
1330,
7308,
21575,
198,
11748,
28686,
198,
11748,
269,
21370,
198,
6738,
6101,
43,
66,
5557,
316,
1330,
6460,
198,
6738,
7466,
13,
27530,
1330,
6550,
2052,
11002,
276,
11,
43371,
444,
198,
6738,
4818,
8079,
1330,
4818,
8079,
198,
6738,
42625,
14208,
13,
9945,
13,
26791,
1330,
6060,
12331,
198,
11748,
19798,
292,
355,
279,
67,
628,
628
] | 3.380952 | 84 |
# Copyright 2013 - Noorul Islam K M
#
# Licensed under the Apache License, Version 2.0 (the "License"); you may
# not use this file except in compliance with the License. You may obtain
# a copy of the License at
#
# http://www.apache.org/licenses/LICENSE-2.0
#
# Unless required by applicable law or agreed to in writing, software
# distributed under the License is distributed on an "AS IS" BASIS, WITHOUT
# WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the
# License for the specific language governing permissions and limitations
# under the License.
from solumclient.common import base as solum_base
from solumclient.openstack.common.apiclient import base as apiclient_base
from solumclient.openstack.common.apiclient import client
from solumclient.openstack.common.apiclient import fake_client
from solumclient.tests import base as test_base
fixture1 = {
'/foo_resource': {
'GET': (
{},
{'id': 1, 'name': 'foo'}
),
}
}
fixture2 = {
'/foo_resource': {
'GET': (
{},
{'foo_resource': {'id': 1, 'name': 'foo'}}
),
}
}
fixture3 = {
'/foo_resources': {
'GET': (
{},
[
{'id': 1, 'name': 'foo'},
{'id': 2, 'name': 'bar'}
]
),
}
}
fixture4 = {
'/foo_resources': {
'GET': (
{},
{'foo_resources': [
{'id': 1, 'name': 'foo'},
{'id': 2, 'name': 'bar'}
]}
),
}
}
| [
2,
15069,
2211,
532,
1400,
273,
377,
3449,
509,
337,
198,
2,
198,
2,
49962,
739,
262,
24843,
13789,
11,
10628,
362,
13,
15,
357,
1169,
366,
34156,
15341,
345,
743,
198,
2,
407,
779,
428,
2393,
2845,
287,
11846,
351,
262,
13789,
13,
921,
743,
7330,
198,
2,
257,
4866,
286,
262,
13789,
379,
198,
2,
198,
2,
220,
220,
220,
220,
220,
2638,
1378,
2503,
13,
43073,
13,
2398,
14,
677,
4541,
14,
43,
2149,
24290,
12,
17,
13,
15,
198,
2,
198,
2,
17486,
2672,
416,
9723,
1099,
393,
4987,
284,
287,
3597,
11,
3788,
198,
2,
9387,
739,
262,
13789,
318,
9387,
319,
281,
366,
1921,
3180,
1,
29809,
1797,
11,
42881,
198,
2,
34764,
11015,
6375,
7102,
49828,
11053,
3963,
15529,
509,
12115,
11,
2035,
4911,
393,
17142,
13,
4091,
262,
198,
2,
13789,
329,
262,
2176,
3303,
15030,
21627,
290,
11247,
198,
2,
739,
262,
13789,
13,
198,
198,
6738,
1540,
388,
16366,
13,
11321,
1330,
2779,
355,
1540,
388,
62,
8692,
198,
6738,
1540,
388,
16366,
13,
9654,
25558,
13,
11321,
13,
499,
291,
75,
1153,
1330,
2779,
355,
2471,
291,
75,
1153,
62,
8692,
198,
6738,
1540,
388,
16366,
13,
9654,
25558,
13,
11321,
13,
499,
291,
75,
1153,
1330,
5456,
198,
6738,
1540,
388,
16366,
13,
9654,
25558,
13,
11321,
13,
499,
291,
75,
1153,
1330,
8390,
62,
16366,
198,
6738,
1540,
388,
16366,
13,
41989,
1330,
2779,
355,
1332,
62,
8692,
628,
198,
69,
9602,
16,
796,
1391,
198,
220,
220,
220,
31051,
21943,
62,
31092,
10354,
1391,
198,
220,
220,
220,
220,
220,
220,
220,
705,
18851,
10354,
357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1391,
5512,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1391,
6,
312,
10354,
352,
11,
705,
3672,
10354,
705,
21943,
6,
92,
198,
220,
220,
220,
220,
220,
220,
220,
10612,
198,
220,
220,
220,
1782,
198,
92,
198,
198,
69,
9602,
17,
796,
1391,
198,
220,
220,
220,
31051,
21943,
62,
31092,
10354,
1391,
198,
220,
220,
220,
220,
220,
220,
220,
705,
18851,
10354,
357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1391,
5512,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1391,
6,
21943,
62,
31092,
10354,
1391,
6,
312,
10354,
352,
11,
705,
3672,
10354,
705,
21943,
6,
11709,
198,
220,
220,
220,
220,
220,
220,
220,
10612,
198,
220,
220,
220,
1782,
198,
92,
198,
198,
69,
9602,
18,
796,
1391,
198,
220,
220,
220,
31051,
21943,
62,
37540,
10354,
1391,
198,
220,
220,
220,
220,
220,
220,
220,
705,
18851,
10354,
357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1391,
5512,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
685,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1391,
6,
312,
10354,
352,
11,
705,
3672,
10354,
705,
21943,
6,
5512,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1391,
6,
312,
10354,
362,
11,
705,
3672,
10354,
705,
5657,
6,
92,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2361,
198,
220,
220,
220,
220,
220,
220,
220,
10612,
198,
220,
220,
220,
1782,
198,
92,
198,
198,
69,
9602,
19,
796,
1391,
198,
220,
220,
220,
31051,
21943,
62,
37540,
10354,
1391,
198,
220,
220,
220,
220,
220,
220,
220,
705,
18851,
10354,
357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1391,
5512,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1391,
6,
21943,
62,
37540,
10354,
685,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1391,
6,
312,
10354,
352,
11,
705,
3672,
10354,
705,
21943,
6,
5512,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1391,
6,
312,
10354,
362,
11,
705,
3672,
10354,
705,
5657,
6,
92,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2361,
92,
198,
220,
220,
220,
220,
220,
220,
220,
10612,
198,
220,
220,
220,
1782,
198,
92,
628,
628,
198
] | 2.212377 | 711 |
import torch
def BoxRelationalEmbedding(f_g, dim_g=64, wave_len=1000, trignometric_embedding=True):
"""
Given a tensor with bbox coordinates for detected objects on each batch image,
this function computes a matrix for each image
with entry (i,j) given by a vector representation of the
displacement between the coordinates of bbox_i, and bbox_j
input: np.array of shape=(batch_size, max_nr_bounding_boxes, 4)
output: np.array of shape=(batch_size, max_nr_bounding_boxes, max_nr_bounding_boxes, 64)
"""
# returns a relational embedding for each pair of bboxes, with dimension = dim_g
# follow implementation of https://github.com/heefe92/Relation_Networks-pytorch/blob/master/model.py#L1014-L1055
batch_size = f_g.size(0)
x_min, y_min, x_max, y_max = torch.chunk(f_g, 4, dim=-1)
cx = (x_min + x_max) * 0.5
cy = (y_min + y_max) * 0.5
w = (x_max - x_min) + 1.
h = (y_max - y_min) + 1.
# cx.view(1,-1) transposes the vector cx, and so dim(delta_x) = (dim(cx), dim(cx))
delta_x = cx - cx.view(batch_size, 1, -1)
delta_x = torch.clamp(torch.abs(delta_x / w), min=1e-3)
delta_x = torch.log(delta_x)
delta_y = cy - cy.view(batch_size, 1, -1)
delta_y = torch.clamp(torch.abs(delta_y / h), min=1e-3)
delta_y = torch.log(delta_y)
delta_w = torch.log(w / w.view(batch_size, 1, -1))
delta_h = torch.log(h / h.view(batch_size, 1, -1))
matrix_size = delta_h.size()
delta_x = delta_x.view(batch_size, matrix_size[1], matrix_size[2], 1)
delta_y = delta_y.view(batch_size, matrix_size[1], matrix_size[2], 1)
delta_w = delta_w.view(batch_size, matrix_size[1], matrix_size[2], 1)
delta_h = delta_h.view(batch_size, matrix_size[1], matrix_size[2], 1)
position_mat = torch.cat((delta_x, delta_y, delta_w, delta_h), -1) # bs * r * r *4
if trignometric_embedding == True:
feat_range = torch.arange(dim_g / 8).cuda()
dim_mat = feat_range / (dim_g / 8)
dim_mat = 1. / (torch.pow(wave_len, dim_mat))
dim_mat = dim_mat.view(1, 1, 1, -1)
position_mat = position_mat.view(batch_size, matrix_size[1], matrix_size[2], 4, -1)
position_mat = 100. * position_mat
mul_mat = position_mat * dim_mat
mul_mat = mul_mat.view(batch_size, matrix_size[1], matrix_size[2], -1)
sin_mat = torch.sin(mul_mat)
cos_mat = torch.cos(mul_mat)
embedding = torch.cat((sin_mat, cos_mat), -1)
else:
embedding = position_mat
return (embedding) | [
11748,
28034,
628,
198,
4299,
8315,
6892,
864,
31567,
6048,
278,
7,
69,
62,
70,
11,
5391,
62,
70,
28,
2414,
11,
6769,
62,
11925,
28,
12825,
11,
491,
570,
16996,
62,
20521,
12083,
28,
17821,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
11259,
257,
11192,
273,
351,
275,
3524,
22715,
329,
12326,
5563,
319,
1123,
15458,
2939,
11,
198,
220,
220,
220,
428,
2163,
552,
1769,
257,
17593,
329,
1123,
2939,
628,
220,
220,
220,
351,
5726,
357,
72,
11,
73,
8,
1813,
416,
257,
15879,
10552,
286,
262,
198,
220,
220,
220,
29358,
1022,
262,
22715,
286,
275,
3524,
62,
72,
11,
290,
275,
3524,
62,
73,
628,
220,
220,
220,
5128,
25,
45941,
13,
18747,
286,
5485,
16193,
43501,
62,
7857,
11,
3509,
62,
48624,
62,
7784,
278,
62,
29305,
11,
604,
8,
198,
220,
220,
220,
5072,
25,
45941,
13,
18747,
286,
5485,
16193,
43501,
62,
7857,
11,
3509,
62,
48624,
62,
7784,
278,
62,
29305,
11,
3509,
62,
48624,
62,
7784,
278,
62,
29305,
11,
5598,
8,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
1303,
5860,
257,
50126,
11525,
12083,
329,
1123,
5166,
286,
275,
29305,
11,
351,
15793,
796,
5391,
62,
70,
198,
220,
220,
220,
1303,
1061,
7822,
286,
3740,
1378,
12567,
13,
785,
14,
258,
22521,
5892,
14,
6892,
341,
62,
7934,
5225,
12,
9078,
13165,
354,
14,
2436,
672,
14,
9866,
14,
19849,
13,
9078,
2,
43,
8784,
19,
12,
43,
940,
2816,
628,
220,
220,
220,
15458,
62,
7857,
796,
277,
62,
70,
13,
7857,
7,
15,
8,
198,
220,
220,
220,
2124,
62,
1084,
11,
331,
62,
1084,
11,
2124,
62,
9806,
11,
331,
62,
9806,
796,
28034,
13,
354,
2954,
7,
69,
62,
70,
11,
604,
11,
5391,
10779,
16,
8,
198,
220,
220,
220,
43213,
796,
357,
87,
62,
1084,
1343,
2124,
62,
9806,
8,
1635,
657,
13,
20,
198,
220,
220,
220,
3075,
796,
357,
88,
62,
1084,
1343,
331,
62,
9806,
8,
1635,
657,
13,
20,
198,
220,
220,
220,
266,
796,
357,
87,
62,
9806,
532,
2124,
62,
1084,
8,
1343,
352,
13,
198,
220,
220,
220,
289,
796,
357,
88,
62,
9806,
532,
331,
62,
1084,
8,
1343,
352,
13,
628,
220,
220,
220,
1303,
43213,
13,
1177,
7,
16,
12095,
16,
8,
1007,
4832,
262,
15879,
43213,
11,
290,
523,
5391,
7,
67,
12514,
62,
87,
8,
796,
357,
27740,
7,
66,
87,
828,
5391,
7,
66,
87,
4008,
198,
220,
220,
220,
25979,
62,
87,
796,
43213,
532,
43213,
13,
1177,
7,
43501,
62,
7857,
11,
352,
11,
532,
16,
8,
198,
220,
220,
220,
25979,
62,
87,
796,
28034,
13,
565,
696,
7,
13165,
354,
13,
8937,
7,
67,
12514,
62,
87,
1220,
266,
828,
949,
28,
16,
68,
12,
18,
8,
198,
220,
220,
220,
25979,
62,
87,
796,
28034,
13,
6404,
7,
67,
12514,
62,
87,
8,
628,
220,
220,
220,
25979,
62,
88,
796,
3075,
532,
3075,
13,
1177,
7,
43501,
62,
7857,
11,
352,
11,
532,
16,
8,
198,
220,
220,
220,
25979,
62,
88,
796,
28034,
13,
565,
696,
7,
13165,
354,
13,
8937,
7,
67,
12514,
62,
88,
1220,
289,
828,
949,
28,
16,
68,
12,
18,
8,
198,
220,
220,
220,
25979,
62,
88,
796,
28034,
13,
6404,
7,
67,
12514,
62,
88,
8,
628,
220,
220,
220,
25979,
62,
86,
796,
28034,
13,
6404,
7,
86,
1220,
266,
13,
1177,
7,
43501,
62,
7857,
11,
352,
11,
532,
16,
4008,
198,
220,
220,
220,
25979,
62,
71,
796,
28034,
13,
6404,
7,
71,
1220,
289,
13,
1177,
7,
43501,
62,
7857,
11,
352,
11,
532,
16,
4008,
628,
220,
220,
220,
17593,
62,
7857,
796,
25979,
62,
71,
13,
7857,
3419,
198,
220,
220,
220,
25979,
62,
87,
796,
25979,
62,
87,
13,
1177,
7,
43501,
62,
7857,
11,
17593,
62,
7857,
58,
16,
4357,
17593,
62,
7857,
58,
17,
4357,
352,
8,
198,
220,
220,
220,
25979,
62,
88,
796,
25979,
62,
88,
13,
1177,
7,
43501,
62,
7857,
11,
17593,
62,
7857,
58,
16,
4357,
17593,
62,
7857,
58,
17,
4357,
352,
8,
198,
220,
220,
220,
25979,
62,
86,
796,
25979,
62,
86,
13,
1177,
7,
43501,
62,
7857,
11,
17593,
62,
7857,
58,
16,
4357,
17593,
62,
7857,
58,
17,
4357,
352,
8,
198,
220,
220,
220,
25979,
62,
71,
796,
25979,
62,
71,
13,
1177,
7,
43501,
62,
7857,
11,
17593,
62,
7857,
58,
16,
4357,
17593,
62,
7857,
58,
17,
4357,
352,
8,
628,
220,
220,
220,
2292,
62,
6759,
796,
28034,
13,
9246,
19510,
67,
12514,
62,
87,
11,
25979,
62,
88,
11,
25979,
62,
86,
11,
25979,
62,
71,
828,
532,
16,
8,
220,
1303,
275,
82,
1635,
374,
1635,
374,
1635,
19,
628,
220,
220,
220,
611,
491,
570,
16996,
62,
20521,
12083,
6624,
6407,
25,
198,
220,
220,
220,
220,
220,
220,
220,
2218,
62,
9521,
796,
28034,
13,
283,
858,
7,
27740,
62,
70,
1220,
807,
737,
66,
15339,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
5391,
62,
6759,
796,
2218,
62,
9521,
1220,
357,
27740,
62,
70,
1220,
807,
8,
198,
220,
220,
220,
220,
220,
220,
220,
5391,
62,
6759,
796,
352,
13,
1220,
357,
13165,
354,
13,
79,
322,
7,
19204,
62,
11925,
11,
5391,
62,
6759,
4008,
628,
220,
220,
220,
220,
220,
220,
220,
5391,
62,
6759,
796,
5391,
62,
6759,
13,
1177,
7,
16,
11,
352,
11,
352,
11,
532,
16,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2292,
62,
6759,
796,
2292,
62,
6759,
13,
1177,
7,
43501,
62,
7857,
11,
17593,
62,
7857,
58,
16,
4357,
17593,
62,
7857,
58,
17,
4357,
604,
11,
532,
16,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2292,
62,
6759,
796,
1802,
13,
1635,
2292,
62,
6759,
628,
220,
220,
220,
220,
220,
220,
220,
35971,
62,
6759,
796,
2292,
62,
6759,
1635,
5391,
62,
6759,
198,
220,
220,
220,
220,
220,
220,
220,
35971,
62,
6759,
796,
35971,
62,
6759,
13,
1177,
7,
43501,
62,
7857,
11,
17593,
62,
7857,
58,
16,
4357,
17593,
62,
7857,
58,
17,
4357,
532,
16,
8,
198,
220,
220,
220,
220,
220,
220,
220,
7813,
62,
6759,
796,
28034,
13,
31369,
7,
76,
377,
62,
6759,
8,
198,
220,
220,
220,
220,
220,
220,
220,
8615,
62,
6759,
796,
28034,
13,
6966,
7,
76,
377,
62,
6759,
8,
198,
220,
220,
220,
220,
220,
220,
220,
11525,
12083,
796,
28034,
13,
9246,
19510,
31369,
62,
6759,
11,
8615,
62,
6759,
828,
532,
16,
8,
198,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
11525,
12083,
796,
2292,
62,
6759,
198,
220,
220,
220,
1441,
357,
20521,
12083,
8
] | 2.252669 | 1,124 |
import yaml
import logging
import logging.config
from utils.executable import get_destination
| [
11748,
331,
43695,
198,
11748,
18931,
198,
11748,
18931,
13,
11250,
198,
198,
6738,
3384,
4487,
13,
18558,
18187,
1330,
651,
62,
16520,
1883,
628
] | 3.84 | 25 |
__version__ = '1.7.1.2'
| [
834,
9641,
834,
796,
705,
16,
13,
22,
13,
16,
13,
17,
6,
198
] | 1.714286 | 14 |
#!/usr/bin/env python3
import sys
import numpy
#import matplotlib
#matplotlib.use("SVG")
import pylab
pylab.rcParams["font.size"]=8
pylab.rcParams["legend.fontsize"]=8
#pylab.rcParams["lines.linewidth"]=1
#pylab.rcParams["axes.linewidth"]=2
#pylab.rcParams["axes.labelsize"]="large"
#pylab.rcParams["axes.labelweight"]="bold"
pylab.rcParams["xtick.major.size"]=0
pylab.rcParams["xtick.minor.size"]=0
pylab.rcParams["ytick.major.size"]=0
pylab.rcParams["ytick.minor.size"]=0
#pylab.rcParams["xtick.direction"]="out"
#pylab.rcParams["ytick.direction"]="out"
#pylab.rcParams["figure.figsize"]=(3, 3)
#activity
colormap="hot" #"jet", "bwr"
spikeEsom=numpy.loadtxt("spike_som.csv", delimiter=",")
spikeEdnd=numpy.loadtxt("spike_dnd.csv", delimiter=",")
inhinput=numpy.loadtxt("inhinput_dnd.csv", delimiter=",")
som_max=0.16
som_min=0.0
dnd_max=1.0
dnd_min=0.0
time=spikeEsom[:,0]
pylab.clf()
pylab.figure(figsize=(6,3))
pylab.subplot2grid([4,1],[0,0], rowspan=2)
pylab.imshow(spikeEsom[:, 1:].T, aspect="auto", interpolation="none", cmap=colormap, extent=[spikeEsom[0,0], spikeEsom[-1,0], len(spikeEsom[0,1:]), 1], vmax=som_max, vmin=som_min)
#limit=numpy.max(numpy.abs(xE[:,1:]))
#pylab.clim([-limit, limit])
#pylab.colorbar()
pylab.xticks([])
#pylab.xlabel("time [s]")
pylab.ylabel("neuron #")
pylab.subplot2grid([4,1],[2,0], rowspan=2)
pylab.imshow(spikeEdnd[:, 1:].T, aspect="auto", interpolation="none", cmap=colormap, extent=[spikeEdnd[0,0], spikeEdnd[-1,0], len(spikeEdnd[0,1:]), 1], vmax=dnd_max, vmin=dnd_min)
#limit=numpy.max(numpy.abs(xE[:,1:]))
#pylab.clim([-limit, limit])
#pylab.colorbar()
pylab.xlabel("time [s]")
pylab.ylabel("neuron #")
pylab.tight_layout()
pylab.savefig("spike.pdf")
#part
part_len=10*100
part_num=int(len(spikeEsom[:,0])//part_len)
for i in range(part_num):
pylab.clf()
pylab.figure(figsize=(3.5,3))
pylab.subplot(3,1,1)
pylab.imshow(spikeEsom[i*part_len:(i+1)*part_len, 1:].T, aspect="auto", interpolation="none", cmap=colormap, extent=[spikeEsom[i*part_len,0], spikeEsom[(i+1)*part_len-1,0], len(spikeEsom[0,1:]), 1], vmax=som_max, vmin=som_min)
pylab.colorbar()
pylab.xticks([])
pylab.yticks([1, len(spikeEsom[0,1:])])
#pylab.xlabel("time [s]")
pylab.ylabel("CA3 firing rate")
pylab.subplot(3,1,2)
pylab.imshow(spikeEdnd[i*part_len:(i+1)*part_len, 1:].T, aspect="auto", interpolation="none", cmap=colormap, extent=[spikeEdnd[i*part_len,0], spikeEdnd[(i+1)*part_len-1,0], len(spikeEdnd[0,1:]), 1], vmax=dnd_max, vmin=dnd_min)
pylab.colorbar()
pylab.xticks([])
pylab.yticks([1, len(spikeEsom[0,1:])])
#pylab.xlabel("time [s]")
pylab.ylabel("dendritic\nactivity")
pylab.subplot(3,1,3)
pylab.imshow(inhinput[i*part_len:(i+1)*part_len, 1:].T, aspect="auto", interpolation="none", cmap=colormap, extent=[inhinput[i*part_len,0], inhinput[(i+1)*part_len-1,0], len(inhinput[0,1:]), 1], vmin=0.0)
pylab.colorbar()
pylab.yticks([1, len(spikeEsom[0,1:])])
pylab.xlabel("time [s]")
pylab.ylabel("inhibitory inputs\nto dendrites")
pylab.tight_layout()
pylab.savefig("spike_part"+str(i)+".pdf")
| [
2,
48443,
14629,
14,
8800,
14,
24330,
21015,
18,
198,
198,
11748,
25064,
198,
11748,
299,
32152,
198,
2,
11748,
2603,
29487,
8019,
198,
2,
6759,
29487,
8019,
13,
1904,
7203,
50,
43490,
4943,
198,
11748,
279,
2645,
397,
198,
198,
79,
2645,
397,
13,
6015,
10044,
4105,
14692,
10331,
13,
7857,
8973,
28,
23,
198,
79,
2645,
397,
13,
6015,
10044,
4105,
14692,
1455,
437,
13,
10331,
7857,
8973,
28,
23,
198,
2,
79,
2645,
397,
13,
6015,
10044,
4105,
14692,
6615,
13,
2815,
413,
5649,
8973,
28,
16,
198,
2,
79,
2645,
397,
13,
6015,
10044,
4105,
14692,
897,
274,
13,
2815,
413,
5649,
8973,
28,
17,
198,
2,
79,
2645,
397,
13,
6015,
10044,
4105,
14692,
897,
274,
13,
23912,
1424,
1096,
8973,
2625,
11664,
1,
198,
2,
79,
2645,
397,
13,
6015,
10044,
4105,
14692,
897,
274,
13,
18242,
6551,
8973,
2625,
36575,
1,
198,
79,
2645,
397,
13,
6015,
10044,
4105,
14692,
742,
624,
13,
22478,
13,
7857,
8973,
28,
15,
198,
79,
2645,
397,
13,
6015,
10044,
4105,
14692,
742,
624,
13,
1084,
273,
13,
7857,
8973,
28,
15,
198,
79,
2645,
397,
13,
6015,
10044,
4105,
14692,
20760,
624,
13,
22478,
13,
7857,
8973,
28,
15,
198,
79,
2645,
397,
13,
6015,
10044,
4105,
14692,
20760,
624,
13,
1084,
273,
13,
7857,
8973,
28,
15,
198,
2,
79,
2645,
397,
13,
6015,
10044,
4105,
14692,
742,
624,
13,
37295,
8973,
2625,
448,
1,
198,
2,
79,
2645,
397,
13,
6015,
10044,
4105,
14692,
20760,
624,
13,
37295,
8973,
2625,
448,
1,
198,
2,
79,
2645,
397,
13,
6015,
10044,
4105,
14692,
26875,
13,
5647,
7857,
8973,
16193,
18,
11,
513,
8,
198,
198,
2,
21797,
198,
4033,
579,
499,
2625,
8940,
1,
1303,
1,
31173,
1600,
366,
65,
18351,
1,
198,
198,
2777,
522,
23041,
296,
28,
77,
32152,
13,
2220,
14116,
7203,
2777,
522,
62,
82,
296,
13,
40664,
1600,
46728,
2676,
28,
2430,
8,
198,
2777,
522,
7407,
358,
28,
77,
32152,
13,
2220,
14116,
7203,
2777,
522,
62,
67,
358,
13,
40664,
1600,
46728,
2676,
28,
2430,
8,
198,
259,
71,
15414,
28,
77,
32152,
13,
2220,
14116,
7203,
259,
71,
15414,
62,
67,
358,
13,
40664,
1600,
46728,
2676,
28,
2430,
8,
198,
198,
82,
296,
62,
9806,
28,
15,
13,
1433,
198,
82,
296,
62,
1084,
28,
15,
13,
15,
198,
67,
358,
62,
9806,
28,
16,
13,
15,
198,
67,
358,
62,
1084,
28,
15,
13,
15,
198,
2435,
28,
2777,
522,
23041,
296,
58,
45299,
15,
60,
198,
198,
79,
2645,
397,
13,
565,
69,
3419,
198,
79,
2645,
397,
13,
26875,
7,
5647,
7857,
16193,
21,
11,
18,
4008,
198,
198,
79,
2645,
397,
13,
7266,
29487,
17,
25928,
26933,
19,
11,
16,
38430,
15,
11,
15,
4357,
5752,
12626,
28,
17,
8,
198,
79,
2645,
397,
13,
320,
12860,
7,
2777,
522,
23041,
296,
58,
45299,
352,
25,
4083,
51,
11,
4843,
2625,
23736,
1600,
39555,
341,
2625,
23108,
1600,
269,
8899,
28,
4033,
579,
499,
11,
6287,
41888,
2777,
522,
23041,
296,
58,
15,
11,
15,
4357,
20240,
23041,
296,
58,
12,
16,
11,
15,
4357,
18896,
7,
2777,
522,
23041,
296,
58,
15,
11,
16,
25,
46570,
352,
4357,
410,
9806,
28,
82,
296,
62,
9806,
11,
410,
1084,
28,
82,
296,
62,
1084,
8,
198,
2,
32374,
28,
77,
32152,
13,
9806,
7,
77,
32152,
13,
8937,
7,
87,
36,
58,
45299,
16,
47715,
4008,
198,
2,
79,
2645,
397,
13,
565,
320,
26933,
12,
32374,
11,
4179,
12962,
198,
2,
79,
2645,
397,
13,
8043,
5657,
3419,
198,
79,
2645,
397,
13,
742,
3378,
26933,
12962,
198,
2,
79,
2645,
397,
13,
87,
18242,
7203,
2435,
685,
82,
60,
4943,
198,
79,
2645,
397,
13,
2645,
9608,
7203,
710,
44372,
1303,
4943,
198,
198,
79,
2645,
397,
13,
7266,
29487,
17,
25928,
26933,
19,
11,
16,
38430,
17,
11,
15,
4357,
5752,
12626,
28,
17,
8,
198,
79,
2645,
397,
13,
320,
12860,
7,
2777,
522,
7407,
358,
58,
45299,
352,
25,
4083,
51,
11,
4843,
2625,
23736,
1600,
39555,
341,
2625,
23108,
1600,
269,
8899,
28,
4033,
579,
499,
11,
6287,
41888,
2777,
522,
7407,
358,
58,
15,
11,
15,
4357,
20240,
7407,
358,
58,
12,
16,
11,
15,
4357,
18896,
7,
2777,
522,
7407,
358,
58,
15,
11,
16,
25,
46570,
352,
4357,
410,
9806,
28,
67,
358,
62,
9806,
11,
410,
1084,
28,
67,
358,
62,
1084,
8,
198,
2,
32374,
28,
77,
32152,
13,
9806,
7,
77,
32152,
13,
8937,
7,
87,
36,
58,
45299,
16,
47715,
4008,
198,
2,
79,
2645,
397,
13,
565,
320,
26933,
12,
32374,
11,
4179,
12962,
198,
2,
79,
2645,
397,
13,
8043,
5657,
3419,
198,
79,
2645,
397,
13,
87,
18242,
7203,
2435,
685,
82,
60,
4943,
198,
79,
2645,
397,
13,
2645,
9608,
7203,
710,
44372,
1303,
4943,
198,
198,
79,
2645,
397,
13,
33464,
62,
39786,
3419,
198,
79,
2645,
397,
13,
21928,
5647,
7203,
2777,
522,
13,
12315,
4943,
198,
198,
2,
3911,
198,
3911,
62,
11925,
28,
940,
9,
3064,
198,
3911,
62,
22510,
28,
600,
7,
11925,
7,
2777,
522,
23041,
296,
58,
45299,
15,
12962,
1003,
3911,
62,
11925,
8,
198,
1640,
1312,
287,
2837,
7,
3911,
62,
22510,
2599,
198,
220,
220,
220,
279,
2645,
397,
13,
565,
69,
3419,
198,
220,
220,
220,
279,
2645,
397,
13,
26875,
7,
5647,
7857,
16193,
18,
13,
20,
11,
18,
4008,
198,
220,
220,
220,
279,
2645,
397,
13,
7266,
29487,
7,
18,
11,
16,
11,
16,
8,
198,
220,
220,
220,
279,
2645,
397,
13,
320,
12860,
7,
2777,
522,
23041,
296,
58,
72,
9,
3911,
62,
11925,
37498,
72,
10,
16,
27493,
3911,
62,
11925,
11,
352,
25,
4083,
51,
11,
4843,
2625,
23736,
1600,
39555,
341,
2625,
23108,
1600,
269,
8899,
28,
4033,
579,
499,
11,
6287,
41888,
2777,
522,
23041,
296,
58,
72,
9,
3911,
62,
11925,
11,
15,
4357,
20240,
23041,
296,
58,
7,
72,
10,
16,
27493,
3911,
62,
11925,
12,
16,
11,
15,
4357,
18896,
7,
2777,
522,
23041,
296,
58,
15,
11,
16,
25,
46570,
352,
4357,
410,
9806,
28,
82,
296,
62,
9806,
11,
410,
1084,
28,
82,
296,
62,
1084,
8,
198,
220,
220,
220,
279,
2645,
397,
13,
8043,
5657,
3419,
198,
220,
220,
220,
279,
2645,
397,
13,
742,
3378,
26933,
12962,
198,
220,
220,
220,
279,
2645,
397,
13,
20760,
3378,
26933,
16,
11,
18896,
7,
2777,
522,
23041,
296,
58,
15,
11,
16,
25,
12962,
12962,
198,
220,
220,
220,
1303,
79,
2645,
397,
13,
87,
18242,
7203,
2435,
685,
82,
60,
4943,
198,
220,
220,
220,
279,
2645,
397,
13,
2645,
9608,
7203,
8141,
18,
9645,
2494,
4943,
198,
220,
220,
220,
220,
198,
220,
220,
220,
279,
2645,
397,
13,
7266,
29487,
7,
18,
11,
16,
11,
17,
8,
198,
220,
220,
220,
279,
2645,
397,
13,
320,
12860,
7,
2777,
522,
7407,
358,
58,
72,
9,
3911,
62,
11925,
37498,
72,
10,
16,
27493,
3911,
62,
11925,
11,
352,
25,
4083,
51,
11,
4843,
2625,
23736,
1600,
39555,
341,
2625,
23108,
1600,
269,
8899,
28,
4033,
579,
499,
11,
6287,
41888,
2777,
522,
7407,
358,
58,
72,
9,
3911,
62,
11925,
11,
15,
4357,
20240,
7407,
358,
58,
7,
72,
10,
16,
27493,
3911,
62,
11925,
12,
16,
11,
15,
4357,
18896,
7,
2777,
522,
7407,
358,
58,
15,
11,
16,
25,
46570,
352,
4357,
410,
9806,
28,
67,
358,
62,
9806,
11,
410,
1084,
28,
67,
358,
62,
1084,
8,
198,
220,
220,
220,
279,
2645,
397,
13,
8043,
5657,
3419,
198,
220,
220,
220,
279,
2645,
397,
13,
742,
3378,
26933,
12962,
198,
220,
220,
220,
279,
2645,
397,
13,
20760,
3378,
26933,
16,
11,
18896,
7,
2777,
522,
23041,
296,
58,
15,
11,
16,
25,
12962,
12962,
198,
220,
220,
220,
1303,
79,
2645,
397,
13,
87,
18242,
7203,
2435,
685,
82,
60,
4943,
198,
220,
220,
220,
279,
2645,
397,
13,
2645,
9608,
7203,
67,
437,
46015,
59,
77,
21797,
4943,
628,
220,
220,
220,
279,
2645,
397,
13,
7266,
29487,
7,
18,
11,
16,
11,
18,
8,
198,
220,
220,
220,
279,
2645,
397,
13,
320,
12860,
7,
259,
71,
15414,
58,
72,
9,
3911,
62,
11925,
37498,
72,
10,
16,
27493,
3911,
62,
11925,
11,
352,
25,
4083,
51,
11,
4843,
2625,
23736,
1600,
39555,
341,
2625,
23108,
1600,
269,
8899,
28,
4033,
579,
499,
11,
6287,
41888,
259,
71,
15414,
58,
72,
9,
3911,
62,
11925,
11,
15,
4357,
25783,
15414,
58,
7,
72,
10,
16,
27493,
3911,
62,
11925,
12,
16,
11,
15,
4357,
18896,
7,
259,
71,
15414,
58,
15,
11,
16,
25,
46570,
352,
4357,
410,
1084,
28,
15,
13,
15,
8,
198,
220,
220,
220,
279,
2645,
397,
13,
8043,
5657,
3419,
198,
220,
220,
220,
279,
2645,
397,
13,
20760,
3378,
26933,
16,
11,
18896,
7,
2777,
522,
23041,
296,
58,
15,
11,
16,
25,
12962,
12962,
198,
220,
220,
220,
279,
2645,
397,
13,
87,
18242,
7203,
2435,
685,
82,
60,
4943,
198,
220,
220,
220,
279,
2645,
397,
13,
2645,
9608,
7203,
259,
26964,
652,
17311,
59,
429,
78,
288,
437,
23156,
4943,
198,
220,
220,
220,
220,
198,
220,
220,
220,
279,
2645,
397,
13,
33464,
62,
39786,
3419,
198,
220,
220,
220,
279,
2645,
397,
13,
21928,
5647,
7203,
2777,
522,
62,
3911,
1,
10,
2536,
7,
72,
47762,
1911,
12315,
4943,
198
] | 1.99173 | 1,572 |
import datetime
now = datetime.datetime.now()
print(now)
print(now.replace(1999, 12, 31))
print(now)
# インスタンスの操作ではなく、新しいインスタンスを返すらしい。インスタンスメソッドなのに。これはわかりづらい。
| [
11748,
4818,
8079,
198,
2197,
796,
4818,
8079,
13,
19608,
8079,
13,
2197,
3419,
198,
4798,
7,
2197,
8,
198,
4798,
7,
2197,
13,
33491,
7,
18946,
11,
1105,
11,
3261,
4008,
198,
4798,
7,
2197,
8,
198,
2,
220,
11482,
6527,
8943,
23376,
6527,
8943,
27032,
241,
235,
43291,
30640,
31676,
26945,
31917,
23513,
23877,
108,
22180,
18566,
11482,
6527,
8943,
23376,
6527,
8943,
31758,
32573,
242,
33623,
36853,
22180,
18566,
16764,
11482,
6527,
8943,
23376,
6527,
8943,
26998,
47559,
45435,
26945,
5641,
28618,
16764,
46036,
39258,
31676,
1792,
237,
27370,
28255,
2515,
98,
36853,
18566,
16764,
198
] | 1.59596 | 99 |
# strassens_algorithm.py
# A demonstration of Strassen's subcubic runtime matrix multiplication
# algorithm on square matrices using the divide and conquer model.
import numpy as np
if __name__ == "__main__":
main() | [
2,
965,
562,
641,
62,
282,
42289,
13,
9078,
201,
198,
201,
198,
2,
317,
13646,
286,
4285,
562,
268,
338,
850,
66,
549,
291,
19124,
17593,
48473,
220,
201,
198,
2,
11862,
319,
6616,
2603,
45977,
1262,
262,
14083,
290,
23875,
2746,
13,
201,
198,
201,
198,
11748,
299,
32152,
355,
45941,
201,
198,
201,
198,
361,
11593,
3672,
834,
6624,
366,
834,
12417,
834,
1298,
201,
198,
220,
220,
220,
1388,
3419
] | 3.121622 | 74 |
#!/usr/bin/python
""" webserver.py - Flask based web server to handle all legal requests.
Copyright (C) 2019 Basler AG
All rights reserved.
This software may be modified and distributed under the terms
of the BSD license. See the LICENSE file for details.
"""
import http
def set_led(red, green, blue):
""" Use the hucon eye driver to set the eye color.
"""
try:
from hucon import Eye
Eye(1, Eye.RGB).set_color(red, green, blue)
Eye(2, Eye.RGB).set_color(red, green, blue)
Eye(3, Eye.RGB).set_color(red, green, blue)
Eye(4, Eye.RGB).set_color(red, green, blue)
except Exception as ex:
print(ex)
# Set the led eyes to yellow at the beginning
set_led(249, 166, 2)
import argparse
import logging
import threading
import time
try:
import httplib
except:
import http.client as httplib
from flask import Flask
from flask import request
from flask import render_template
from flask_socketio import SocketIO
from HuConJsonRpc import HuConJsonRpc
json_rpc = HuConJsonRpc()
COLLECT_STATIC_ROOT = "/opt/hucon/webserver/static"
COLLECT_STORAGE = 'flask_collect.storage.file'
app = Flask(json_rpc._SERVER_NAME)
app.config["SECRET_KEY"] = "SECRET_KEY"
socketio = SocketIO(app, logger=True)#, async_mode='eventlet'
@app.context_processor
def detect_browser_language():
""" Returns the current user browser language.
"""
supported_browser_languages = ["en", "de"]
lang = request.accept_languages.best_match(supported_browser_languages)
if lang == None:
lang = 'en'
return dict(browser_language=lang)
@app.route('/')
@app.route('/index.html')
def index():
""" Returns index page
"""
return render_template('index.html')
@app.route('/blockly.html')
def blockly():
""" Returns blockly programming page
"""
return render_template('blockly.html')
@app.route('/editor.html')
def editor():
""" Returns python editor page
"""
return render_template('editor.html')
@app.route('/mobile.html')
def mobile():
""" Returns mobile page
"""
return render_template('mobile.html')
@app.route('/settings.html')
def settings():
""" Returns settings page
"""
return render_template('settings.html')
@app.route('/remote_control.html')
def remote_control():
""" Returns remote control page
"""
return render_template('remote_control.html')
@app.route('/API', methods=['GET', 'POST'])
def api():
""" Returns api page or handle the request on POST
"""
if request.method == 'POST':
data = request.get_json(force=True)
if not data:
return ('Bad Request.', 400)
return json_rpc.handle_control(data)
return render_template('api.html')
@app.before_first_request
def before_first_request():
""" Set the eyes to green and after a while to off.
This will gibe the user teh ability to see that the service is running.
"""
set_led(0, 255, 0)
time.sleep(2)
set_led(0, 0, 0)
def check_service():
""" Check if the page is running.
"""
not_started = True
while not_started:
time.sleep(10)
try:
conn = http.client.HTTPConnection('localhost', json_rpc._LISTENING_PORT, timeout=5)
conn.request('GET', '/')
res = conn.getresponse()
if res.status == 200:
not_started = False
except Exception as ex:
print(ex)
if __name__ == '__main__':
""" Create the Server and listen on each incoming request.
"""
parser = argparse.ArgumentParser(description='Start the %s web server.' % json_rpc._SERVER_NAME)
parser.add_argument('--debug',
dest='debug',
action='store_true',
help='Print more debug messages on the console during running.')
args = parser.parse_args()
if not args.debug:
# Reduce the log messages.
log = logging.getLogger('werkzeug')
log.setLevel(logging.ERROR)
# Run a thread to check the flask service.
# thread = threading.Thread(target=check_service)
# thread.start()
socketio.start_background_task(target=check_service)
socketio.run(app, host='0.0.0.0', port=json_rpc._LISTENING_PORT, debug=args.debug)
| [
2,
48443,
14629,
14,
8800,
14,
29412,
201,
198,
37811,
2639,
18497,
13,
9078,
532,
46947,
1912,
3992,
4382,
284,
5412,
477,
2742,
7007,
13,
201,
198,
201,
198,
220,
220,
220,
15069,
357,
34,
8,
13130,
6455,
1754,
13077,
201,
198,
220,
220,
220,
1439,
2489,
10395,
13,
201,
198,
201,
198,
220,
220,
220,
770,
3788,
743,
307,
9518,
290,
9387,
739,
262,
2846,
201,
198,
220,
220,
220,
286,
262,
347,
10305,
5964,
13,
220,
4091,
262,
38559,
24290,
2393,
329,
3307,
13,
201,
198,
37811,
201,
198,
11748,
2638,
201,
198,
201,
198,
201,
198,
4299,
900,
62,
992,
7,
445,
11,
4077,
11,
4171,
2599,
201,
198,
220,
220,
220,
37227,
5765,
262,
289,
84,
1102,
4151,
4639,
284,
900,
262,
4151,
3124,
13,
201,
198,
220,
220,
220,
37227,
201,
198,
220,
220,
220,
1949,
25,
201,
198,
220,
220,
220,
220,
220,
220,
220,
422,
289,
84,
1102,
1330,
14144,
201,
198,
201,
198,
220,
220,
220,
220,
220,
220,
220,
14144,
7,
16,
11,
14144,
13,
36982,
737,
2617,
62,
8043,
7,
445,
11,
4077,
11,
4171,
8,
201,
198,
220,
220,
220,
220,
220,
220,
220,
14144,
7,
17,
11,
14144,
13,
36982,
737,
2617,
62,
8043,
7,
445,
11,
4077,
11,
4171,
8,
201,
198,
220,
220,
220,
220,
220,
220,
220,
14144,
7,
18,
11,
14144,
13,
36982,
737,
2617,
62,
8043,
7,
445,
11,
4077,
11,
4171,
8,
201,
198,
220,
220,
220,
220,
220,
220,
220,
14144,
7,
19,
11,
14144,
13,
36982,
737,
2617,
62,
8043,
7,
445,
11,
4077,
11,
4171,
8,
201,
198,
201,
198,
220,
220,
220,
2845,
35528,
355,
409,
25,
201,
198,
220,
220,
220,
220,
220,
220,
220,
3601,
7,
1069,
8,
201,
198,
201,
198,
201,
198,
2,
5345,
262,
2957,
2951,
284,
7872,
379,
262,
3726,
201,
198,
2617,
62,
992,
7,
21626,
11,
26753,
11,
362,
8,
201,
198,
201,
198,
11748,
1822,
29572,
201,
198,
11748,
18931,
201,
198,
11748,
4704,
278,
201,
198,
11748,
640,
201,
198,
201,
198,
28311,
25,
201,
198,
220,
220,
220,
1330,
1841,
489,
571,
201,
198,
16341,
25,
201,
198,
220,
220,
220,
1330,
2638,
13,
16366,
355,
1841,
489,
571,
201,
198,
6738,
42903,
1330,
46947,
201,
198,
6738,
42903,
1330,
2581,
201,
198,
6738,
42903,
1330,
8543,
62,
28243,
201,
198,
6738,
42903,
62,
44971,
952,
1330,
47068,
9399,
201,
198,
201,
198,
6738,
11256,
3103,
41,
1559,
49,
14751,
1330,
11256,
3103,
41,
1559,
49,
14751,
201,
198,
201,
198,
17752,
62,
81,
14751,
796,
11256,
3103,
41,
1559,
49,
14751,
3419,
201,
198,
201,
198,
25154,
16779,
62,
35744,
2149,
62,
13252,
2394,
796,
12813,
8738,
14,
13415,
1102,
14,
732,
1443,
18497,
14,
12708,
1,
201,
198,
25154,
16779,
62,
2257,
1581,
11879,
796,
705,
2704,
2093,
62,
33327,
13,
35350,
13,
7753,
6,
201,
198,
201,
198,
1324,
796,
46947,
7,
17752,
62,
81,
14751,
13557,
35009,
5959,
62,
20608,
8,
201,
198,
1324,
13,
11250,
14692,
23683,
26087,
62,
20373,
8973,
796,
366,
23683,
26087,
62,
20373,
1,
201,
198,
44971,
952,
796,
47068,
9399,
7,
1324,
11,
49706,
28,
17821,
8,
2,
11,
30351,
62,
14171,
11639,
15596,
1616,
6,
201,
198,
201,
198,
31,
1324,
13,
22866,
62,
41341,
201,
198,
4299,
4886,
62,
40259,
62,
16129,
33529,
201,
198,
220,
220,
220,
37227,
16409,
262,
1459,
2836,
6444,
3303,
13,
201,
198,
220,
220,
220,
37227,
201,
198,
220,
220,
220,
4855,
62,
40259,
62,
75,
33213,
796,
14631,
268,
1600,
366,
2934,
8973,
201,
198,
220,
220,
220,
42392,
796,
2581,
13,
13635,
62,
75,
33213,
13,
13466,
62,
15699,
7,
15999,
62,
40259,
62,
75,
33213,
8,
201,
198,
220,
220,
220,
611,
42392,
6624,
6045,
25,
201,
198,
220,
220,
220,
220,
220,
220,
220,
42392,
796,
705,
268,
6,
201,
198,
220,
220,
220,
1441,
8633,
7,
40259,
62,
16129,
28,
17204,
8,
201,
198,
201,
198,
31,
1324,
13,
38629,
10786,
14,
11537,
201,
198,
31,
1324,
13,
38629,
10786,
14,
9630,
13,
6494,
11537,
201,
198,
4299,
6376,
33529,
201,
198,
220,
220,
220,
37227,
16409,
6376,
2443,
201,
198,
220,
220,
220,
37227,
201,
198,
220,
220,
220,
1441,
8543,
62,
28243,
10786,
9630,
13,
6494,
11537,
201,
198,
201,
198,
201,
198,
31,
1324,
13,
38629,
10786,
14,
9967,
306,
13,
6494,
11537,
201,
198,
4299,
2512,
306,
33529,
201,
198,
220,
220,
220,
37227,
16409,
2512,
306,
8300,
2443,
201,
198,
220,
220,
220,
37227,
201,
198,
220,
220,
220,
1441,
8543,
62,
28243,
10786,
9967,
306,
13,
6494,
11537,
201,
198,
201,
198,
201,
198,
31,
1324,
13,
38629,
10786,
14,
35352,
13,
6494,
11537,
201,
198,
4299,
5464,
33529,
201,
198,
220,
220,
220,
37227,
16409,
21015,
5464,
2443,
201,
198,
220,
220,
220,
37227,
201,
198,
220,
220,
220,
1441,
8543,
62,
28243,
10786,
35352,
13,
6494,
11537,
201,
198,
201,
198,
201,
198,
31,
1324,
13,
38629,
10786,
14,
24896,
13,
6494,
11537,
201,
198,
4299,
5175,
33529,
201,
198,
220,
220,
220,
37227,
16409,
5175,
2443,
201,
198,
220,
220,
220,
37227,
201,
198,
220,
220,
220,
1441,
8543,
62,
28243,
10786,
24896,
13,
6494,
11537,
201,
198,
201,
198,
201,
198,
31,
1324,
13,
38629,
10786,
14,
33692,
13,
6494,
11537,
201,
198,
4299,
6460,
33529,
201,
198,
220,
220,
220,
37227,
16409,
6460,
2443,
201,
198,
220,
220,
220,
37227,
201,
198,
220,
220,
220,
1441,
8543,
62,
28243,
10786,
33692,
13,
6494,
11537,
201,
198,
201,
198,
201,
198,
31,
1324,
13,
38629,
10786,
14,
47960,
62,
13716,
13,
6494,
11537,
201,
198,
4299,
6569,
62,
13716,
33529,
201,
198,
220,
220,
220,
37227,
16409,
6569,
1630,
2443,
201,
198,
220,
220,
220,
37227,
201,
198,
220,
220,
220,
1441,
8543,
62,
28243,
10786,
47960,
62,
13716,
13,
6494,
11537,
201,
198,
201,
198,
201,
198,
31,
1324,
13,
38629,
10786,
14,
17614,
3256,
5050,
28,
17816,
18851,
3256,
705,
32782,
6,
12962,
201,
198,
4299,
40391,
33529,
201,
198,
220,
220,
220,
37227,
16409,
40391,
2443,
393,
5412,
262,
2581,
319,
24582,
201,
198,
220,
220,
220,
37227,
201,
198,
220,
220,
220,
611,
2581,
13,
24396,
6624,
705,
32782,
10354,
201,
198,
220,
220,
220,
220,
220,
220,
220,
1366,
796,
2581,
13,
1136,
62,
17752,
7,
3174,
28,
17821,
8,
201,
198,
220,
220,
220,
220,
220,
220,
220,
611,
407,
1366,
25,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
19203,
22069,
19390,
2637,
11,
7337,
8,
201,
198,
201,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
33918,
62,
81,
14751,
13,
28144,
62,
13716,
7,
7890,
8,
201,
198,
201,
198,
220,
220,
220,
1441,
8543,
62,
28243,
10786,
15042,
13,
6494,
11537,
201,
198,
201,
198,
201,
198,
31,
1324,
13,
19052,
62,
11085,
62,
25927,
201,
198,
4299,
878,
62,
11085,
62,
25927,
33529,
201,
198,
220,
220,
220,
37227,
5345,
262,
2951,
284,
4077,
290,
706,
257,
981,
284,
572,
13,
201,
198,
220,
220,
220,
220,
220,
220,
220,
770,
481,
308,
32438,
262,
2836,
573,
71,
2694,
284,
766,
326,
262,
2139,
318,
2491,
13,
201,
198,
220,
220,
220,
37227,
201,
198,
220,
220,
220,
900,
62,
992,
7,
15,
11,
14280,
11,
657,
8,
201,
198,
220,
220,
220,
640,
13,
42832,
7,
17,
8,
201,
198,
220,
220,
220,
900,
62,
992,
7,
15,
11,
657,
11,
657,
8,
201,
198,
201,
198,
201,
198,
4299,
2198,
62,
15271,
33529,
201,
198,
220,
220,
220,
37227,
6822,
611,
262,
2443,
318,
2491,
13,
201,
198,
220,
220,
220,
37227,
201,
198,
220,
220,
220,
407,
62,
46981,
796,
6407,
201,
198,
220,
220,
220,
981,
407,
62,
46981,
25,
201,
198,
220,
220,
220,
220,
220,
220,
220,
640,
13,
42832,
7,
940,
8,
201,
198,
220,
220,
220,
220,
220,
220,
220,
1949,
25,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
48260,
796,
2638,
13,
16366,
13,
40717,
32048,
10786,
36750,
3256,
33918,
62,
81,
14751,
13557,
45849,
1677,
2751,
62,
15490,
11,
26827,
28,
20,
8,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
48260,
13,
25927,
10786,
18851,
3256,
31051,
11537,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
581,
796,
48260,
13,
1136,
26209,
3419,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
581,
13,
13376,
6624,
939,
25,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
407,
62,
46981,
796,
10352,
201,
198,
220,
220,
220,
220,
220,
220,
220,
2845,
35528,
355,
409,
25,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3601,
7,
1069,
8,
201,
198,
201,
198,
201,
198,
361,
11593,
3672,
834,
6624,
705,
834,
12417,
834,
10354,
201,
198,
220,
220,
220,
37227,
13610,
262,
9652,
290,
6004,
319,
1123,
15619,
2581,
13,
201,
198,
220,
220,
220,
37227,
201,
198,
220,
220,
220,
30751,
796,
1822,
29572,
13,
28100,
1713,
46677,
7,
11213,
11639,
10434,
262,
4064,
82,
3992,
4382,
2637,
4064,
33918,
62,
81,
14751,
13557,
35009,
5959,
62,
20608,
8,
201,
198,
220,
220,
220,
30751,
13,
2860,
62,
49140,
10786,
438,
24442,
3256,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2244,
11639,
24442,
3256,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2223,
11639,
8095,
62,
7942,
3256,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1037,
11639,
18557,
517,
14257,
6218,
319,
262,
8624,
1141,
2491,
2637,
8,
201,
198,
201,
198,
220,
220,
220,
26498,
796,
30751,
13,
29572,
62,
22046,
3419,
201,
198,
201,
198,
220,
220,
220,
611,
407,
26498,
13,
24442,
25,
201,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
44048,
262,
2604,
6218,
13,
201,
198,
220,
220,
220,
220,
220,
220,
220,
2604,
796,
18931,
13,
1136,
11187,
1362,
10786,
86,
9587,
2736,
1018,
11537,
201,
198,
220,
220,
220,
220,
220,
220,
220,
2604,
13,
2617,
4971,
7,
6404,
2667,
13,
24908,
8,
201,
198,
201,
198,
220,
220,
220,
1303,
5660,
257,
4704,
284,
2198,
262,
42903,
2139,
13,
201,
198,
220,
220,
220,
1303,
4704,
796,
4704,
278,
13,
16818,
7,
16793,
28,
9122,
62,
15271,
8,
201,
198,
220,
220,
220,
1303,
4704,
13,
9688,
3419,
201,
198,
220,
220,
220,
17802,
952,
13,
9688,
62,
25249,
62,
35943,
7,
16793,
28,
9122,
62,
15271,
8,
201,
198,
220,
220,
220,
17802,
952,
13,
5143,
7,
1324,
11,
2583,
11639,
15,
13,
15,
13,
15,
13,
15,
3256,
2493,
28,
17752,
62,
81,
14751,
13557,
45849,
1677,
2751,
62,
15490,
11,
14257,
28,
22046,
13,
24442,
8,
201,
198
] | 2.420173 | 1,854 |
# Copyright 2019 Novartis Institutes for BioMedical Research Inc. Licensed
# under the Apache License, Version 2.0 (the "License"); you may not use
# this file except in compliance with the License. You may obtain a copy
# of the License at http://www.apache.org/licenses/LICENSE-2.0. Unless
# required by applicable law or agreed to in writing, software distributed
# under the License is distributed on an "AS IS" BASIS, WITHOUT WARRANTIES
# OR CONDITIONS OF ANY KIND, either express or implied. See the License for
# the specific language governing permissions and limitations under the License.
import os
import logging
import socket
cellxgene_location = os.environ.get("CELLXGENE_LOCATION")
cellxgene_data = os.environ.get("CELLXGENE_DATA")
gateway_port = int(os.environ.get("GATEWAY_PORT", "5005"))
external_host = os.environ.get("EXTERNAL_HOST", os.environ.get("GATEWAY_HOST", f"localhost:{gateway_port}"))
external_protocol = os.environ.get("EXTERNAL_PROTOCOL", os.environ.get("GATEWAY_PROTOCOL", "http"))
ip = os.environ.get("GATEWAY_IP")
extra_scripts = os.environ.get("GATEWAY_EXTRA_SCRIPTS")
ttl = os.environ.get("GATEWAY_TTL")
enable_upload = os.environ.get("GATEWAY_ENABLE_UPLOAD", "").lower() in ['true', '1']
enable_annotations = os.environ.get("GATEWAY_ENABLE_ANNOTATIONS", "").lower() in ['true', '1']
env_vars = {
"CELLXGENE_LOCATION": cellxgene_location,
"CELLXGENE_DATA": cellxgene_data,
"GATEWAY_IP": ip,
}
optional_env_vars = {
"EXTERNAL_HOST": external_host,
"EXTERNAL_PROTOCOL": external_protocol,
"GATEWAY_PORT": gateway_port,
"GATEWAY_EXTRA_SCRIPTS": extra_scripts,
"GATEWAY_TTL": ttl,
"GATEWAY_ENABLE_UPLOAD": enable_upload,
"GATEWAY_ENABLE_ANNOTATIONS": enable_annotations,
}
| [
2,
15069,
13130,
5267,
433,
271,
33656,
329,
16024,
37158,
4992,
3457,
13,
49962,
198,
2,
739,
262,
24843,
13789,
11,
10628,
362,
13,
15,
357,
1169,
366,
34156,
15341,
345,
743,
407,
779,
198,
2,
428,
2393,
2845,
287,
11846,
351,
262,
13789,
13,
921,
743,
7330,
257,
4866,
198,
2,
286,
262,
13789,
379,
2638,
1378,
2503,
13,
43073,
13,
2398,
14,
677,
4541,
14,
43,
2149,
24290,
12,
17,
13,
15,
13,
17486,
198,
2,
2672,
416,
9723,
1099,
393,
4987,
284,
287,
3597,
11,
3788,
9387,
198,
2,
739,
262,
13789,
318,
9387,
319,
281,
366,
1921,
3180,
1,
29809,
1797,
11,
42881,
34764,
11015,
198,
2,
6375,
7102,
49828,
11053,
3963,
15529,
509,
12115,
11,
2035,
4911,
393,
17142,
13,
4091,
262,
13789,
329,
198,
2,
262,
2176,
3303,
15030,
21627,
290,
11247,
739,
262,
13789,
13,
198,
198,
11748,
28686,
198,
11748,
18931,
198,
11748,
17802,
198,
198,
3846,
87,
70,
1734,
62,
24886,
796,
28686,
13,
268,
2268,
13,
1136,
7203,
5222,
3069,
55,
35353,
36,
62,
29701,
6234,
4943,
198,
3846,
87,
70,
1734,
62,
7890,
796,
28686,
13,
268,
2268,
13,
1136,
7203,
5222,
3069,
55,
35353,
36,
62,
26947,
4943,
198,
10494,
1014,
62,
634,
796,
493,
7,
418,
13,
268,
2268,
13,
1136,
7203,
38,
6158,
27285,
62,
15490,
1600,
366,
4059,
20,
48774,
198,
22615,
62,
4774,
796,
28686,
13,
268,
2268,
13,
1136,
7203,
6369,
31800,
1847,
62,
39,
10892,
1600,
28686,
13,
268,
2268,
13,
1136,
7203,
38,
6158,
27285,
62,
39,
10892,
1600,
277,
1,
36750,
29164,
10494,
1014,
62,
634,
36786,
4008,
198,
22615,
62,
11235,
4668,
796,
28686,
13,
268,
2268,
13,
1136,
7203,
6369,
31800,
1847,
62,
4805,
2394,
4503,
3535,
1600,
28686,
13,
268,
2268,
13,
1136,
7203,
38,
6158,
27285,
62,
4805,
2394,
4503,
3535,
1600,
366,
4023,
48774,
198,
541,
796,
28686,
13,
268,
2268,
13,
1136,
7203,
38,
6158,
27285,
62,
4061,
4943,
198,
26086,
62,
46521,
796,
28686,
13,
268,
2268,
13,
1136,
7203,
38,
6158,
27285,
62,
13918,
3861,
62,
6173,
32618,
4694,
4943,
198,
926,
75,
796,
28686,
13,
268,
2268,
13,
1136,
7203,
38,
6158,
27285,
62,
51,
14990,
4943,
198,
21633,
62,
25850,
796,
28686,
13,
268,
2268,
13,
1136,
7203,
38,
6158,
27285,
62,
1677,
17534,
62,
52,
6489,
41048,
1600,
366,
11074,
21037,
3419,
287,
37250,
7942,
3256,
705,
16,
20520,
198,
21633,
62,
34574,
602,
796,
28686,
13,
268,
2268,
13,
1136,
7203,
38,
6158,
27285,
62,
1677,
17534,
62,
1565,
11929,
18421,
1600,
366,
11074,
21037,
3419,
287,
37250,
7942,
3256,
705,
16,
20520,
198,
198,
24330,
62,
85,
945,
796,
1391,
198,
220,
220,
220,
366,
5222,
3069,
55,
35353,
36,
62,
29701,
6234,
1298,
2685,
87,
70,
1734,
62,
24886,
11,
198,
220,
220,
220,
366,
5222,
3069,
55,
35353,
36,
62,
26947,
1298,
2685,
87,
70,
1734,
62,
7890,
11,
198,
220,
220,
220,
366,
38,
6158,
27285,
62,
4061,
1298,
20966,
11,
198,
92,
198,
198,
25968,
62,
24330,
62,
85,
945,
796,
1391,
198,
220,
220,
220,
366,
6369,
31800,
1847,
62,
39,
10892,
1298,
7097,
62,
4774,
11,
198,
220,
220,
220,
366,
6369,
31800,
1847,
62,
4805,
2394,
4503,
3535,
1298,
7097,
62,
11235,
4668,
11,
198,
220,
220,
220,
366,
38,
6158,
27285,
62,
15490,
1298,
24308,
62,
634,
11,
198,
220,
220,
220,
366,
38,
6158,
27285,
62,
13918,
3861,
62,
6173,
32618,
4694,
1298,
3131,
62,
46521,
11,
198,
220,
220,
220,
366,
38,
6158,
27285,
62,
51,
14990,
1298,
256,
28781,
11,
198,
220,
220,
220,
366,
38,
6158,
27285,
62,
1677,
17534,
62,
52,
6489,
41048,
1298,
7139,
62,
25850,
11,
198,
220,
220,
220,
366,
38,
6158,
27285,
62,
1677,
17534,
62,
1565,
11929,
18421,
1298,
7139,
62,
34574,
602,
11,
198,
92,
198
] | 2.741379 | 638 |
# automatically generated by the FlatBuffers compiler, do not modify
# namespace: flat
import flatbuffers
from flatbuffers.compat import import_numpy
np = import_numpy()
| [
2,
6338,
7560,
416,
262,
21939,
36474,
364,
17050,
11,
466,
407,
13096,
198,
198,
2,
25745,
25,
6228,
198,
198,
11748,
6228,
36873,
364,
198,
6738,
6228,
36873,
364,
13,
5589,
265,
1330,
1330,
62,
77,
32152,
198,
37659,
796,
1330,
62,
77,
32152,
3419,
628,
628,
628,
628,
628,
628,
628,
628,
628,
628,
628,
628,
628,
628,
628,
628,
628,
198
] | 3.21875 | 64 |
#!/usr/bin/env python3
import aiohttp
import asyncio
import concurrent
import datetime
import jinja2
import logging
import os
# This is our native database module
import blabber_database
from aiohttp import web
logger = logging.getLogger(__name__)
DEV = True
ROOT_DIRECTORY = os.path.dirname(os.path.realpath(__file__))
DATABASE_PATH = "./blabber.db" # File path of our database file
DATABASE_CACHE_SIZE = (10 * 2**20) // 4096; # Memory cache size (unit is blocks of 4 KiB)
# Called from html templates
# Run the database operations in a worker thread so we don't block other network I/O.
# The database does not support multithreading right now, so more than one worker would be useless.
# We only allow a maximum number of pending operations in case our database is too slow
# to handle the incoming requests (they would queue up without bounds otherwise).
# Returns path to the index page.
# Returns the path to the page for the post with the given id.
# Returns the path to the submit-post endpoint.
# Returns the path to the submit-comment endpoint.
if __name__ == "__main__":
main()
| [
2,
48443,
14629,
14,
8800,
14,
24330,
21015,
18,
198,
198,
11748,
257,
952,
4023,
198,
11748,
30351,
952,
198,
11748,
24580,
198,
11748,
4818,
8079,
198,
11748,
474,
259,
6592,
17,
198,
11748,
18931,
198,
11748,
28686,
198,
198,
2,
770,
318,
674,
6868,
6831,
8265,
198,
11748,
698,
397,
527,
62,
48806,
198,
198,
6738,
257,
952,
4023,
1330,
3992,
198,
198,
6404,
1362,
796,
18931,
13,
1136,
11187,
1362,
7,
834,
3672,
834,
8,
198,
198,
39345,
796,
6407,
198,
13252,
2394,
62,
17931,
23988,
15513,
796,
28686,
13,
6978,
13,
15908,
3672,
7,
418,
13,
6978,
13,
5305,
6978,
7,
834,
7753,
834,
4008,
198,
198,
35,
1404,
6242,
11159,
62,
34219,
796,
366,
19571,
2436,
397,
527,
13,
9945,
1,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
9220,
3108,
286,
674,
6831,
2393,
198,
35,
1404,
6242,
11159,
62,
34,
2246,
13909,
62,
33489,
796,
357,
940,
1635,
362,
1174,
1238,
8,
3373,
42479,
26,
1303,
14059,
12940,
2546,
357,
20850,
318,
7021,
286,
604,
21927,
33,
8,
628,
198,
2,
34099,
422,
27711,
24019,
628,
198,
220,
220,
220,
1303,
5660,
262,
6831,
4560,
287,
257,
8383,
4704,
523,
356,
836,
470,
2512,
584,
3127,
314,
14,
46,
13,
198,
220,
220,
220,
1303,
383,
6831,
857,
407,
1104,
1963,
342,
25782,
826,
783,
11,
523,
517,
621,
530,
8383,
561,
307,
13894,
13,
198,
220,
220,
220,
1303,
775,
691,
1249,
257,
5415,
1271,
286,
13310,
4560,
287,
1339,
674,
6831,
318,
1165,
3105,
198,
220,
220,
220,
1303,
284,
5412,
262,
15619,
7007,
357,
9930,
561,
16834,
510,
1231,
22303,
4306,
737,
628,
220,
220,
220,
1303,
16409,
3108,
284,
262,
6376,
2443,
13,
628,
220,
220,
220,
1303,
16409,
262,
3108,
284,
262,
2443,
329,
262,
1281,
351,
262,
1813,
4686,
13,
628,
220,
220,
220,
1303,
16409,
262,
3108,
284,
262,
9199,
12,
7353,
36123,
13,
628,
220,
220,
220,
1303,
16409,
262,
3108,
284,
262,
9199,
12,
23893,
36123,
13,
628,
628,
198,
361,
11593,
3672,
834,
6624,
366,
834,
12417,
834,
1298,
198,
220,
220,
220,
1388,
3419,
198
] | 3.235294 | 357 |
"""
Script goal,
Test out the google earth engine to see what i can do
- find a landsat collection for a single point
"""
#==============================================================================
__title__ = "GEE Movie Maker"
__author__ = "Arden Burrell"
__version__ = "v1.0(04.04.2019)"
__email__ = "[email protected]"
#==============================================================================
# +++++ Check the paths and set ex path to fireflies folder +++++
import os
import sys
if not os.getcwd().endswith("fireflies"):
if "fireflies" in os.getcwd():
p1, p2, _ = os.getcwd().partition("fireflies")
os.chdir(p1+p2)
else:
raise OSError(
"This script was called from an unknown path. CWD can not be set"
)
sys.path.append(os.getcwd())
#==============================================================================
# Import packages
import numpy as np
import pandas as pd
import geopandas as gpd
import argparse
import datetime as dt
import warnings as warn
import xarray as xr
import bottleneck as bn
import scipy as sp
import glob
import time
from collections import OrderedDict
from scipy import stats
from numba import jit
# Import the Earth Engine Python Package
import ee
import ee.mapclient
from ee import batch
from geetools import batch as gee_batch
# from netCDF4 import Dataset, num2date, date2num
# from scipy import stats
# import statsmodels.stats.multitest as smsM
# Import plotting and colorpackages
import matplotlib.pyplot as plt
import matplotlib.colors as mpc
import matplotlib as mpl
import palettable
import fiona
fiona.drvsupport.supported_drivers['kml'] = 'rw' # enable KML support which is disabled by default
fiona.drvsupport.supported_drivers['KML'] = 'rw' # enable KML support which is disabled by default
# import seaborn as sns
# import cartopy.crs as ccrs
# import cartopy.feature as cpf
# from cartopy.mpl.gridliner import LONGITUDE_FORMATTER, LATITUDE_FORMATTER
import geopy.distance as geodis
import myfunctions.corefunctions as cf
# # Import debugging packages
# import socket
# print(socket.gethostname())
import ipdb
print("numpy version : ", np.__version__)
print("pandas version : ", pd.__version__)
print("xarray version : ", xr.__version__)
#==============================================================================
#==============================================================================
def GEE_geotifexp(coords, spath, program, fails = None):
""" function takes in coordinate infomation and begins the save out processs """
try:
geom = ee.Geometry.Polygon([
[coords.lonr_min[0],coords.latr_min[0]],
[coords.lonr_max[0],coords.latr_min[0]],
[coords.lonr_max[0],coords.latr_max[0]],
[coords.lonr_min[0],coords.latr_max[0]]])
except:
geom = ee.Geometry.Polygon([
[coords.lonr_min,coords.latr_min],
[coords.lonr_max,coords.latr_min],
[coords.lonr_max,coords.latr_max],
[coords.lonr_min,coords.latr_max]])
# ========== Rename the LS8 bands to match landsat archive ==========
# ========== Define the image collection ==========
# bandlist = ['B4','B3', 'B2', 'B1']
# ========== setup and reverse the bandlists ==========
bandlist = ['B', 'G', 'R', 'NIR', 'SWIR1', 'SWIR2', 'pixel_qa']
bandlist.reverse()
# program = "sentinal"
if program == "LANDSAT":
dschoice = "SR"#
dsinfom = "LANDSAT_5_7_8"
dsbands = "SNRGB"
# dschoice = "TOA"
ls8c = "LANDSAT/LC08/C01/T1_%s" % dschoice
L5coll = ee.ImageCollection(
"LANDSAT/LT05/C01/T1_%s" % dschoice).filter(
ee.Filter.lt('CLOUD_COVER',15)).map(
renamebandsETM).filterBounds(geom).select(bandlist)
L7coll = ee.ImageCollection(
'LANDSAT/LE07/C01/T1_%s' % dschoice).filter(
ee.Filter.lt('CLOUD_COVER',15)).map(
renamebandsETM).filterBounds(geom).map(LS7fix).select(bandlist)
L8coll = ee.ImageCollection(
ls8c).filter(
ee.Filter.lt('CLOUD_COVER', 15)).map(
renamebands).filterBounds(geom).select(bandlist)
collection = ee.ImageCollection(L5coll.merge(L7coll.merge(L8coll))).sort('system:time_start', True)
else:
ipdb.set_trace()
sys.exit()
# ========== Fetch the dates ==========
info = []
for elem in collection.getInfo()["features"]:
utime = elem["properties"]['system:time_start']
sat = elem["properties"]["SATELLITE"]
try:
if sat =='LANDSAT_7':
uid = elem["properties"]['system:index']
else:
uid = elem["properties"]['LANDSAT_ID']
except KeyError:
ipdb.set_trace()
info.append({"satellite":sat, "time":utime, "unid":uid })
# ========== convert dates to pandas dataframe ==========
df = pd.DataFrame(info)
df["date"] = pd.to_datetime(df["time"], unit='ms', origin='unix')
# df.to_csv("%s%s/%s_%s_%s_timeinfo.csv" % (spath, coords["name"], dsinfom, coords["name"], dsbands))
# coords.to_csv("%s%s/%s_%s_gridinfo.csv" % (spath, coords["name"], program, coords["name"]))
# sys.exit()
# gee_batch.imagecollection.toDrive(
# collection,
# "FIREFLIES_geotifs" ,
# namePattern='%s_%s_%s_%s_{system_date}_{id}' % (dsbands, dsinfom, coords["name"], dsbands),
# region=geom,
# crs = "EPSG:4326",
# fileFormat='GeoTIFF'
# )
print("Starting to create GeoTIFF's for %s at:" % coords["name"], pd.Timestamp.now())
print("Attempting manual creation")
# ========== Convert the collection into a selection of images
img_list = collection.toList(collection.size())
for nx, info in df.iterrows():
# ========== Built to allow for scripts to be redone ==========
if not fails is None:
if not nx in fails:
continue
# ========== convert the datatype ==========
img = ee.Image(img_list.get(nx)).toFloat()
# ========== Create the name and path ==========
name = '%s_%s_%s_%04d' % (dsinfom, coords["name"], dsbands, nx)
folder = "FIREFLIES_geotifs"
string = "\r Sending image %d of %d to the cloud for processing" % (nx, df.index.max())
sys.stdout.write(string)
sys.stdout.flush()
# ========== Send the task to the cloud ==========
try:
task = ee.batch.Export.image.toDrive(
image=img,
description=name,
folder=folder,
crs = "EPSG:4326",
region=(
[coords.lonr_min[0],coords.latr_min[0]],
[coords.lonr_max[0],coords.latr_min[0]],
[coords.lonr_max[0],coords.latr_max[0]],
[coords.lonr_min[0],coords.latr_max[0]]),
scale=30,
fileFormat='GeoTIFF')
except:
task = ee.batch.Export.image.toDrive(
image=img,
description=name,
folder=folder,
crs = "EPSG:4326",
region=(
[coords.lonr_min,coords.latr_min],
[coords.lonr_max,coords.latr_min],
[coords.lonr_max,coords.latr_max],
[coords.lonr_min,coords.latr_max]),
scale=30,
fileFormat='GeoTIFF')
try:
process = batch.Task.start(task)
except Exception as er:
sle = 0
print(str(er))
warn.warn("Hit a task limit, sleeping for an hour to let tasks complete")
while sle < 61:
sle += 1
string = "\r Starting sleep number %d at %s" % (sle, str(pd.Timestamp.now()))
sys.stdout.write(string)
sys.stdout.flush()
time.sleep(60)
process = batch.Task.start(task)
# sys.exit()
# ========== Code for old video export ==========
oldvideo = False
if oldvideo:
# This is the way to use the google earth engine to make videos, i've
# left the code here in case i need it again in the future
## Convert bands to output video
if dschoice == "TOA":
outputVideo = collection.map(convertBit)
else:
outputVideo = collection.map(convertBitV2)
if len(bandlist)> 3:
outputVideo = outputVideo.select(['B3', 'B2', 'B1'])
testfirst = False
if testfirst:
task_config = {
# 'description': 'imageToDriveTestExample',
'scale': 30,
'region': geom,
"crs" : "EPSG:4326",
"fileFormat":'GeoTIFF'
}
task = batch.Export.image.toDrive(outputVideo.first(), "testimage", task_config)
task.start()
# Export video to Google Drive
print("Starting to create video for %s at:" % coords["name"], pd.Timestamp.now())
out = batch.Export.video.toDrive(
outputVideo, description='%s_%s_%s' % (dsinfom, coords["name"], dsbands),
folder = "/GEE_VIDEO_EXPORTS",
framesPerSecond = 1, #dimensions = 1080,
region=(
[coords.lonr_min[0],coords.latr_min[0]],
[coords.lonr_max[0],coords.latr_min[0]],
[coords.lonr_max[0],coords.latr_max[0]],
[coords.lonr_min[0],coords.latr_max[0]]),
crs = "EPSG:4326",
maxFrames=10000)
process = batch.Task.start(out)
print("Process sent to cloud")
if fails is None:
# ========== Save out the relevant infomation ==========
df.to_csv("%s%s/%s_%s_%s_timeinfo.csv" % (spath, coords["name"], dsinfom, coords["name"], dsbands))
coords.to_csv("%s%s/%s_%s_gridinfo.csv" % (spath, coords["name"], program, coords["name"]))
# ========== Going to sleep to give GEE a rest before i slam it with new requests ==========
print("\n Starting 20 minutes of sleep at", pd.Timestamp.now(), "\n")
sle = 0
while sle < 20:
sle += 1
string = "\r Starting sleep number %d at %s" % (sle, str(pd.Timestamp.now()))
sys.stdout.write(string)
sys.stdout.flush()
time.sleep(60)
#==============================================================================
#==============================================================================
#==============================================================================
## Make 8 bit data
def geom_builder(site = "Burn2015 UP"):
"""
function to make the geometery
"""
# ========== Load the site data ==========
pointfn = "./data/field/Points.kml"
pointdt = gpd.read_file(pointfn, driver="kml")
sitenm = []
latit = []
longi = []
year = []
# ========== Loop over the names 2019 ==========
for nm in pointdt.Name:
if nm in ["Burn2015 UP", "GROUP BOX2 TRANS1-6"]:
sitenm.append(nm)
latit.append(pointdt[pointdt.Name == nm].geometry.y.values[0])
longi.append(pointdt[pointdt.Name == nm].geometry.x.values[0])
year.append(2019)
elif "GROUP BOX" in nm:
pass
elif nm[-2:] == '-0':
sitenm.append(nm)
latit.append(pointdt[pointdt.Name == nm].geometry.y.values[0])
longi.append(pointdt[pointdt.Name == nm].geometry.x.values[0])
year.append(2019)
# ========== add 2018 ==========
fd18 = pd.read_csv("./data/field/2018data/siteDescriptions18.csv")
fd18.sort_values(by=["site number"],inplace=True)
for nx, row in fd18.iterrows():
sitenm.append("Site%02d" % row["site number"])
latit.append(row.lat)
longi.append(row.lon)
year.append(2018)
# ========== add 2017 ==========
fd17 = pd.read_csv("./data/field/2017data/siteDescriptions17.csv")
fd17.sort_values(by=["site number"],inplace=True)
for nx, row in fd17.iterrows():
stnm = "Site%02d" % row["site number"]
if not stnm in sitenm:
sitenm.append(stnm)
latit.append(row.strtY)
longi.append(row.strtX)
year.append(2017)
# ========== Check the distance ==========
# def distance_check(p1, p2):
# pass
STdf = pd.DataFrame({"siteds":sitenm, "lat":latit , "lon":longi , "year":year})
STdf["Skip"] = 0
STdf["SkipSite"] = ""
for nx, row in STdf.iterrows():
if STdf["Skip"][nx] > 0:
# THis location has laready been skipped
continue
else:
dist = np.array([geodis.distance((row.lat, row.lon), (lat, lon)).km for lat, lon in zip(STdf.lat[nx+1:].values, STdf.lon[nx+1:].values)])
STdf["Skip"][nx+1:] += (dist<1).astype(int)
close = [easy(inp, row.siteds) for inp in (dist<1)]
STdf["SkipSite"][nx+1:] = STdf["SkipSite"][nx+1:].values + close
# ipdb.set_trace()
df = STdf[STdf.Skip == 0].reset_index(drop=True)
def _sitemaker(site, sampleset, ds, dsn, sitinfoLS, lat, lon):
""" wrapper to pull out site info as needed """
# ========== Pull out the location of a point ==========
# lon = pointdt[pointdt.Name == site].geometry.x.values
# lat = pointdt[pointdt.Name == site].geometry.y.values
# ========== Check if the site has already been built ==========
if dsn == "COPERN": # The site has not been built yet
# ========== set the key params ==========
boxs = 5 # number of grid cells considered
ident = "r" # The indertifing code of the dataset
# ========== Create a container ==========
coords = OrderedDict()
# ========== Get values ready to export ==========
if site == "Burn2015 UP":
coords["name"] = "TestBurn"
elif site == "GROUP BOX2 TRANS1-6":
coords["name"] = "G2T1-6"
else:
coords["name"] = site
coords["set"] = sampleset
coords["lon"] = lon
coords["lat"] = lat
# ========== Build the empty parts of the Ordered dic ==========
for va_nm in ["r", "b_COP", "b_MOD"]:
for ll in ["lon", "lat"]:
for mm in ["max", "min"]:
coords["%s%s_%s" % (ll, va_nm, mm)] = 0
else:
if dsn == "MODIS":
boxs = 3 # number of grid cells considered
ident = "b_MOD" # The indertifing code of the dataset
elif dsn == "COPERN_BA":
boxs = 5 # number of grid cells considered
ident = "b_COP" # The indertifing code of the dataset
coords = sitinfoLS[site]
gr_bx = ds_gr.sel({"latitude":lat, "longitude":lon}, method="nearest")
# ========== Work out the edges of the grid box ==========
latstep = abs(np.unique(np.round(np.diff(ds_gr.latitude.values), decimals=9)))/2.0
lonstep = abs(np.unique(np.round(np.diff(ds_gr.longitude.values), decimals=9)))/2.0
if boxs == 3:
coords["lon%s_max" % ident] = float((gr_bx.longitude.values + (lonstep*2)) + lonstep)
coords["lon%s_min" % ident] = float((gr_bx.longitude.values - (lonstep*2)) - lonstep)
coords["lat%s_max" % ident] = float((gr_bx.latitude.values + (latstep*2)) + latstep)
coords["lat%s_min" % ident] = float((gr_bx.latitude.values - (latstep*2)) - latstep)
# ipdb.set_trace()
elif boxs == 5:
coords["lon%s_max" % ident] = float((gr_bx.longitude.values + 2*(lonstep*2)) + lonstep)
coords["lon%s_min" % ident] = float((gr_bx.longitude.values - 2*(lonstep*2)) - lonstep)
coords["lat%s_max" % ident] = float((gr_bx.latitude.values + 2*(latstep*2)) + latstep)
coords["lat%s_min" % ident] = float((gr_bx.latitude.values - 2*(latstep*2)) - latstep)
sitinfoLS[site] = coords
return sitinfoLS #coords
# ========== setup an ordered dict of the names ==========
sitinfoLS = OrderedDict()
local_data = datasets()
for dsn in ["COPERN", "COPERN_BA", "MODIS"]:
print(dsn)
ldsi = local_data[dsn]
# ========== load in the grid data ==========
if os.path.isfile(ldsi["fname"]):
ds_gr = xr.open_dataset(
ldsi["fname"],
chunks=ldsi["chunks"])[ldsi["var"]].rename(ldsi["rename"]).isel(time=0)
else:
ipdb.set_trace()
# for nm in sitenm:
for nx, row in df.iterrows():
sitinfoLS = _sitemaker(row.siteds, row.year, ds_gr, dsn, sitinfoLS, row.lat, row.lon)
# ========== Close the dataset ==========
ds_gr = None
# ipdb.set_trace()
return pd.DataFrame(sitinfoLS).transpose()[sitinfoLS["Burn2015 UP"].keys()]
def Field_data(year = 2018):
"""
# Aim of this function is to look at the field data a bit
To start it just opens the file and returns the lats and longs
i can then use these to look up netcdf fils
"""
# ========== Load in the relevant data ==========
if year == 2018:
fd18 = pd.read_csv("./data/field/2018data/siteDescriptions18.csv")
else:
fd18 = pd.read_csv("./data/field/2018data/siteDescriptions17.csv")
fd18.sort_values(by=["site number"],inplace=True)
# ========== Create and Ordered Dict for important info ==========
info = OrderedDict()
info["sn"] = fd18["site number"]
try:
info["lat"] = fd18.lat
info["lon"] = fd18.lon
info["RF"] = fd18.rcrtmnt
except AttributeError:
info["lat"] = fd18.strtY
info["lon"] = fd18.strtX
info["RF"] = fd18.recruitment
# ========== function to return nan when a value is missing ==========
# info[den] = [_missingvalfix(
# fcut[fcut.sn == sn][den].values) for sn in info['sn']]
# info["RF17"] = [_missingvalfix(
# fcut[fcut.sn == sn]["RF2017"].values) for sn in info['sn']]
info["fireyear"] = [_fireyear(fyv) for fyv in fd18["estimated fire year"].values]
# ========== Convert to dataframe and replace codes ==========
RFinfo = pd.DataFrame(info).set_index("sn")
return RFinfo
def string_format(string, replacement):
""" Format a string using variables (as str.format) """
s = ee.String(string)
repl = ee.Dictionary(replacement)
keys = repl.keys()
values = repl.values().map(lambda v: ee.Algorithms.String(v))
z = keys.zip(values)
newstr = z.iterate(wrap, s)
return ee.String(newstr)
def convertDataType(newtype):
""" Convert an image to the specified data type
:param newtype: the data type. One of 'float', 'int', 'byte', 'double',
'Uint8','int8','Uint16', 'int16', 'Uint32','int32'
:type newtype: str
:return: a function to map over a collection
:rtype: function
"""
return wrap
#==============================================================================
if __name__ == '__main__':
# ========== Set the args Description ==========
description='Script to make movies'
parser = argparse.ArgumentParser(description=description)
# ========== Add additional arguments ==========
parser.add_argument(
"-s", "--site", type=str, default=None, help="Site to work with ")
# parser.add_argument(
# "--gparts", type=int, default=None,
# help="the max partnumber that has not been redone")
parser.add_argument(
"-f", "--force", action="store_true",
help="the max partnumber that has not been redone")
args = parser.parse_args()
# ========== Call the main function ==========
main(args)
else:
warn.warn("called from another script")
# ========== Set the args Description ==========
description='Script to make movies'
parser = argparse.ArgumentParser(description=description)
# ========== Add additional arguments ==========
parser.add_argument(
"-s", "--site", type=str, default=None, help="Site to work with ")
# parser.add_argument(
# "-x", "--cordforce", action="store_true",
# help="just produce the cordinates without sending things to google earth engine")
parser.add_argument(
"-f", "--force", action="store_true",
help="the max partnumber that has not been redone")
args = parser.parse_args()
# ========== Call the main function ==========
main(args)
| [
37811,
198,
7391,
3061,
11,
220,
198,
198,
14402,
503,
262,
23645,
4534,
3113,
284,
766,
644,
1312,
460,
466,
198,
197,
12,
1064,
257,
8604,
265,
4947,
329,
257,
2060,
966,
220,
198,
198,
37811,
198,
2,
23926,
25609,
855,
198,
198,
834,
7839,
834,
796,
366,
38,
6500,
15875,
21521,
1,
198,
834,
9800,
834,
796,
366,
3163,
6559,
5481,
11252,
1,
198,
834,
9641,
834,
796,
366,
85,
16,
13,
15,
7,
3023,
13,
3023,
13,
23344,
16725,
198,
834,
12888,
834,
796,
366,
5872,
13,
6236,
11252,
31,
14816,
13,
785,
1,
198,
198,
2,
23926,
25609,
855,
198,
2,
1343,
14030,
6822,
262,
13532,
290,
900,
409,
3108,
284,
2046,
27959,
9483,
1343,
14030,
198,
11748,
28686,
198,
11748,
25064,
198,
361,
407,
28686,
13,
1136,
66,
16993,
22446,
437,
2032,
342,
7203,
6495,
27959,
1,
2599,
198,
197,
361,
366,
6495,
27959,
1,
287,
28686,
13,
1136,
66,
16993,
33529,
198,
197,
197,
79,
16,
11,
279,
17,
11,
4808,
796,
220,
28686,
13,
1136,
66,
16993,
22446,
3911,
653,
7203,
6495,
27959,
4943,
198,
197,
197,
418,
13,
354,
15908,
7,
79,
16,
10,
79,
17,
8,
198,
197,
17772,
25,
198,
197,
197,
40225,
440,
5188,
81,
1472,
7,
198,
197,
197,
197,
1,
1212,
4226,
373,
1444,
422,
281,
6439,
3108,
13,
327,
22332,
460,
407,
307,
900,
1,
198,
197,
197,
197,
8,
198,
17597,
13,
6978,
13,
33295,
7,
418,
13,
1136,
66,
16993,
28955,
198,
198,
2,
23926,
25609,
855,
198,
2,
17267,
10392,
198,
11748,
299,
32152,
355,
45941,
198,
11748,
19798,
292,
355,
279,
67,
198,
11748,
30324,
392,
292,
355,
27809,
67,
198,
11748,
1822,
29572,
198,
11748,
4818,
8079,
355,
288,
83,
198,
11748,
14601,
355,
9828,
198,
11748,
2124,
18747,
355,
2124,
81,
198,
11748,
49936,
355,
275,
77,
198,
11748,
629,
541,
88,
355,
599,
198,
11748,
15095,
198,
11748,
640,
198,
198,
6738,
17268,
1330,
14230,
1068,
35,
713,
198,
6738,
629,
541,
88,
1330,
9756,
198,
6738,
997,
7012,
1330,
474,
270,
198,
198,
2,
17267,
262,
3668,
7117,
11361,
15717,
198,
11748,
304,
68,
198,
11748,
304,
68,
13,
8899,
16366,
198,
6738,
304,
68,
1330,
15458,
198,
6738,
4903,
316,
10141,
1330,
15458,
355,
308,
1453,
62,
43501,
198,
198,
2,
422,
2010,
34,
8068,
19,
1330,
16092,
292,
316,
11,
997,
17,
4475,
11,
3128,
17,
22510,
220,
198,
2,
422,
629,
541,
88,
1330,
9756,
198,
2,
1330,
9756,
27530,
13,
34242,
13,
16680,
270,
395,
355,
895,
82,
44,
198,
198,
2,
17267,
29353,
290,
3124,
43789,
198,
11748,
2603,
29487,
8019,
13,
9078,
29487,
355,
458,
83,
198,
11748,
2603,
29487,
8019,
13,
4033,
669,
355,
285,
14751,
198,
11748,
2603,
29487,
8019,
355,
285,
489,
198,
11748,
6340,
3087,
540,
220,
198,
198,
11748,
277,
32792,
198,
69,
32792,
13,
7109,
85,
11284,
13,
15999,
62,
36702,
17816,
74,
4029,
20520,
796,
705,
31653,
6,
1303,
7139,
509,
5805,
1104,
543,
318,
10058,
416,
4277,
198,
69,
32792,
13,
7109,
85,
11284,
13,
15999,
62,
36702,
17816,
42,
5805,
20520,
796,
705,
31653,
6,
1303,
7139,
509,
5805,
1104,
543,
318,
10058,
416,
4277,
198,
2,
1330,
384,
397,
1211,
355,
3013,
82,
198,
2,
1330,
6383,
11081,
13,
66,
3808,
355,
36624,
3808,
198,
2,
1330,
6383,
11081,
13,
30053,
355,
31396,
69,
198,
2,
422,
6383,
11081,
13,
76,
489,
13,
25928,
24683,
1330,
44533,
2043,
52,
7206,
62,
21389,
1404,
5781,
11,
42355,
2043,
52,
7206,
62,
21389,
1404,
5781,
198,
11748,
4903,
11081,
13,
30246,
355,
4903,
375,
271,
198,
11748,
616,
12543,
2733,
13,
7295,
12543,
2733,
355,
30218,
220,
198,
2,
1303,
17267,
28769,
10392,
220,
198,
2,
1330,
17802,
198,
2,
3601,
7,
44971,
13,
1136,
4774,
3672,
28955,
198,
11748,
20966,
9945,
198,
198,
4798,
7203,
77,
32152,
2196,
220,
1058,
33172,
45941,
13,
834,
9641,
834,
8,
198,
4798,
7203,
79,
392,
292,
2196,
1058,
33172,
279,
67,
13,
834,
9641,
834,
8,
198,
4798,
7203,
87,
18747,
2196,
1058,
33172,
2124,
81,
13,
834,
9641,
834,
8,
198,
198,
2,
23926,
25609,
855,
198,
198,
2,
23926,
25609,
855,
198,
198,
4299,
402,
6500,
62,
469,
313,
901,
42372,
7,
1073,
3669,
11,
599,
776,
11,
1430,
11,
10143,
796,
6045,
2599,
198,
197,
37811,
2163,
2753,
287,
20435,
1167,
296,
341,
290,
6140,
262,
3613,
503,
1429,
82,
37227,
198,
197,
28311,
25,
198,
197,
197,
469,
296,
796,
304,
68,
13,
10082,
15748,
13,
34220,
14520,
26933,
198,
197,
197,
197,
58,
1073,
3669,
13,
14995,
81,
62,
1084,
58,
15,
4357,
1073,
3669,
13,
15460,
81,
62,
1084,
58,
15,
60,
4357,
198,
197,
197,
197,
58,
1073,
3669,
13,
14995,
81,
62,
9806,
58,
15,
4357,
1073,
3669,
13,
15460,
81,
62,
1084,
58,
15,
60,
4357,
198,
197,
197,
197,
58,
1073,
3669,
13,
14995,
81,
62,
9806,
58,
15,
4357,
1073,
3669,
13,
15460,
81,
62,
9806,
58,
15,
60,
4357,
198,
197,
197,
197,
58,
1073,
3669,
13,
14995,
81,
62,
1084,
58,
15,
4357,
1073,
3669,
13,
15460,
81,
62,
9806,
58,
15,
11907,
12962,
198,
197,
16341,
25,
198,
197,
197,
469,
296,
796,
304,
68,
13,
10082,
15748,
13,
34220,
14520,
26933,
198,
197,
197,
197,
58,
1073,
3669,
13,
14995,
81,
62,
1084,
11,
1073,
3669,
13,
15460,
81,
62,
1084,
4357,
198,
197,
197,
197,
58,
1073,
3669,
13,
14995,
81,
62,
9806,
11,
1073,
3669,
13,
15460,
81,
62,
1084,
4357,
198,
197,
197,
197,
58,
1073,
3669,
13,
14995,
81,
62,
9806,
11,
1073,
3669,
13,
15460,
81,
62,
9806,
4357,
198,
197,
197,
197,
58,
1073,
3669,
13,
14995,
81,
62,
1084,
11,
1073,
3669,
13,
15460,
81,
62,
9806,
11907,
8,
628,
197,
2,
796,
2559,
28,
7152,
480,
262,
30948,
23,
11760,
284,
2872,
8604,
265,
15424,
796,
2559,
28,
628,
197,
2,
796,
2559,
28,
2896,
500,
262,
2939,
4947,
796,
2559,
28,
198,
197,
198,
197,
2,
4097,
4868,
796,
37250,
33,
19,
41707,
33,
18,
3256,
705,
33,
17,
3256,
705,
33,
16,
20520,
198,
197,
2,
796,
2559,
28,
9058,
290,
9575,
262,
4097,
20713,
796,
2559,
28,
198,
197,
3903,
4868,
796,
37250,
33,
3256,
705,
38,
3256,
705,
49,
3256,
705,
45,
4663,
3256,
705,
17887,
4663,
16,
3256,
705,
17887,
4663,
17,
3256,
705,
32515,
62,
20402,
20520,
198,
197,
3903,
4868,
13,
50188,
3419,
628,
197,
2,
1430,
220,
220,
796,
366,
34086,
1292,
1,
198,
197,
361,
1430,
6624,
366,
25697,
5258,
1404,
1298,
198,
197,
197,
9310,
25541,
220,
796,
366,
12562,
1,
2,
198,
197,
197,
9310,
10745,
296,
220,
220,
796,
366,
25697,
5258,
1404,
62,
20,
62,
22,
62,
23,
1,
198,
197,
197,
9310,
21397,
220,
220,
796,
366,
15571,
36982,
1,
198,
197,
197,
2,
288,
20601,
2942,
796,
366,
10468,
32,
1,
198,
197,
197,
7278,
23,
66,
796,
366,
25697,
5258,
1404,
14,
5639,
2919,
14,
34,
486,
14,
51,
16,
62,
4,
82,
1,
4064,
288,
20601,
2942,
198,
197,
197,
43,
20,
26000,
796,
304,
68,
13,
5159,
36307,
7,
198,
197,
197,
197,
1,
25697,
5258,
1404,
14,
27734,
2713,
14,
34,
486,
14,
51,
16,
62,
4,
82,
1,
4064,
288,
20601,
2942,
737,
24455,
7,
198,
197,
197,
197,
1453,
13,
22417,
13,
2528,
10786,
5097,
2606,
35,
62,
8220,
5959,
3256,
1314,
29720,
8899,
7,
198,
197,
197,
197,
918,
480,
21397,
2767,
44,
737,
24455,
33,
3733,
7,
469,
296,
737,
19738,
7,
3903,
4868,
8,
628,
197,
197,
43,
22,
26000,
796,
304,
68,
13,
5159,
36307,
7,
198,
197,
197,
197,
6,
25697,
5258,
1404,
14,
2538,
2998,
14,
34,
486,
14,
51,
16,
62,
4,
82,
6,
4064,
288,
20601,
2942,
737,
24455,
7,
198,
197,
197,
197,
1453,
13,
22417,
13,
2528,
10786,
5097,
2606,
35,
62,
8220,
5959,
3256,
1314,
29720,
8899,
7,
198,
197,
197,
197,
918,
480,
21397,
2767,
44,
737,
24455,
33,
3733,
7,
469,
296,
737,
8899,
7,
6561,
22,
13049,
737,
19738,
7,
3903,
4868,
8,
628,
197,
197,
43,
23,
26000,
796,
304,
68,
13,
5159,
36307,
7,
198,
197,
197,
197,
7278,
23,
66,
737,
24455,
7,
198,
197,
197,
197,
1453,
13,
22417,
13,
2528,
10786,
5097,
2606,
35,
62,
8220,
5959,
3256,
1315,
29720,
8899,
7,
198,
197,
197,
197,
918,
480,
21397,
737,
24455,
33,
3733,
7,
469,
296,
737,
19738,
7,
3903,
4868,
8,
628,
197,
197,
43681,
796,
304,
68,
13,
5159,
36307,
7,
43,
20,
26000,
13,
647,
469,
7,
43,
22,
26000,
13,
647,
469,
7,
43,
23,
26000,
4008,
737,
30619,
10786,
10057,
25,
2435,
62,
9688,
3256,
6407,
8,
628,
197,
17772,
25,
198,
197,
197,
541,
9945,
13,
2617,
62,
40546,
3419,
198,
197,
197,
17597,
13,
37023,
3419,
628,
197,
2,
796,
2559,
28,
376,
7569,
262,
9667,
796,
2559,
28,
198,
197,
10951,
796,
17635,
198,
197,
1640,
9766,
76,
287,
4947,
13,
1136,
12360,
3419,
14692,
40890,
1,
5974,
198,
197,
197,
315,
524,
796,
9766,
76,
14692,
48310,
1,
7131,
6,
10057,
25,
2435,
62,
9688,
20520,
198,
197,
197,
49720,
220,
220,
796,
9766,
76,
14692,
48310,
1,
7131,
1,
50,
6158,
3069,
12709,
8973,
198,
197,
197,
28311,
25,
198,
197,
197,
197,
361,
3332,
6624,
6,
25697,
5258,
1404,
62,
22,
10354,
198,
197,
197,
197,
197,
27112,
220,
220,
796,
9766,
76,
14692,
48310,
1,
7131,
6,
10057,
25,
9630,
20520,
198,
197,
197,
197,
17772,
25,
198,
197,
197,
197,
197,
27112,
220,
220,
796,
9766,
76,
14692,
48310,
1,
7131,
6,
25697,
5258,
1404,
62,
2389,
20520,
198,
197,
197,
16341,
7383,
12331,
25,
198,
197,
197,
197,
541,
9945,
13,
2617,
62,
40546,
3419,
198,
197,
197,
197,
198,
197,
197,
10951,
13,
33295,
7,
4895,
82,
26493,
1298,
49720,
11,
366,
2435,
1298,
315,
524,
11,
366,
403,
312,
1298,
27112,
32092,
628,
197,
2,
796,
2559,
28,
10385,
9667,
284,
19798,
292,
1366,
14535,
796,
2559,
28,
198,
197,
7568,
220,
220,
220,
220,
220,
220,
220,
220,
796,
279,
67,
13,
6601,
19778,
7,
10951,
8,
198,
197,
7568,
14692,
4475,
8973,
796,
279,
67,
13,
1462,
62,
19608,
8079,
7,
7568,
14692,
2435,
33116,
4326,
11639,
907,
3256,
8159,
11639,
403,
844,
11537,
220,
220,
198,
197,
2,
47764,
13,
1462,
62,
40664,
7203,
4,
82,
4,
82,
14,
4,
82,
62,
4,
82,
62,
4,
82,
62,
2435,
10951,
13,
40664,
1,
4064,
357,
2777,
776,
11,
763,
3669,
14692,
3672,
33116,
288,
82,
10745,
296,
11,
763,
3669,
14692,
3672,
33116,
288,
82,
21397,
4008,
198,
197,
2,
763,
3669,
13,
1462,
62,
40664,
7203,
4,
82,
4,
82,
14,
4,
82,
62,
4,
82,
62,
25928,
10951,
13,
40664,
1,
4064,
357,
2777,
776,
11,
763,
3669,
14692,
3672,
33116,
1430,
11,
763,
3669,
14692,
3672,
8973,
4008,
198,
197,
2,
25064,
13,
37023,
3419,
628,
198,
197,
2,
308,
1453,
62,
43501,
13,
9060,
43681,
13,
1462,
24825,
7,
198,
197,
2,
220,
197,
43681,
11,
220,
198,
197,
2,
220,
197,
1,
11674,
2200,
3697,
11015,
62,
469,
313,
361,
82,
1,
837,
198,
197,
2,
220,
197,
3672,
47546,
11639,
4,
82,
62,
4,
82,
62,
4,
82,
62,
4,
82,
23330,
10057,
62,
4475,
92,
23330,
312,
92,
6,
4064,
357,
9310,
21397,
11,
288,
82,
10745,
296,
11,
763,
3669,
14692,
3672,
33116,
288,
82,
21397,
828,
220,
198,
197,
2,
220,
197,
36996,
28,
469,
296,
11,
220,
198,
197,
2,
220,
197,
66,
3808,
796,
366,
36,
3705,
38,
25,
3559,
2075,
1600,
220,
198,
197,
2,
220,
197,
7753,
26227,
11639,
10082,
78,
51,
29267,
6,
198,
197,
2,
220,
197,
8,
628,
197,
4798,
7203,
22851,
284,
2251,
32960,
51,
29267,
338,
329,
4064,
82,
379,
11097,
4064,
763,
3669,
14692,
3672,
33116,
279,
67,
13,
14967,
27823,
13,
2197,
28955,
198,
197,
4798,
7203,
37177,
278,
10107,
6282,
4943,
628,
197,
2,
796,
2559,
28,
38240,
262,
4947,
656,
257,
6356,
286,
4263,
198,
197,
9600,
62,
4868,
796,
4947,
13,
1462,
8053,
7,
43681,
13,
7857,
28955,
628,
197,
1640,
299,
87,
11,
7508,
287,
47764,
13,
2676,
8516,
33529,
198,
197,
197,
2,
796,
2559,
28,
28477,
284,
1249,
329,
14750,
284,
307,
2266,
505,
796,
2559,
28,
198,
197,
197,
361,
407,
10143,
318,
6045,
25,
198,
197,
197,
197,
361,
407,
299,
87,
287,
10143,
25,
198,
197,
197,
197,
197,
43043,
628,
198,
197,
197,
2,
796,
2559,
28,
10385,
262,
4818,
265,
2981,
796,
2559,
28,
198,
197,
197,
9600,
796,
304,
68,
13,
5159,
7,
9600,
62,
4868,
13,
1136,
7,
77,
87,
29720,
1462,
43879,
3419,
198,
197,
197,
198,
197,
197,
2,
796,
2559,
28,
13610,
262,
1438,
290,
3108,
796,
2559,
28,
198,
197,
197,
3672,
220,
220,
220,
220,
796,
705,
4,
82,
62,
4,
82,
62,
4,
82,
62,
4,
3023,
67,
6,
4064,
357,
9310,
10745,
296,
11,
763,
3669,
14692,
3672,
33116,
288,
82,
21397,
11,
299,
87,
8,
198,
197,
197,
43551,
220,
220,
796,
366,
11674,
2200,
3697,
11015,
62,
469,
313,
361,
82,
1,
628,
197,
197,
8841,
796,
37082,
81,
32038,
2939,
4064,
67,
286,
4064,
67,
284,
262,
6279,
329,
7587,
1,
4064,
357,
77,
87,
11,
47764,
13,
9630,
13,
9806,
28955,
198,
197,
197,
17597,
13,
19282,
448,
13,
13564,
7,
8841,
8,
198,
197,
197,
17597,
13,
19282,
448,
13,
25925,
3419,
198,
197,
197,
2,
796,
2559,
28,
16290,
262,
4876,
284,
262,
6279,
796,
2559,
28,
198,
197,
197,
28311,
25,
628,
197,
197,
197,
35943,
796,
304,
68,
13,
43501,
13,
43834,
13,
9060,
13,
1462,
24825,
7,
198,
197,
197,
197,
197,
9060,
28,
9600,
11,
198,
197,
197,
197,
197,
11213,
28,
3672,
11,
198,
197,
197,
197,
197,
43551,
28,
43551,
11,
198,
197,
197,
197,
197,
66,
3808,
796,
366,
36,
3705,
38,
25,
3559,
2075,
1600,
198,
197,
197,
197,
197,
36996,
16193,
198,
197,
197,
197,
197,
197,
58,
1073,
3669,
13,
14995,
81,
62,
1084,
58,
15,
4357,
1073,
3669,
13,
15460,
81,
62,
1084,
58,
15,
60,
4357,
198,
197,
197,
197,
197,
197,
58,
1073,
3669,
13,
14995,
81,
62,
9806,
58,
15,
4357,
1073,
3669,
13,
15460,
81,
62,
1084,
58,
15,
60,
4357,
198,
197,
197,
197,
197,
197,
58,
1073,
3669,
13,
14995,
81,
62,
9806,
58,
15,
4357,
1073,
3669,
13,
15460,
81,
62,
9806,
58,
15,
60,
4357,
198,
197,
197,
197,
197,
197,
58,
1073,
3669,
13,
14995,
81,
62,
1084,
58,
15,
4357,
1073,
3669,
13,
15460,
81,
62,
9806,
58,
15,
11907,
828,
198,
197,
197,
197,
197,
9888,
28,
1270,
11,
220,
198,
197,
197,
197,
197,
7753,
26227,
11639,
10082,
78,
51,
29267,
11537,
198,
197,
197,
16341,
25,
198,
197,
197,
197,
35943,
796,
304,
68,
13,
43501,
13,
43834,
13,
9060,
13,
1462,
24825,
7,
198,
197,
197,
197,
197,
9060,
28,
9600,
11,
198,
197,
197,
197,
197,
11213,
28,
3672,
11,
198,
197,
197,
197,
197,
43551,
28,
43551,
11,
198,
197,
197,
197,
197,
66,
3808,
796,
366,
36,
3705,
38,
25,
3559,
2075,
1600,
198,
197,
197,
197,
197,
36996,
16193,
198,
197,
197,
197,
197,
197,
58,
1073,
3669,
13,
14995,
81,
62,
1084,
11,
1073,
3669,
13,
15460,
81,
62,
1084,
4357,
198,
197,
197,
197,
197,
197,
58,
1073,
3669,
13,
14995,
81,
62,
9806,
11,
1073,
3669,
13,
15460,
81,
62,
1084,
4357,
198,
197,
197,
197,
197,
197,
58,
1073,
3669,
13,
14995,
81,
62,
9806,
11,
1073,
3669,
13,
15460,
81,
62,
9806,
4357,
198,
197,
197,
197,
197,
197,
58,
1073,
3669,
13,
14995,
81,
62,
1084,
11,
1073,
3669,
13,
15460,
81,
62,
9806,
46570,
198,
197,
197,
197,
197,
9888,
28,
1270,
11,
220,
198,
197,
197,
197,
197,
7753,
26227,
11639,
10082,
78,
51,
29267,
11537,
198,
197,
197,
28311,
25,
198,
197,
197,
197,
14681,
796,
15458,
13,
25714,
13,
9688,
7,
35943,
8,
198,
197,
197,
16341,
35528,
355,
1931,
25,
198,
197,
197,
197,
26738,
796,
657,
198,
197,
197,
197,
4798,
7,
2536,
7,
263,
4008,
198,
197,
197,
197,
40539,
13,
40539,
7203,
17889,
257,
4876,
4179,
11,
11029,
329,
281,
1711,
284,
1309,
8861,
1844,
4943,
198,
197,
197,
197,
4514,
3133,
1279,
8454,
25,
198,
197,
197,
197,
197,
26738,
15853,
352,
198,
197,
197,
197,
197,
8841,
796,
37082,
81,
17962,
3993,
1271,
4064,
67,
379,
4064,
82,
1,
4064,
357,
26738,
11,
965,
7,
30094,
13,
14967,
27823,
13,
2197,
3419,
4008,
198,
197,
197,
197,
197,
17597,
13,
19282,
448,
13,
13564,
7,
8841,
8,
198,
197,
197,
197,
197,
17597,
13,
19282,
448,
13,
25925,
3419,
198,
197,
197,
197,
197,
2435,
13,
42832,
7,
1899,
8,
628,
197,
197,
197,
14681,
796,
15458,
13,
25714,
13,
9688,
7,
35943,
8,
198,
197,
197,
197,
2,
25064,
13,
37023,
3419,
628,
197,
2,
796,
2559,
28,
6127,
329,
1468,
2008,
10784,
796,
2559,
28,
198,
197,
727,
15588,
796,
10352,
198,
197,
361,
1468,
15588,
25,
198,
197,
197,
2,
770,
318,
262,
835,
284,
779,
262,
23645,
4534,
3113,
284,
787,
5861,
11,
1312,
1053,
198,
197,
197,
2,
1364,
262,
2438,
994,
287,
1339,
1312,
761,
340,
757,
287,
262,
2003,
628,
198,
197,
197,
2235,
38240,
11760,
284,
5072,
2008,
220,
220,
198,
197,
197,
361,
288,
20601,
2942,
6624,
366,
10468,
32,
1298,
198,
197,
197,
197,
22915,
10798,
796,
4947,
13,
8899,
7,
1102,
1851,
13128,
8,
198,
197,
197,
17772,
25,
198,
197,
197,
197,
22915,
10798,
796,
4947,
13,
8899,
7,
1102,
1851,
13128,
53,
17,
8,
628,
198,
197,
197,
361,
18896,
7,
3903,
4868,
8,
29,
513,
25,
198,
197,
197,
197,
22915,
10798,
796,
5072,
10798,
13,
19738,
7,
17816,
33,
18,
3256,
705,
33,
17,
3256,
705,
33,
16,
6,
12962,
628,
198,
197,
197,
9288,
11085,
796,
10352,
198,
197,
197,
361,
1332,
11085,
25,
198,
197,
197,
197,
35943,
62,
11250,
796,
1391,
198,
197,
197,
197,
197,
2,
705,
11213,
10354,
705,
9060,
2514,
24825,
14402,
16281,
3256,
198,
197,
197,
197,
197,
338,
38765,
10354,
1542,
11,
220,
220,
198,
197,
197,
197,
197,
821,
70,
295,
10354,
4903,
296,
11,
198,
197,
197,
197,
197,
1,
66,
3808,
1,
1058,
366,
36,
3705,
38,
25,
3559,
2075,
1600,
220,
198,
197,
197,
197,
197,
1,
7753,
26227,
1298,
6,
10082,
78,
51,
29267,
6,
198,
197,
197,
197,
197,
92,
628,
197,
197,
197,
35943,
796,
15458,
13,
43834,
13,
9060,
13,
1462,
24825,
7,
22915,
10798,
13,
11085,
22784,
366,
9288,
9060,
1600,
4876,
62,
11250,
8,
198,
197,
197,
197,
35943,
13,
9688,
3419,
198,
197,
197,
2,
36472,
2008,
284,
3012,
9974,
198,
197,
197,
4798,
7203,
22851,
284,
2251,
2008,
329,
4064,
82,
379,
11097,
4064,
763,
3669,
14692,
3672,
33116,
279,
67,
13,
14967,
27823,
13,
2197,
28955,
198,
197,
197,
448,
796,
15458,
13,
43834,
13,
15588,
13,
1462,
24825,
7,
198,
197,
197,
197,
22915,
10798,
11,
6764,
11639,
4,
82,
62,
4,
82,
62,
4,
82,
6,
4064,
357,
9310,
10745,
296,
11,
763,
3669,
14692,
3672,
33116,
288,
82,
21397,
828,
220,
198,
197,
197,
197,
43551,
796,
12813,
38,
6500,
62,
42937,
62,
49864,
33002,
1600,
198,
197,
197,
197,
37805,
5990,
12211,
796,
352,
11,
1303,
27740,
5736,
796,
17729,
11,
220,
198,
197,
197,
197,
36996,
16193,
198,
197,
197,
197,
197,
58,
1073,
3669,
13,
14995,
81,
62,
1084,
58,
15,
4357,
1073,
3669,
13,
15460,
81,
62,
1084,
58,
15,
60,
4357,
198,
197,
197,
197,
197,
58,
1073,
3669,
13,
14995,
81,
62,
9806,
58,
15,
4357,
1073,
3669,
13,
15460,
81,
62,
1084,
58,
15,
60,
4357,
198,
197,
197,
197,
197,
58,
1073,
3669,
13,
14995,
81,
62,
9806,
58,
15,
4357,
1073,
3669,
13,
15460,
81,
62,
9806,
58,
15,
60,
4357,
198,
197,
197,
197,
197,
58,
1073,
3669,
13,
14995,
81,
62,
1084,
58,
15,
4357,
1073,
3669,
13,
15460,
81,
62,
9806,
58,
15,
11907,
828,
220,
198,
197,
197,
197,
66,
3808,
796,
366,
36,
3705,
38,
25,
3559,
2075,
1600,
198,
197,
197,
197,
9806,
35439,
28,
49388,
8,
198,
197,
197,
14681,
796,
15458,
13,
25714,
13,
9688,
7,
448,
8,
198,
197,
197,
4798,
7203,
18709,
1908,
284,
6279,
4943,
198,
197,
198,
197,
361,
10143,
318,
6045,
25,
198,
197,
197,
2,
796,
2559,
28,
12793,
503,
262,
5981,
1167,
296,
341,
796,
2559,
28,
198,
197,
197,
7568,
13,
1462,
62,
40664,
7203,
4,
82,
4,
82,
14,
4,
82,
62,
4,
82,
62,
4,
82,
62,
2435,
10951,
13,
40664,
1,
4064,
357,
2777,
776,
11,
763,
3669,
14692,
3672,
33116,
288,
82,
10745,
296,
11,
763,
3669,
14692,
3672,
33116,
288,
82,
21397,
4008,
198,
197,
197,
1073,
3669,
13,
1462,
62,
40664,
7203,
4,
82,
4,
82,
14,
4,
82,
62,
4,
82,
62,
25928,
10951,
13,
40664,
1,
4064,
357,
2777,
776,
11,
763,
3669,
14692,
3672,
33116,
1430,
11,
763,
3669,
14692,
3672,
8973,
4008,
628,
197,
197,
2,
796,
2559,
28,
19219,
284,
3993,
284,
1577,
402,
6500,
257,
1334,
878,
1312,
21158,
340,
351,
649,
7007,
220,
796,
2559,
28,
198,
197,
197,
4798,
7203,
59,
77,
17962,
1160,
2431,
286,
3993,
379,
1600,
279,
67,
13,
14967,
27823,
13,
2197,
22784,
37082,
77,
4943,
198,
197,
197,
26738,
796,
657,
198,
197,
197,
4514,
3133,
1279,
1160,
25,
198,
197,
197,
197,
26738,
15853,
352,
198,
197,
197,
197,
8841,
796,
37082,
81,
17962,
3993,
1271,
4064,
67,
379,
4064,
82,
1,
4064,
357,
26738,
11,
965,
7,
30094,
13,
14967,
27823,
13,
2197,
3419,
4008,
198,
197,
197,
197,
17597,
13,
19282,
448,
13,
13564,
7,
8841,
8,
198,
197,
197,
197,
17597,
13,
19282,
448,
13,
25925,
3419,
198,
197,
197,
197,
2435,
13,
42832,
7,
1899,
8,
628,
198,
2,
23926,
25609,
855,
198,
2,
23926,
25609,
855,
198,
2,
23926,
25609,
855,
198,
198,
2235,
6889,
807,
1643,
1366,
628,
198,
4299,
4903,
296,
62,
38272,
7,
15654,
796,
366,
29053,
4626,
15958,
1,
2599,
198,
197,
37811,
198,
197,
8818,
284,
787,
262,
4903,
908,
1924,
220,
198,
197,
37811,
198,
197,
198,
197,
2,
796,
2559,
28,
8778,
262,
2524,
1366,
796,
2559,
28,
198,
197,
4122,
22184,
796,
366,
19571,
7890,
14,
3245,
14,
40710,
13,
74,
4029,
1,
198,
197,
4122,
28664,
796,
27809,
67,
13,
961,
62,
7753,
7,
4122,
22184,
11,
4639,
2625,
74,
4029,
4943,
628,
198,
197,
48937,
268,
76,
796,
17635,
198,
197,
15460,
270,
220,
796,
17635,
198,
197,
6511,
72,
220,
796,
17635,
198,
197,
1941,
220,
220,
796,
17635,
220,
220,
220,
220,
198,
197,
2,
796,
2559,
28,
26304,
625,
262,
3891,
13130,
796,
2559,
28,
198,
197,
1640,
28642,
287,
966,
28664,
13,
5376,
25,
198,
197,
197,
361,
28642,
287,
14631,
29053,
4626,
15958,
1600,
366,
46846,
45216,
17,
44069,
16,
12,
21,
1,
5974,
198,
197,
197,
197,
48937,
268,
76,
13,
33295,
7,
21533,
8,
198,
197,
197,
197,
15460,
270,
13,
33295,
7,
4122,
28664,
58,
4122,
28664,
13,
5376,
6624,
28642,
4083,
469,
15748,
13,
88,
13,
27160,
58,
15,
12962,
198,
197,
197,
197,
6511,
72,
13,
33295,
7,
4122,
28664,
58,
4122,
28664,
13,
5376,
6624,
28642,
4083,
469,
15748,
13,
87,
13,
27160,
58,
15,
12962,
198,
197,
197,
197,
1941,
13,
33295,
7,
23344,
8,
198,
197,
197,
417,
361,
366,
46846,
45216,
1,
287,
28642,
25,
198,
197,
197,
197,
6603,
198,
197,
197,
417,
361,
28642,
58,
12,
17,
47715,
6624,
705,
12,
15,
10354,
198,
197,
197,
197,
48937,
268,
76,
13,
33295,
7,
21533,
8,
198,
197,
197,
197,
15460,
270,
13,
33295,
7,
4122,
28664,
58,
4122,
28664,
13,
5376,
6624,
28642,
4083,
469,
15748,
13,
88,
13,
27160,
58,
15,
12962,
198,
197,
197,
197,
6511,
72,
13,
33295,
7,
4122,
28664,
58,
4122,
28664,
13,
5376,
6624,
28642,
4083,
469,
15748,
13,
87,
13,
27160,
58,
15,
12962,
198,
197,
197,
197,
1941,
13,
33295,
7,
23344,
8,
628,
197,
2,
796,
2559,
28,
751,
2864,
796,
2559,
28,
198,
197,
16344,
1507,
796,
279,
67,
13,
961,
62,
40664,
7,
1911,
14,
7890,
14,
3245,
14,
7908,
7890,
14,
15654,
24564,
1968,
507,
1507,
13,
40664,
4943,
198,
197,
16344,
1507,
13,
30619,
62,
27160,
7,
1525,
28,
14692,
15654,
1271,
33116,
259,
5372,
28,
17821,
8,
220,
198,
197,
1640,
299,
87,
11,
5752,
287,
277,
67,
1507,
13,
2676,
8516,
33529,
198,
197,
197,
48937,
268,
76,
13,
33295,
7203,
29123,
4,
2999,
67,
1,
4064,
5752,
14692,
15654,
1271,
8973,
8,
198,
197,
197,
15460,
270,
13,
33295,
7,
808,
13,
15460,
8,
198,
197,
197,
6511,
72,
13,
33295,
7,
808,
13,
14995,
8,
198,
197,
197,
1941,
13,
33295,
7,
7908,
8,
197,
198,
197,
198,
197,
2,
796,
2559,
28,
751,
2177,
796,
2559,
28,
198,
197,
16344,
1558,
796,
279,
67,
13,
961,
62,
40664,
7,
1911,
14,
7890,
14,
3245,
14,
5539,
7890,
14,
15654,
24564,
1968,
507,
1558,
13,
40664,
4943,
198,
197,
16344,
1558,
13,
30619,
62,
27160,
7,
1525,
28,
14692,
15654,
1271,
33116,
259,
5372,
28,
17821,
8,
220,
198,
197,
1640,
299,
87,
11,
5752,
287,
277,
67,
1558,
13,
2676,
8516,
33529,
198,
197,
197,
301,
21533,
796,
366,
29123,
4,
2999,
67,
1,
4064,
5752,
14692,
15654,
1271,
8973,
198,
197,
197,
361,
407,
336,
21533,
287,
1650,
268,
76,
25,
198,
197,
197,
197,
48937,
268,
76,
13,
33295,
7,
301,
21533,
8,
198,
197,
197,
197,
15460,
270,
13,
33295,
7,
808,
13,
2536,
83,
56,
8,
198,
197,
197,
197,
6511,
72,
13,
33295,
7,
808,
13,
2536,
83,
55,
8,
198,
197,
197,
197,
1941,
13,
33295,
7,
5539,
8,
197,
198,
197,
198,
197,
2,
796,
2559,
28,
6822,
262,
5253,
796,
2559,
28,
198,
197,
2,
825,
5253,
62,
9122,
7,
79,
16,
11,
279,
17,
2599,
198,
197,
197,
2,
1208,
198,
197,
2257,
7568,
796,
279,
67,
13,
6601,
19778,
7,
4895,
82,
863,
82,
1298,
48937,
268,
76,
11,
366,
15460,
1298,
15460,
270,
837,
366,
14995,
1298,
6511,
72,
837,
366,
1941,
1298,
1941,
30072,
198,
197,
2257,
7568,
14692,
50232,
8973,
796,
657,
198,
197,
2257,
7568,
14692,
50232,
29123,
8973,
796,
13538,
198,
197,
1640,
299,
87,
11,
5752,
287,
3563,
7568,
13,
2676,
8516,
33529,
198,
197,
197,
361,
3563,
7568,
14692,
50232,
1,
7131,
77,
87,
60,
1875,
657,
25,
198,
197,
197,
197,
2,
2320,
271,
4067,
468,
300,
533,
4597,
587,
26684,
198,
197,
197,
197,
43043,
198,
197,
197,
17772,
25,
198,
197,
197,
197,
17080,
796,
45941,
13,
18747,
26933,
469,
375,
271,
13,
30246,
19510,
808,
13,
15460,
11,
5752,
13,
14995,
828,
357,
15460,
11,
300,
261,
29720,
13276,
329,
3042,
11,
300,
261,
287,
19974,
7,
2257,
7568,
13,
15460,
58,
77,
87,
10,
16,
25,
4083,
27160,
11,
3563,
7568,
13,
14995,
58,
77,
87,
10,
16,
25,
4083,
27160,
8,
12962,
198,
197,
197,
197,
2257,
7568,
14692,
50232,
1,
7131,
77,
87,
10,
16,
47715,
15853,
357,
17080,
27,
16,
737,
459,
2981,
7,
600,
8,
628,
197,
197,
197,
19836,
796,
685,
38171,
7,
259,
79,
11,
5752,
13,
82,
863,
82,
8,
329,
287,
79,
287,
357,
17080,
27,
16,
15437,
198,
197,
197,
197,
2257,
7568,
14692,
50232,
29123,
1,
7131,
77,
87,
10,
16,
47715,
796,
3563,
7568,
14692,
50232,
29123,
1,
7131,
77,
87,
10,
16,
25,
4083,
27160,
1343,
1969,
198,
197,
2,
20966,
9945,
13,
2617,
62,
40546,
3419,
198,
197,
7568,
796,
3563,
7568,
58,
2257,
7568,
13,
50232,
6624,
657,
4083,
42503,
62,
9630,
7,
14781,
28,
17821,
8,
628,
197,
4299,
4808,
82,
9186,
3110,
7,
15654,
11,
8405,
316,
11,
288,
82,
11,
288,
16184,
11,
1650,
10951,
6561,
11,
3042,
11,
300,
261,
2599,
198,
197,
197,
198,
197,
197,
37811,
29908,
284,
2834,
503,
2524,
7508,
355,
2622,
37227,
198,
197,
197,
198,
197,
197,
2,
796,
2559,
28,
21429,
503,
262,
4067,
286,
257,
966,
796,
2559,
28,
198,
197,
197,
2,
300,
261,
796,
966,
28664,
58,
4122,
28664,
13,
5376,
6624,
2524,
4083,
469,
15748,
13,
87,
13,
27160,
198,
197,
197,
2,
3042,
796,
966,
28664,
58,
4122,
28664,
13,
5376,
6624,
2524,
4083,
469,
15748,
13,
88,
13,
27160,
198,
197,
197,
198,
197,
197,
2,
796,
2559,
28,
6822,
611,
262,
2524,
468,
1541,
587,
3170,
796,
2559,
28,
198,
197,
197,
361,
288,
16184,
6624,
366,
34,
3185,
28778,
1298,
1303,
383,
2524,
468,
407,
587,
3170,
1865,
198,
197,
197,
197,
2,
796,
2559,
28,
900,
262,
1994,
42287,
796,
2559,
28,
198,
197,
197,
197,
3524,
82,
220,
796,
642,
220,
220,
1303,
1271,
286,
10706,
4778,
3177,
220,
198,
197,
197,
197,
738,
796,
366,
81,
1,
1303,
383,
773,
861,
361,
278,
2438,
286,
262,
27039,
198,
197,
197,
197,
2,
796,
2559,
28,
13610,
257,
9290,
796,
2559,
28,
198,
197,
197,
197,
1073,
3669,
796,
14230,
1068,
35,
713,
3419,
628,
198,
197,
197,
197,
2,
796,
2559,
28,
3497,
3815,
3492,
284,
10784,
796,
2559,
28,
198,
197,
197,
197,
361,
2524,
6624,
366,
29053,
4626,
15958,
1298,
198,
197,
197,
197,
197,
1073,
3669,
14692,
3672,
8973,
796,
366,
14402,
29053,
1,
198,
197,
197,
197,
417,
361,
2524,
6624,
366,
46846,
45216,
17,
44069,
16,
12,
21,
1298,
198,
197,
197,
197,
197,
1073,
3669,
14692,
3672,
8973,
796,
366,
38,
17,
51,
16,
12,
21,
1,
198,
197,
197,
197,
17772,
25,
198,
197,
197,
197,
197,
1073,
3669,
14692,
3672,
8973,
796,
2524,
198,
197,
197,
197,
1073,
3669,
14692,
2617,
8973,
220,
220,
220,
220,
220,
796,
8405,
316,
198,
197,
197,
197,
1073,
3669,
14692,
14995,
8973,
220,
220,
220,
220,
220,
796,
300,
261,
198,
197,
197,
197,
1073,
3669,
14692,
15460,
8973,
220,
220,
220,
220,
220,
796,
3042,
628,
197,
197,
197,
2,
796,
2559,
28,
10934,
262,
6565,
3354,
286,
262,
14230,
1068,
288,
291,
796,
2559,
28,
198,
197,
197,
197,
1640,
46935,
62,
21533,
287,
14631,
81,
1600,
366,
65,
62,
34,
3185,
1600,
366,
65,
62,
33365,
1,
5974,
198,
197,
197,
197,
197,
1640,
32660,
287,
14631,
14995,
1600,
366,
15460,
1,
5974,
198,
197,
197,
197,
197,
197,
1640,
8085,
287,
14631,
9806,
1600,
366,
1084,
1,
5974,
198,
197,
197,
197,
197,
197,
197,
1073,
3669,
14692,
4,
82,
4,
82,
62,
4,
82,
1,
4064,
357,
297,
11,
46935,
62,
21533,
11,
8085,
15437,
796,
657,
198,
197,
197,
17772,
25,
198,
197,
197,
197,
361,
288,
16184,
6624,
366,
33365,
1797,
1298,
198,
197,
197,
197,
197,
3524,
82,
220,
796,
513,
220,
220,
1303,
1271,
286,
10706,
4778,
3177,
220,
198,
197,
197,
197,
197,
738,
796,
366,
65,
62,
33365,
1,
1303,
383,
773,
861,
361,
278,
2438,
286,
262,
27039,
198,
197,
197,
197,
417,
361,
288,
16184,
6624,
366,
34,
3185,
28778,
62,
4339,
1298,
198,
197,
197,
197,
197,
3524,
82,
220,
796,
642,
220,
220,
1303,
1271,
286,
10706,
4778,
3177,
220,
198,
197,
197,
197,
197,
738,
796,
366,
65,
62,
34,
3185,
1,
1303,
383,
773,
861,
361,
278,
2438,
286,
262,
27039,
198,
197,
197,
197,
198,
197,
197,
197,
1073,
3669,
796,
1650,
10951,
6561,
58,
15654,
60,
628,
198,
197,
197,
2164,
62,
65,
87,
796,
288,
82,
62,
2164,
13,
741,
7,
4895,
15460,
3984,
1298,
15460,
11,
366,
6511,
3984,
1298,
14995,
5512,
2446,
2625,
710,
12423,
4943,
198,
197,
197,
198,
197,
197,
2,
796,
2559,
28,
5521,
503,
262,
13015,
286,
262,
10706,
3091,
796,
2559,
28,
198,
197,
197,
15460,
9662,
796,
2352,
7,
37659,
13,
34642,
7,
37659,
13,
744,
7,
37659,
13,
26069,
7,
9310,
62,
2164,
13,
15460,
3984,
13,
27160,
828,
875,
320,
874,
28,
24,
4008,
20679,
17,
13,
15,
198,
197,
197,
14995,
9662,
796,
2352,
7,
37659,
13,
34642,
7,
37659,
13,
744,
7,
37659,
13,
26069,
7,
9310,
62,
2164,
13,
6511,
3984,
13,
27160,
828,
875,
320,
874,
28,
24,
4008,
20679,
17,
13,
15,
198,
197,
197,
361,
3091,
82,
6624,
513,
25,
198,
197,
197,
197,
1073,
3669,
14692,
14995,
4,
82,
62,
9806,
1,
4064,
1852,
60,
796,
12178,
19510,
2164,
62,
65,
87,
13,
6511,
3984,
13,
27160,
1343,
357,
14995,
9662,
9,
17,
4008,
1343,
300,
261,
9662,
8,
198,
197,
197,
197,
1073,
3669,
14692,
14995,
4,
82,
62,
1084,
1,
4064,
1852,
60,
796,
12178,
19510,
2164,
62,
65,
87,
13,
6511,
3984,
13,
27160,
532,
357,
14995,
9662,
9,
17,
4008,
532,
300,
261,
9662,
8,
198,
197,
197,
197,
1073,
3669,
14692,
15460,
4,
82,
62,
9806,
1,
4064,
1852,
60,
796,
12178,
19510,
2164,
62,
65,
87,
13,
15460,
3984,
13,
27160,
220,
1343,
357,
15460,
9662,
9,
17,
4008,
1343,
3042,
9662,
8,
198,
197,
197,
197,
1073,
3669,
14692,
15460,
4,
82,
62,
1084,
1,
4064,
1852,
60,
796,
12178,
19510,
2164,
62,
65,
87,
13,
15460,
3984,
13,
27160,
220,
532,
357,
15460,
9662,
9,
17,
4008,
532,
3042,
9662,
8,
198,
197,
197,
197,
2,
20966,
9945,
13,
2617,
62,
40546,
3419,
628,
197,
197,
417,
361,
3091,
82,
6624,
642,
25,
198,
197,
197,
197,
1073,
3669,
14692,
14995,
4,
82,
62,
9806,
1,
4064,
1852,
60,
796,
12178,
19510,
2164,
62,
65,
87,
13,
6511,
3984,
13,
27160,
1343,
362,
9,
7,
14995,
9662,
9,
17,
4008,
1343,
300,
261,
9662,
8,
198,
197,
197,
197,
1073,
3669,
14692,
14995,
4,
82,
62,
1084,
1,
4064,
1852,
60,
796,
12178,
19510,
2164,
62,
65,
87,
13,
6511,
3984,
13,
27160,
532,
362,
9,
7,
14995,
9662,
9,
17,
4008,
532,
300,
261,
9662,
8,
198,
197,
197,
197,
1073,
3669,
14692,
15460,
4,
82,
62,
9806,
1,
4064,
1852,
60,
796,
12178,
19510,
2164,
62,
65,
87,
13,
15460,
3984,
13,
27160,
220,
1343,
362,
9,
7,
15460,
9662,
9,
17,
4008,
1343,
3042,
9662,
8,
198,
197,
197,
197,
1073,
3669,
14692,
15460,
4,
82,
62,
1084,
1,
4064,
1852,
60,
796,
12178,
19510,
2164,
62,
65,
87,
13,
15460,
3984,
13,
27160,
220,
532,
362,
9,
7,
15460,
9662,
9,
17,
4008,
532,
3042,
9662,
8,
628,
198,
197,
197,
48937,
10951,
6561,
58,
15654,
60,
796,
763,
3669,
198,
197,
197,
7783,
1650,
10951,
6561,
1303,
1073,
3669,
198,
197,
198,
197,
2,
796,
2559,
28,
9058,
281,
6149,
8633,
286,
262,
3891,
796,
2559,
28,
198,
197,
48937,
10951,
6561,
220,
796,
14230,
1068,
35,
713,
3419,
198,
197,
12001,
62,
7890,
796,
40522,
3419,
198,
197,
1640,
288,
16184,
287,
14631,
34,
3185,
28778,
1600,
366,
34,
3185,
28778,
62,
4339,
1600,
366,
33365,
1797,
1,
5974,
198,
197,
197,
4798,
7,
9310,
77,
8,
198,
197,
197,
335,
13396,
220,
220,
220,
220,
220,
220,
796,
1957,
62,
7890,
58,
9310,
77,
60,
198,
197,
197,
198,
197,
197,
2,
796,
2559,
28,
3440,
287,
262,
10706,
1366,
796,
2559,
28,
198,
197,
197,
361,
28686,
13,
6978,
13,
4468,
576,
7,
335,
13396,
14692,
69,
3672,
8973,
2599,
198,
197,
197,
197,
9310,
62,
2164,
796,
2124,
81,
13,
9654,
62,
19608,
292,
316,
7,
198,
197,
197,
197,
197,
335,
13396,
14692,
69,
3672,
33116,
220,
198,
197,
197,
197,
197,
354,
14125,
28,
335,
13396,
14692,
354,
14125,
8973,
38381,
335,
13396,
14692,
7785,
8973,
4083,
918,
480,
7,
335,
13396,
14692,
918,
480,
8973,
737,
36811,
7,
2435,
28,
15,
8,
198,
197,
197,
17772,
25,
198,
197,
197,
197,
541,
9945,
13,
2617,
62,
40546,
3419,
628,
197,
197,
2,
329,
28642,
287,
1650,
268,
76,
25,
198,
197,
197,
1640,
299,
87,
11,
5752,
287,
47764,
13,
2676,
8516,
33529,
198,
197,
197,
197,
48937,
10951,
6561,
796,
4808,
82,
9186,
3110,
7,
808,
13,
82,
863,
82,
11,
5752,
13,
1941,
11,
288,
82,
62,
2164,
11,
288,
16184,
11,
1650,
10951,
6561,
11,
5752,
13,
15460,
11,
5752,
13,
14995,
8,
198,
197,
197,
198,
197,
197,
2,
796,
2559,
28,
13872,
262,
27039,
796,
2559,
28,
198,
197,
197,
9310,
62,
2164,
796,
6045,
198,
197,
197,
2,
20966,
9945,
13,
2617,
62,
40546,
3419,
628,
197,
7783,
279,
67,
13,
6601,
19778,
7,
48937,
10951,
6561,
737,
7645,
3455,
3419,
58,
48937,
10951,
6561,
14692,
29053,
4626,
15958,
1,
4083,
13083,
3419,
60,
198,
198,
4299,
7663,
62,
7890,
7,
1941,
796,
2864,
2599,
198,
197,
37811,
198,
197,
2,
36223,
286,
428,
2163,
318,
284,
804,
379,
262,
2214,
1366,
257,
1643,
628,
197,
2514,
923,
340,
655,
9808,
262,
2393,
290,
5860,
262,
300,
1381,
290,
890,
82,
220,
198,
197,
72,
460,
788,
779,
777,
284,
804,
510,
2010,
66,
7568,
1226,
82,
198,
197,
37811,
198,
197,
2,
796,
2559,
28,
8778,
287,
262,
5981,
1366,
796,
2559,
28,
198,
197,
361,
614,
6624,
2864,
25,
198,
197,
197,
16344,
1507,
796,
279,
67,
13,
961,
62,
40664,
7,
1911,
14,
7890,
14,
3245,
14,
7908,
7890,
14,
15654,
24564,
1968,
507,
1507,
13,
40664,
4943,
198,
197,
17772,
25,
198,
197,
197,
16344,
1507,
796,
279,
67,
13,
961,
62,
40664,
7,
1911,
14,
7890,
14,
3245,
14,
7908,
7890,
14,
15654,
24564,
1968,
507,
1558,
13,
40664,
4943,
628,
197,
16344,
1507,
13,
30619,
62,
27160,
7,
1525,
28,
14692,
15654,
1271,
33116,
259,
5372,
28,
17821,
8,
220,
198,
197,
2,
796,
2559,
28,
13610,
290,
14230,
1068,
360,
713,
329,
1593,
7508,
796,
2559,
28,
198,
197,
10951,
796,
14230,
1068,
35,
713,
3419,
198,
197,
10951,
14692,
16184,
8973,
220,
796,
277,
67,
1507,
14692,
15654,
1271,
8973,
198,
197,
28311,
25,
198,
197,
197,
10951,
14692,
15460,
8973,
796,
277,
67,
1507,
13,
15460,
198,
197,
197,
10951,
14692,
14995,
8973,
796,
277,
67,
1507,
13,
14995,
198,
197,
197,
10951,
14692,
32754,
8973,
220,
796,
277,
67,
1507,
13,
6015,
17034,
76,
429,
198,
197,
16341,
3460,
4163,
12331,
25,
198,
197,
197,
10951,
14692,
15460,
8973,
796,
277,
67,
1507,
13,
2536,
83,
56,
198,
197,
197,
10951,
14692,
14995,
8973,
796,
277,
67,
1507,
13,
2536,
83,
55,
198,
197,
197,
10951,
14692,
32754,
8973,
220,
796,
277,
67,
1507,
13,
8344,
4872,
434,
198,
197,
198,
197,
2,
796,
2559,
28,
2163,
284,
1441,
15709,
618,
257,
1988,
318,
4814,
796,
2559,
28,
628,
197,
2,
7508,
58,
6559,
60,
796,
685,
62,
45688,
85,
1604,
844,
7,
198,
197,
2,
220,
197,
69,
8968,
58,
69,
8968,
13,
16184,
6624,
3013,
7131,
6559,
4083,
27160,
8,
329,
3013,
287,
7508,
17816,
16184,
6,
11907,
628,
197,
2,
7508,
14692,
32754,
1558,
8973,
796,
685,
62,
45688,
85,
1604,
844,
7,
198,
197,
2,
220,
197,
69,
8968,
58,
69,
8968,
13,
16184,
6624,
3013,
7131,
1,
32754,
5539,
1,
4083,
27160,
8,
329,
3013,
287,
7508,
17816,
16184,
6,
11907,
198,
197,
198,
197,
197,
198,
197,
10951,
14692,
6495,
1941,
8973,
796,
685,
62,
6495,
1941,
7,
24928,
85,
8,
329,
277,
88,
85,
287,
277,
67,
1507,
14692,
395,
15655,
2046,
614,
1,
4083,
27160,
60,
198,
197,
2,
796,
2559,
28,
38240,
284,
1366,
14535,
290,
6330,
12416,
796,
2559,
28,
198,
197,
32754,
10951,
796,
279,
67,
13,
6601,
19778,
7,
10951,
737,
2617,
62,
9630,
7203,
16184,
4943,
198,
197,
7783,
20445,
10951,
198,
198,
4299,
4731,
62,
18982,
7,
8841,
11,
9014,
2599,
198,
197,
37811,
18980,
257,
4731,
1262,
9633,
357,
292,
965,
13,
18982,
8,
37227,
628,
197,
82,
796,
304,
68,
13,
10100,
7,
8841,
8,
198,
197,
35666,
796,
304,
68,
13,
35,
14188,
7,
35666,
5592,
8,
198,
197,
13083,
796,
2186,
13,
13083,
3419,
198,
197,
27160,
796,
2186,
13,
27160,
22446,
8899,
7,
50033,
410,
25,
304,
68,
13,
2348,
7727,
907,
13,
10100,
7,
85,
4008,
198,
197,
89,
796,
8251,
13,
13344,
7,
27160,
8,
628,
197,
3605,
2536,
796,
1976,
13,
2676,
378,
7,
37150,
11,
264,
8,
198,
197,
7783,
304,
68,
13,
10100,
7,
3605,
2536,
8,
198,
198,
4299,
10385,
6601,
6030,
7,
3605,
4906,
2599,
198,
220,
220,
220,
37227,
38240,
281,
2939,
284,
262,
7368,
1366,
2099,
198,
220,
220,
220,
1058,
17143,
649,
4906,
25,
262,
1366,
2099,
13,
1881,
286,
705,
22468,
3256,
705,
600,
3256,
705,
26327,
3256,
705,
23352,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
705,
52,
600,
23,
41707,
600,
23,
41707,
52,
600,
1433,
3256,
705,
600,
1433,
3256,
705,
52,
600,
2624,
41707,
600,
2624,
6,
198,
220,
220,
220,
1058,
4906,
649,
4906,
25,
965,
198,
220,
220,
220,
1058,
7783,
25,
257,
2163,
284,
3975,
625,
257,
4947,
198,
220,
220,
220,
1058,
81,
4906,
25,
2163,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
1441,
14441,
198,
198,
2,
23926,
25609,
855,
198,
198,
361,
11593,
3672,
834,
6624,
705,
834,
12417,
834,
10354,
198,
197,
2,
796,
2559,
28,
5345,
262,
26498,
12489,
796,
2559,
28,
198,
197,
11213,
11639,
7391,
284,
787,
6918,
6,
198,
197,
48610,
796,
1822,
29572,
13,
28100,
1713,
46677,
7,
11213,
28,
11213,
8,
198,
197,
198,
197,
2,
796,
2559,
28,
3060,
3224,
7159,
796,
2559,
28,
198,
197,
48610,
13,
2860,
62,
49140,
7,
198,
197,
197,
26793,
82,
1600,
366,
438,
15654,
1600,
2099,
28,
2536,
11,
4277,
28,
14202,
11,
1037,
2625,
29123,
284,
670,
351,
366,
8,
198,
197,
2,
30751,
13,
2860,
62,
49140,
7,
198,
197,
2,
220,
197,
1,
438,
70,
42632,
1600,
2099,
28,
600,
11,
4277,
28,
14202,
11,
220,
220,
220,
198,
197,
2,
220,
197,
16794,
2625,
1169,
3509,
636,
17618,
326,
468,
407,
587,
2266,
505,
4943,
198,
197,
48610,
13,
2860,
62,
49140,
7,
198,
197,
197,
26793,
69,
1600,
366,
438,
3174,
1600,
2223,
2625,
8095,
62,
7942,
1600,
198,
197,
197,
16794,
2625,
1169,
3509,
636,
17618,
326,
468,
407,
587,
2266,
505,
4943,
198,
197,
22046,
796,
30751,
13,
29572,
62,
22046,
3419,
220,
198,
197,
198,
197,
2,
796,
2559,
28,
4889,
262,
1388,
2163,
796,
2559,
28,
198,
197,
12417,
7,
22046,
8,
198,
17772,
25,
198,
197,
40539,
13,
40539,
7203,
7174,
422,
1194,
4226,
4943,
198,
197,
2,
796,
2559,
28,
5345,
262,
26498,
12489,
796,
2559,
28,
198,
197,
11213,
11639,
7391,
284,
787,
6918,
6,
198,
197,
48610,
796,
1822,
29572,
13,
28100,
1713,
46677,
7,
11213,
28,
11213,
8,
198,
197,
198,
197,
2,
796,
2559,
28,
3060,
3224,
7159,
796,
2559,
28,
198,
197,
48610,
13,
2860,
62,
49140,
7,
198,
197,
197,
26793,
82,
1600,
366,
438,
15654,
1600,
2099,
28,
2536,
11,
4277,
28,
14202,
11,
1037,
2625,
29123,
284,
670,
351,
366,
8,
628,
197,
2,
30751,
13,
2860,
62,
49140,
7,
198,
197,
2,
220,
197,
26793,
87,
1600,
366,
438,
66,
585,
3174,
1600,
2223,
2625,
8095,
62,
7942,
1600,
198,
197,
2,
220,
197,
16794,
2625,
3137,
4439,
262,
15050,
17540,
1231,
7216,
1243,
284,
23645,
4534,
3113,
4943,
628,
197,
48610,
13,
2860,
62,
49140,
7,
198,
197,
197,
26793,
69,
1600,
366,
438,
3174,
1600,
2223,
2625,
8095,
62,
7942,
1600,
198,
197,
197,
16794,
2625,
1169,
3509,
636,
17618,
326,
468,
407,
587,
2266,
505,
4943,
198,
197,
198,
197,
22046,
796,
30751,
13,
29572,
62,
22046,
3419,
220,
198,
197,
198,
197,
2,
796,
2559,
28,
4889,
262,
1388,
2163,
796,
2559,
28,
198,
197,
12417,
7,
22046,
8,
198
] | 2.492777 | 7,338 |
"""
Problem Description:
Draw the pattern specified using loops.
Input:
Output:
The pattern as shown in sample output.
First line contain 4 space and 1 star, next line contains 3 space and 3 stars and so on..
Constraints:
Try not to hardcode the output.
Sample Input:
Sample Output:
*
***
*****
*******
*********
"""
for i in range(5):
print(" " * (4 - i), end = "")
print("*" * ((2 * i) + 1))
| [
37811,
198,
40781,
12489,
25,
198,
25302,
262,
3912,
7368,
1262,
23607,
13,
198,
198,
20560,
25,
198,
198,
26410,
25,
198,
464,
3912,
355,
3402,
287,
6291,
5072,
13,
198,
5962,
1627,
3994,
604,
2272,
290,
352,
3491,
11,
1306,
1627,
4909,
513,
2272,
290,
513,
5788,
290,
523,
319,
492,
198,
198,
3103,
2536,
6003,
25,
198,
23433,
407,
284,
1327,
8189,
262,
5072,
13,
198,
198,
36674,
23412,
25,
198,
198,
36674,
25235,
25,
198,
220,
220,
220,
1635,
198,
220,
220,
17202,
198,
220,
25998,
9,
198,
25998,
8162,
198,
4557,
9,
198,
37811,
198,
198,
1640,
1312,
287,
2837,
7,
20,
2599,
198,
220,
220,
220,
3601,
7203,
366,
1635,
357,
19,
532,
1312,
828,
886,
796,
366,
4943,
198,
220,
220,
220,
3601,
7203,
9,
1,
1635,
14808,
17,
1635,
1312,
8,
1343,
352,
4008,
198
] | 2.943662 | 142 |
# Generated by Django 3.0.2 on 2020-01-20 14:15
from django.conf import settings
from django.db import migrations, models
import django.db.models.deletion
| [
2,
2980,
515,
416,
37770,
513,
13,
15,
13,
17,
319,
12131,
12,
486,
12,
1238,
1478,
25,
1314,
198,
198,
6738,
42625,
14208,
13,
10414,
1330,
6460,
198,
6738,
42625,
14208,
13,
9945,
1330,
15720,
602,
11,
4981,
198,
11748,
42625,
14208,
13,
9945,
13,
27530,
13,
2934,
1616,
295,
628
] | 3.019231 | 52 |
# (c) Copyright 2014 Hewlett-Packard Development Company, L.P.
# All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License"); you may
# not use this file except in compliance with the License. You may obtain
# a copy of the License at
#
# http://www.apache.org/licenses/LICENSE-2.0
#
# Unless required by applicable law or agreed to in writing, software
# distributed under the License is distributed on an "AS IS" BASIS, WITHOUT
# WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the
# License for the specific language governing permissions and limitations
# under the License.
#
"""Unit tests for OpenStack Cinder volume drivers."""
import mock
from hplefthandclient import exceptions as hpexceptions
from cinder import context
from cinder import exception
from cinder.openstack.common import log as logging
from cinder import test
from cinder import units
from cinder.volume.drivers.san.hp import hp_lefthand_iscsi
from cinder.volume.drivers.san.hp import hp_lefthand_rest_proxy
from cinder.volume import volume_types
LOG = logging.getLogger(__name__)
| [
2,
220,
220,
220,
357,
66,
8,
15069,
1946,
30446,
15503,
12,
11869,
446,
7712,
5834,
11,
406,
13,
47,
13,
198,
2,
220,
220,
220,
1439,
6923,
33876,
13,
198,
2,
198,
2,
220,
220,
220,
49962,
739,
262,
24843,
13789,
11,
10628,
362,
13,
15,
357,
1169,
366,
34156,
15341,
345,
743,
198,
2,
220,
220,
220,
407,
779,
428,
2393,
2845,
287,
11846,
351,
262,
13789,
13,
921,
743,
7330,
198,
2,
220,
220,
220,
257,
4866,
286,
262,
13789,
379,
198,
2,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
2638,
1378,
2503,
13,
43073,
13,
2398,
14,
677,
4541,
14,
43,
2149,
24290,
12,
17,
13,
15,
198,
2,
198,
2,
220,
220,
220,
17486,
2672,
416,
9723,
1099,
393,
4987,
284,
287,
3597,
11,
3788,
198,
2,
220,
220,
220,
9387,
739,
262,
13789,
318,
9387,
319,
281,
366,
1921,
3180,
1,
29809,
1797,
11,
42881,
198,
2,
220,
220,
220,
34764,
11015,
6375,
7102,
49828,
11053,
3963,
15529,
509,
12115,
11,
2035,
4911,
393,
17142,
13,
4091,
262,
198,
2,
220,
220,
220,
13789,
329,
262,
2176,
3303,
15030,
21627,
290,
11247,
198,
2,
220,
220,
220,
739,
262,
13789,
13,
198,
2,
198,
37811,
26453,
5254,
329,
4946,
25896,
327,
5540,
6115,
6643,
526,
15931,
198,
11748,
15290,
198,
198,
6738,
289,
1154,
69,
400,
392,
16366,
1330,
13269,
355,
289,
24900,
11755,
198,
198,
6738,
269,
5540,
1330,
4732,
198,
6738,
269,
5540,
1330,
6631,
198,
6738,
269,
5540,
13,
9654,
25558,
13,
11321,
1330,
2604,
355,
18931,
198,
6738,
269,
5540,
1330,
1332,
198,
6738,
269,
5540,
1330,
4991,
198,
6738,
269,
5540,
13,
29048,
13,
36702,
13,
12807,
13,
24831,
1330,
27673,
62,
293,
69,
400,
392,
62,
2304,
13396,
198,
6738,
269,
5540,
13,
29048,
13,
36702,
13,
12807,
13,
24831,
1330,
27673,
62,
293,
69,
400,
392,
62,
2118,
62,
36436,
198,
6738,
269,
5540,
13,
29048,
1330,
6115,
62,
19199,
198,
198,
25294,
796,
18931,
13,
1136,
11187,
1362,
7,
834,
3672,
834,
8,
628,
628
] | 3.356725 | 342 |
from collections import Counter
# import matplotlib.pyplot as plt
import os
import scipy.stats
from sklearn.metrics import make_scorer
from sklearn.model_selection import cross_val_score
from sklearn.model_selection import RandomizedSearchCV
from sklearn_crfsuite import CRF
from sklearn_crfsuite import scorers
from sklearn_crfsuite import metrics
| [
6738,
17268,
1330,
15034,
198,
2,
1330,
2603,
29487,
8019,
13,
9078,
29487,
355,
458,
83,
198,
11748,
28686,
198,
11748,
629,
541,
88,
13,
34242,
198,
6738,
1341,
35720,
13,
4164,
10466,
1330,
787,
62,
1416,
11934,
198,
6738,
1341,
35720,
13,
19849,
62,
49283,
1330,
3272,
62,
2100,
62,
26675,
198,
6738,
1341,
35720,
13,
19849,
62,
49283,
1330,
14534,
1143,
18243,
33538,
198,
6738,
1341,
35720,
62,
6098,
69,
2385,
578,
1330,
8740,
37,
198,
6738,
1341,
35720,
62,
6098,
69,
2385,
578,
1330,
4776,
3808,
198,
6738,
1341,
35720,
62,
6098,
69,
2385,
578,
1330,
20731,
198
] | 3.455446 | 101 |
#!/usr/bin/python
# -*- encoding: utf-8 -*-
import Queue
import threading
from translators.google import Google
from translators.ut import UT
from translators.tilde import Tilde
| [
2,
48443,
14629,
14,
8800,
14,
29412,
198,
2,
220,
532,
9,
12,
21004,
25,
3384,
69,
12,
23,
532,
9,
12,
198,
198,
11748,
4670,
518,
198,
11748,
4704,
278,
198,
198,
6738,
4779,
2024,
13,
13297,
1330,
3012,
198,
6738,
4779,
2024,
13,
315,
1330,
19255,
198,
6738,
4779,
2024,
13,
83,
44725,
1330,
309,
44725,
628,
198
] | 3.05 | 60 |
'''
Specialized Instructions.
Copyright (c) 2019-2020 Mit authors
The package is distributed under the MIT/X11 License.
THIS PROGRAM IS PROVIDED AS IS, WITH NO WARRANTY. USE IS AT THE USER’S
RISK.
'''
from dataclasses import dataclass
from code_util import Code
from action import Action, ActionEnum
from spec import Instructions, ExtraInstructions
from stack import StackEffect, Size
@dataclass
class Instruction(Action):
'''
Specialized VM instruction descriptor.
- guard - str - C expression which must evaluate to true for the
specialized instruction to be executed. The guard may assume that the
stack contains enough items to read `effect.args`.
Specialized instructions have only one control flow path. Instructions with
more than one control flow path are modelled as several specialized
instructions with the same opcode and different guard expressions; the
guards for a particular opcode must be exclusive.
Specialized instructions cannot be variadic.
'''
guard: str
terminal: bool=False
def _replace_items(picture, replacement):
'''
Replaces 'ITEMS' with `replacement` in `picture`
'''
ret = []
for item in picture.items:
if item.size.count != 0:
ret.extend(replacement)
else:
ret.append(item.name)
return ret
specialized_instructions = {}
for instruction in Instructions:
if instruction.action.action.is_variadic:
for count in range(4):
specialized_instructions[f'{instruction.name}_WITH_{count}'] = \
_gen_variadic_instruction(instruction, count)
elif instruction.action.action.effect is not None:
specialized_instructions[instruction.name] = \
_gen_ordinary_instruction(instruction)
Instructions = ActionEnum(
'Instructions',
specialized_instructions,
)
# The set of Instructions that might modify the `ir` register.
# We cannot guess beyond such an instruction.
GUESS_LIMITING = frozenset([
Instructions.NEXT,
Instructions.JUMP,
Instructions.JUMPZ,
])
| [
7061,
6,
198,
13409,
1143,
27759,
13,
198,
198,
15269,
357,
66,
8,
13130,
12,
42334,
11707,
7035,
198,
198,
464,
5301,
318,
9387,
739,
262,
17168,
14,
55,
1157,
13789,
13,
198,
198,
43559,
46805,
3180,
36592,
2389,
1961,
7054,
3180,
11,
13315,
8005,
34764,
56,
13,
23210,
3180,
5161,
3336,
1294,
1137,
447,
247,
50,
198,
49,
1797,
42,
13,
198,
7061,
6,
198,
198,
6738,
4818,
330,
28958,
1330,
4818,
330,
31172,
198,
198,
6738,
2438,
62,
22602,
1330,
6127,
198,
6738,
2223,
1330,
7561,
11,
7561,
4834,
388,
198,
6738,
1020,
1330,
27759,
11,
17221,
43993,
507,
198,
6738,
8931,
1330,
23881,
18610,
11,
12849,
628,
198,
31,
19608,
330,
31172,
198,
4871,
46486,
7,
12502,
2599,
198,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
6093,
1143,
16990,
12064,
43087,
13,
198,
220,
220,
220,
220,
198,
220,
220,
220,
220,
532,
4860,
532,
965,
532,
327,
5408,
543,
1276,
13446,
284,
2081,
329,
262,
198,
220,
220,
220,
220,
220,
220,
16976,
12064,
284,
307,
10945,
13,
383,
4860,
743,
7048,
326,
262,
198,
220,
220,
220,
220,
220,
220,
8931,
4909,
1576,
3709,
284,
1100,
4600,
10760,
13,
22046,
44646,
198,
220,
220,
220,
220,
220,
198,
220,
220,
220,
6093,
1143,
7729,
423,
691,
530,
1630,
5202,
3108,
13,
27759,
351,
198,
220,
220,
220,
517,
621,
530,
1630,
5202,
3108,
389,
953,
11978,
355,
1811,
16976,
198,
220,
220,
220,
7729,
351,
262,
976,
1034,
8189,
290,
1180,
4860,
14700,
26,
262,
198,
220,
220,
220,
10942,
329,
257,
1948,
1034,
8189,
1276,
307,
8568,
13,
628,
220,
220,
220,
6093,
1143,
7729,
2314,
307,
5553,
23876,
13,
198,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
4860,
25,
965,
198,
220,
220,
220,
12094,
25,
20512,
28,
25101,
628,
198,
4299,
4808,
33491,
62,
23814,
7,
34053,
11,
9014,
2599,
198,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
18407,
2114,
705,
2043,
39201,
6,
351,
4600,
35666,
5592,
63,
287,
4600,
34053,
63,
198,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
1005,
796,
17635,
198,
220,
220,
220,
329,
2378,
287,
4286,
13,
23814,
25,
198,
220,
220,
220,
220,
220,
220,
220,
611,
2378,
13,
7857,
13,
9127,
14512,
657,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1005,
13,
2302,
437,
7,
35666,
5592,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1005,
13,
33295,
7,
9186,
13,
3672,
8,
198,
220,
220,
220,
1441,
1005,
198,
198,
20887,
1143,
62,
259,
7249,
507,
796,
23884,
198,
1640,
12064,
287,
27759,
25,
198,
220,
220,
220,
611,
12064,
13,
2673,
13,
2673,
13,
271,
62,
25641,
23876,
25,
198,
220,
220,
220,
220,
220,
220,
220,
329,
954,
287,
2837,
7,
19,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
16976,
62,
259,
7249,
507,
58,
69,
6,
90,
8625,
2762,
13,
3672,
92,
62,
54,
10554,
23330,
9127,
92,
20520,
796,
3467,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4808,
5235,
62,
25641,
23876,
62,
8625,
2762,
7,
8625,
2762,
11,
954,
8,
198,
220,
220,
220,
1288,
361,
12064,
13,
2673,
13,
2673,
13,
10760,
318,
407,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
16976,
62,
259,
7249,
507,
58,
8625,
2762,
13,
3672,
60,
796,
3467,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4808,
5235,
62,
35947,
62,
8625,
2762,
7,
8625,
2762,
8,
198,
198,
43993,
507,
796,
7561,
4834,
388,
7,
198,
220,
220,
220,
705,
43993,
507,
3256,
198,
220,
220,
220,
16976,
62,
259,
7249,
507,
11,
198,
8,
198,
198,
2,
383,
900,
286,
27759,
326,
1244,
13096,
262,
4600,
343,
63,
7881,
13,
198,
2,
775,
2314,
4724,
3675,
884,
281,
12064,
13,
198,
38022,
7597,
62,
43,
3955,
2043,
2751,
796,
8400,
8247,
316,
26933,
198,
220,
220,
220,
27759,
13,
45,
13918,
11,
198,
220,
220,
220,
27759,
13,
41,
20476,
11,
198,
220,
220,
220,
27759,
13,
41,
20476,
57,
11,
198,
12962,
198
] | 2.971671 | 706 |
"""
apps_endpoints.py
CLI integration tests for "apps-*" cli commands.
"""
import json
import os
from flask import jsonify, request
from flask_restful import Resource
from .response_templates import response_template_to_json
# Sample response for "apps-list" cli command.
apps_list_response = response_template_to_json("apps-list.json")
class AgaveApps(Resource):
""" Test apps-* cli commands
"""
def get(self):
""" Test apps-list utility
This test emulates the Agave API endpoint "/apps/v2/" for GET
requests. To test it:
curl -sk -H "Authorization: Bearer xxx" 'https://localhost:5000/apps/v2?pretty=True'
"""
pretty_print = request.args.get("pretty", "")
return jsonify(apps_list_response)
| [
37811,
198,
220,
220,
220,
6725,
62,
437,
13033,
13,
9078,
198,
198,
5097,
40,
11812,
5254,
329,
366,
18211,
12,
9,
1,
537,
72,
9729,
13,
198,
37811,
198,
11748,
33918,
198,
11748,
28686,
198,
6738,
42903,
1330,
33918,
1958,
11,
2581,
198,
6738,
42903,
62,
2118,
913,
1330,
20857,
198,
6738,
764,
26209,
62,
11498,
17041,
1330,
2882,
62,
28243,
62,
1462,
62,
17752,
628,
198,
2,
27565,
2882,
329,
366,
18211,
12,
4868,
1,
537,
72,
3141,
13,
198,
18211,
62,
4868,
62,
26209,
796,
2882,
62,
28243,
62,
1462,
62,
17752,
7203,
18211,
12,
4868,
13,
17752,
4943,
628,
198,
4871,
2449,
1015,
48433,
7,
26198,
2599,
198,
220,
220,
220,
37227,
6208,
6725,
12,
9,
537,
72,
9729,
198,
220,
220,
220,
37227,
628,
220,
220,
220,
825,
651,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
6208,
6725,
12,
4868,
10361,
628,
220,
220,
220,
220,
220,
220,
220,
770,
1332,
795,
15968,
262,
2449,
1015,
7824,
36123,
12813,
18211,
14,
85,
17,
30487,
329,
17151,
198,
220,
220,
220,
220,
220,
220,
220,
7007,
13,
1675,
1332,
340,
25,
628,
220,
220,
220,
220,
220,
220,
220,
29249,
532,
8135,
532,
39,
366,
13838,
1634,
25,
1355,
11258,
2124,
5324,
1,
705,
5450,
1378,
36750,
25,
27641,
14,
18211,
14,
85,
17,
30,
37784,
28,
17821,
6,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
2495,
62,
4798,
796,
2581,
13,
22046,
13,
1136,
7203,
37784,
1600,
366,
4943,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
33918,
1958,
7,
18211,
62,
4868,
62,
26209,
8,
198
] | 2.780576 | 278 |
from .classifier import DL85Classifier
| [
6738,
764,
4871,
7483,
1330,
23641,
5332,
9487,
7483,
198
] | 3.9 | 10 |
# -*- coding: utf-8 -*-
"""
ModelLink
=========
Provides the definition of the :class:`~ModelLink` abstract base class.
"""
# %% IMPORTS
# Built-in imports
import abc
from glob import glob
from os import path
from tempfile import mktemp
import warnings
# Package imports
import e13tools as e13
import h5py
import hickle
import numpy as np
from sortedcontainers import SortedDict as sdict, SortedSet as sset
# PRISM imports
from prism import __version__
from prism._docstrings import std_emul_i_doc
from prism._internal import (
FeatureWarning, RequestWarning, check_vals, getCLogger, np_array)
from prism.modellink.utils import convert_data, convert_parameters
# All declaration
__all__ = ['ModelLink']
# %% MODELLINK CLASS DEFINITION
# TODO: Allow for inter-process methods?
# Like, having a method that is called before/after construction.
class ModelLink(object, metaclass=abc.ABCMeta):
"""
Provides an abstract base class definition that allows the
:class:`~prism.Pipeline` class to be linked to any model/test
object of choice. Every model wrapper used in the
:class:`~prism.Pipeline` class must be an instance of the
:class:`~ModelLink` class.
Description
-----------
The :class:`~ModelLink` class is an abstract base class, which forms the
base for wrapping a model and allowing *PRISM* to use it effectively.
Because it is mandatory for every model to be wrapped in a user-made
:class:`~ModelLink` subclass, several tools are provided to the user to
make this as versatile as possible.
The :class:`~ModelLink` class uses three properties that define the way the
subclass will be used by *PRISM*: :attr:`~name`, :attr:`~call_type` and
:attr:`~MPI_call`. The first defines what the name of the subclass is,
which is used by *PRISM* to identify the subclass with and check if one did
not use a different subclass by accident. The other two are flags that
determine how the :meth:`~call_model` method should be used. These three
properties can be set anywhere during the initialization of the
:class:`~ModelLink` subclass, or are set to a default value if they are not
modified.
Every :class:`~ModelLink` subclass needs to be provided with two different
data sets: `model parameters` and `model data`. The model parameters define
which parameters the model can take, what their names are and in what value
range each parameter must be. The model data on the other hand, states
where in a model realization a data value must be retrieved and compared
with a provided observational value. One can think of the model data as the
observational constraints used to calculate the likelihood in a Bayesian
analysis.
The model parameters and model data can be set in two different ways. They
can be hard-coded into the :class:`~ModelLink` subclass by altering the
:meth:`~get_default_model_parameters` and :meth:`~get_default_model_data`
methods or set by providing them during class initialization. A combination
of both is also possible. More details on this can be found in
:meth:`~__init__`.
The :class:`~ModelLink` class has two abstract methods that must be
overridden before the subclass can be initialized.
The :meth:`~call_model` method is the most important method, as it provides
*PRISM* with a way of calling the model wrapped in the :class:`~ModelLink`
subclass. The :meth:`~get_md_var` method allows for *PRISM* to calculate
the model discrepancy variance.
Notes
-----
The :meth:`~__init__` method may be extended by the :class:`~ModelLink`
subclass, but the superclass version must always be called.
If required, one can use the :func:`~prism.modellink.test_subclass`
function to test a :class:`~ModelLink` subclass on correct functionality.
"""
def __init__(self, *, model_parameters=None, model_data=None):
"""
Initialize an instance of the :class:`~ModelLink` subclass.
Optional
--------
model_parameters, model_data : array_like, dict, str or None.\
Default: None
Anything that can be converted to a dict that provides non-default
model parameters/data information or *None* if only default
information is used from :meth:`~get_default_model_parameters` or
:meth:`~get_default_model_data`. For more information on the
lay-out of these dicts, see ``Notes``.
If array_like, dict(`model_parameters`/`model_data`) must generate
a dict with the correct lay-out.
If dict, the dict itself must have the correct lay-out.
If str, the string must be the path to a file containing the dict
keys in the first column and the dict values in the second column,
which combined generate a dict with the correct lay-out.
Notes (model_parameters)
------------------------
The model parameters provides this :class:`~ModelLink` subclass with
the names, ranges and estimates of all model parameters that need to be
explored.
The model parameters dict requires to have the name of the parameters
as the keyword, and a 1D list containing the lower bound, the upper
bound and, if applicable, the estimate of this parameter. It is not
required to provide an estimate for every parameter. The estimates are
used to draw illustrative lines when making projection figures.
An example of a model parameters file can be found in the 'data' folder
of the *PRISM* package. If required, one can use the
:func:`~prism.modellink.convert_parameters` function to validate their
formatting.
Formatting :
``{par_name: [lower_bnd, upper_bnd, par_est]}``
Notes (model_data)
------------------
The model data provides this :class:`~ModelLink` subclass with the
observational data points that need to be used to constrain this model
with.
The model data dict requires to have the data identifiers
(:attr:`~data_idx`) as the keyword, and a 1D list containing the data
value (:attr:`~data_val`); the data errors (:attr:`~data_err`) and the
data space (:attr:`~data_spc`).
If the data errors are given with one value, then the data points are
assumed to have a centered :math:`1\\sigma`-confidence interval. If the
data errors are given with two values, then the data points are
assumed to have a :math:`1\\sigma`-confidence interval defined by the
provided upper and lower errors.
The data spaces are one of five strings ({'lin', 'log' or 'log_10',
'ln' or 'log_e'}) indicating in which of the three value spaces
(linear, log, ln) the data values are. It defaults to 'lin' if it is
not provided.
The data identifier is a sequence of bools, ints, floats and strings
that is unique for every data point. *PRISM* uses it to identify a data
point with, which is required in some cases (like MPI), while the model
itself can use it as a description of the operations required to
extract the data point from the model output. It can be provided as any
sequence of any length for any data point. If any sequence contains a
single element, it is replaced by just that element instead of a tuple.
A simple example of a data identifier is :math:`f(\\text{data_idx}) =
\\text{data_val}`, where the output of the model is given by
:math:`f(x)`.
An example of a model data file can be found in the 'data' folder of
the *PRISM* package. If required, one can use the
:func:`~prism.modellink.convert_data` function to validate their
formatting.
Formatting :
``{(data_idx_0, data_idx_1, ..., data_idx_n): [data_val,`` \
``data_err, data_spc]}`` \n
**or** \n
``{(data_idx_0, data_idx_1, ..., data_idx_n): [data_val,`` \
``upper_data_err, lower_data_err, data_spc]}``
"""
# Save name of this class if not saved already
if not hasattr(self, '_name'):
self.name = self.__class__.__name__
# Set call_type to default ('single') if not modified before
if not hasattr(self, '_call_type'):
self.call_type = 'single'
# Set MPI_call to default (False) if not modified before
if not hasattr(self, '_MPI_call'):
self.MPI_call = False
# Generate model parameter properties
self.__set_model_parameters(model_parameters)
# Generate model data properties
self.__set_model_data(model_data)
# Define the representation of a ModelLink object
# %% CLASS PROPERTIES
# General
@property
def name(self):
"""
str: Name associated with an instance of this :class:`~ModelLink`
subclass.
By default, it is set to the name of this :class:`~ModelLink` subclass.
Can be manually manipulated to allow for more user control.
"""
return(self._name)
@name.setter
@property
def single_call(self):
"""
bool: Whether :meth:`~call_model` can/should be supplied with a single
evaluation sample. At least one of :attr:`~single_call` and
:attr:`~multi_call` must be *True*.
By default, single model calls are requested (True).
"""
return(bool(self._single_call))
@property
def multi_call(self):
"""
bool: Whether :meth:`~call_model` can/should be supplied with a set of
evaluation samples. At least one of :attr:`~single_call` and
:attr:`~multi_call` must be *True*.
By default, single model calls are requested (False).
"""
return(bool(self._multi_call))
@property
def call_type(self):
"""
str: String indicating whether :meth:`call_model` should be supplied
with a single evaluation sample ('single') or a set of samples
('multi'), or can be supplied with both ('hybrid').
By default, single model calls are requested ('single').
"""
return(self._call_type)
@call_type.setter
@property
def MPI_call(self):
"""
bool: Whether :meth:`~call_model` can/should be called by all MPI ranks
simultaneously instead of by the controller.
By default, only the controller rank calls the model (False).
"""
return(bool(self._MPI_call))
@MPI_call.setter
# Model Parameters
@property
def n_par(self):
"""
int: Number of model parameters.
"""
return(self._n_par)
@property
def par_name(self):
"""
list of str: List with model parameter names.
"""
return(self._par_name)
@property
def par_rng(self):
"""
dict of :obj:`~numpy.ndarray`: The lower and upper values of the model
parameters.
"""
return(sdict(zip(self._par_name, self._par_rng)))
@property
def par_est(self):
"""
dict of {float, None}: The user-defined estimated values of the model
parameters. Contains *None* in places where estimates were not
provided.
"""
return(sdict(zip(self._par_name, self._par_est)))
@property
def model_parameters(self):
"""
dict of list: The dict of model parameters as used by this
:obj:`~ModelLink` instance.
This dict can be used as the `model_parameters` argument when
initializing this :class:`~ModelLink` subclass.
"""
# Initialize empty dict of model parameters
model_parameters = sdict()
# Loop over all parameter properties and add them to the dict
for name, rng, est in zip(self._par_name, self._par_rng,
self._par_est):
# If estimate was not given, only add the parameter range
if est is None:
model_parameters[name] = [*rng]
# Else, add range and estimate
else:
model_parameters[name] = [*rng, est]
# Return model_parameters
return(model_parameters)
# Model Data
@property
def n_data(self):
"""
int: Number of provided data points.
"""
return(self._n_data)
@property
def data_val(self):
"""
dict of float: The values of provided data points.
"""
return(dict(zip(self._data_idx, self._data_val)))
@property
def data_err(self):
"""
dict of float: The upper and lower :math:`1\\sigma`-confidence levels
of provided data points.
"""
return(dict(zip(self._data_idx, self._data_err)))
@property
def data_spc(self):
"""
dict of str: The types of value space ({'lin', 'log', 'ln'}) of
provided data points.
"""
return(dict(zip(self._data_idx, self._data_spc)))
@property
def data_idx(self):
"""
list of tuples: The user-defined data point identifiers.
"""
return(self._data_idx)
@property
def model_data(self):
"""
dict of list: The dict of model data points as used by this
:obj:`~ModelLink` instance.
This dict can be used as the `model_data` argument when initializing
this :class:`~ModelLink` subclass.
"""
# Initialize empty dict of model data
model_data = {}
# Combine data points together, only adding non-default values to dict
for idx, val, err, spc in zip(self._data_idx, self._data_val,
self._data_err, self._data_spc):
# Create data point
data_point = [val]
# Add data error, add only one value if error is centered
if(err[0] == err[1]):
data_point.append(err[0])
else:
data_point.extend(err)
# Add data space if it is not 'lin'
if(spc != 'lin'):
data_point.append(spc)
# Add data_point to model_data dict
model_data[idx] = data_point
# Return model_data
return(model_data)
# %% GENERAL CLASS METHODS
# This function returns non-default string representations of input args
def get_str_repr(self):
"""
Returns a list of string representations of all additional input
arguments with which this :class:`~ModelLink` subclass was initialized.
"""
return([])
# This function converts values in unit space to parameter space
def _to_par_space(self, sam_set):
"""
Converts provided `sam_set` from unit space ([0, 1]) to parameter space
([lower_bnd, upper_bnd]).
"""
return(self._par_rng[:, 0]+sam_set*(self._par_rng[:, 1] -
self._par_rng[:, 0]))
# This function converts values in parameter space to unit space
def _to_unit_space(self, sam_set):
"""
Converts provided `sam_set` from parameter space ([lower_bnd,
upper_bnd]) to unit space ([0, 1]).
"""
return((sam_set-self._par_rng[:, 0]) /
(self._par_rng[:, 1]-self._par_rng[:, 0]))
# This function converts a sequence of model parameter names/indices
def _get_model_par_seq(self, par_seq, name):
"""
Converts a provided sequence `par_seq` of model parameter names and
indices to a list of indices, removes duplicates and checks if every
provided name/index is valid.
Parameters
----------
par_seq : 1D array_like of {int, str}
A sequence of integers and strings determining which model
parameters need to be used for a certain operation.
name : str
A string stating the name of the variable the result of this method
will be stored in. Used for error messages.
Returns
-------
par_seq_conv : list of int
The provided sequence `par_seq` converted to a sorted list of
model parameter indices.
"""
# Do some logging
logger = getCLogger('INIT')
logger.info("Converting sequence of model parameter names/indices.")
# Remove all unwanted characters from the string and split it up
par_seq = e13.split_seq(par_seq)
# Check elements if they are ints or strings, and if they are valid
for i, par_idx in enumerate(par_seq):
try:
# If par_idx is a string, try to use it as a parameter name
if isinstance(par_idx, str):
par_seq[i] = self._par_name.index(par_idx)
# If not, try to use it as a parameter index
else:
self._par_name[par_idx]
par_seq[i] = par_idx % self._n_par
# If any operation above fails, raise error
except Exception as error:
err_msg = ("Input argument %r[%i] is invalid! (%s)"
% (name, i, error))
e13.raise_error(err_msg, e13.InputError, logger)
# If everything went without exceptions, check if list is not empty and
# remove duplicates
if par_seq:
par_seq = list(sset(par_seq))
else:
err_msg = "Input argument %r is empty!" % (name)
e13.raise_error(err_msg, ValueError, logger)
# Log end
logger.info("Finished converting sequence of model parameter "
"names/indices.")
# Return it
return(par_seq)
# Returns the hypercube that encloses provided sam_set
def _get_sam_space(self, sam_set):
"""
Returns the boundaries of the hypercube that encloses the parameter
space in which the provided `sam_set` is defined.
The main use for this function is to determine what part of model
parameter space was likely sampled from in order to obtain the provided
`sam_set`. Because of this, extra spacing is added to the boundaries to
reduce the effect of the used sampling method.
Parameters
----------
sam_set : 1D or 2D array_like or dict
Parameter/sample set for which an enclosing hypercube is requested.
Returns
-------
sam_space : 2D :obj:`~numpy.ndarray` object
The requested hypercube boundaries.
"""
# If sam_set is a dict, convert it to a NumPy array
if isinstance(sam_set, dict):
sam_set = np_array(sdict(sam_set).values()).T
# Make sure that sam_set is a 2D NumPy array
sam_set = np_array(sam_set, ndmin=2)
# Determine the maximum difference between consecutive samples
sam_diff = np.apply_along_axis(
lambda x: np.max(np.diff(np.sort(x))), axis=0, arr=sam_set)
# Determine the min/max values of all samples
sam_min = np.min(sam_set, axis=0)
sam_max = np.max(sam_set, axis=0)
# Add 3*sam_diff as extra spacing to sam_min and sam_max
# This reduces the effect of the used sampling method and randomness
sam_min -= 3*sam_diff
sam_max += 3*sam_diff
# Combine sam_min and sam_max to form sam_space
sam_space = np.stack([sam_min, sam_max], axis=1)
# Make sure that sam_space is within par_space
sam_space = np.apply_along_axis(
lambda x: np.clip(x, *self._par_rng.T), axis=0, arr=sam_space)
# Return sam_space
return(sam_space)
# This function checks if a provided mod_set is valid
def _check_mod_set(self, mod_set, name):
"""
Checks validity of provided set of model outputs `mod_set` in this
:obj:`~ModelLink` instance.
Parameters
----------
mod_set : 1D or 2D array_like or dict
Model output (set) to validate in this :obj:`~ModelLink` instance.
name : str
The name of the model output (set), which is used in the error
message if the validation fails.
Returns
-------
mod_set : 1D or 2D :obj:`~numpy.ndarray` object
The provided `mod_set` if the validation was successful. If
`mod_set` was a dict, it will be converted to a
:obj:`~numpy.ndarray` object (sorted on :attr:`~data_idx`).
"""
# Make logger
logger = getCLogger('CHECK')
logger.info("Validating provided set of model outputs %r." % (name))
# If mod_set is a dict, try to convert it to a NumPy array
if isinstance(mod_set, dict):
try:
mod_set = np_array([mod_set[idx] for idx in self._data_idx]).T
except KeyError as error:
err_msg = ("Input argument %r is missing data identifier '%r'!"
% (name, error.args[0]))
e13.raise_error(err_msg, KeyError, logger)
# Make sure that mod_set is a NumPy array
mod_set = np_array(mod_set)
# Raise error if mod_set is not 1D or 2D
if not(mod_set.ndim == 1 or mod_set.ndim == 2):
err_msg = ("Input argument %r is not one-dimensional or "
"two-dimensional!" % (name))
e13.raise_error(err_msg, e13.ShapeError, logger)
# Raise error if mod_set does not have n_data data values
if not(mod_set.shape[-1] == self._n_data):
err_msg = ("Input argument %r has incorrect number of data values "
"(%i != %i)!"
% (name, mod_set.shape[-1], self._n_data))
e13.raise_error(err_msg, e13.ShapeError, logger)
# Check if mod_set solely consists out of floats
mod_set = check_vals(mod_set, name, 'float')
# Log again and return mod_set
logger.info("Finished validating provided set of model outputs %r."
% (name))
return(mod_set)
# This function checks if a provided sam_set is valid
def _check_sam_set(self, sam_set, name):
"""
Checks validity of provided set of model parameter samples `sam_set` in
this :obj:`~ModelLink` instance.
Parameters
----------
sam_set : 1D or 2D array_like or dict
Parameter/sample set to validate in this :obj:`~ModelLink`
instance.
name : str
The name of the parameter/sample set, which is used in the error
message if the validation fails.
Returns
-------
sam_set : 1D or 2D :obj:`~numpy.ndarray` object
The provided `sam_set` if the validation was successful. If
`sam_set` was a dict, it will be converted to a
:obj:`~numpy.ndarray` object.
"""
# Make logger
logger = getCLogger('CHECK')
logger.info("Validating provided set of model parameter samples %r."
% (name))
# If sam_set is a dict, convert it to a NumPy array
if isinstance(sam_set, dict):
sam_set = np_array(sdict(sam_set).values()).T
# Make sure that sam_set is a NumPy array
sam_set = np_array(sam_set)
# Raise error if sam_set is not 1D or 2D
if not(sam_set.ndim == 1 or sam_set.ndim == 2):
err_msg = ("Input argument %r is not one-dimensional or "
"two-dimensional!" % (name))
e13.raise_error(err_msg, e13.ShapeError, logger)
# Raise error if sam_set does not have n_par parameter values
if not(sam_set.shape[-1] == self._n_par):
err_msg = ("Input argument %r has incorrect number of parameters "
"(%i != %i)!"
% (name, sam_set.shape[-1], self._n_par))
e13.raise_error(err_msg, e13.ShapeError, logger)
# Check if sam_set solely consists out of floats
sam_set = check_vals(sam_set, name, 'float')
# Check if all samples are within parameter space
sam_set_2D = np_array(sam_set, ndmin=2)
rng = self._par_rng
check = np.apply_along_axis(
lambda x: ((rng[:, 0] <= x)*(x <= rng[:, 1])).all(), 1, sam_set_2D)
# If check is not empty (can be indexed), raise error
try:
index = np.argwhere(~check)[0]
except IndexError:
pass
else:
err_msg = ("Input argument '%s%s' is outside parameter space!"
% (name, index if sam_set.ndim != 1 else ''))
e13.raise_error(err_msg, ValueError, logger)
# Log again and return sam_set
logger.info("Finished validating provided set of model parameter "
"samples %r." % (name))
return(sam_set)
# This function converts a given sam_set to a sam_dict
def _get_sam_dict(self, sam_set):
"""
Converts a provided set of model parameter samples `sam_set` to a dict
for use in this :obj:`~ModelLink` instance.
This dict can be used as the `par_set` argument in the
:meth:`~call_model` and :meth:`~get_md_var` methods.
Parameters
----------
sam_set : 1D or 2D array_like
Parameter/sample set to convert for this :obj:`~ModelLink`
instance.
Returns
-------
sam_dict : dict of list
Dict of parameter samples.
"""
# Make sure that sam_set is a NumPy array
sam_set = np_array(sam_set)
# Check how many dimensions sam_set has and act accordingly
if(sam_set.ndim == 1):
sam_dict = sdict(zip(self._par_name, sam_set))
else:
sam_dict = sdict(zip(self._par_name, sam_set.T))
# Return sam_dict
return(sam_dict)
# This function checks if a provided md_var is valid
def _check_md_var(self, md_var, name):
"""
Checks validity of provided set of model discrepancy variances `md_var`
in this :obj:`~ModelLink` instance.
Parameters
----------
md_var : 1D or 2D array_like or dict
Model discrepancy variance set to validate in this
:obj:`~ModelLink` instance.
name : str
The name of the model discrepancy set, which is used in the error
message if the validation fails.
Returns
-------
md_var : 2D :obj:`~numpy.ndarray` object
The (converted) provided `md_var` if the validation was successful.
If `md_var` was a dict, it will be converted to a
:obj:`~numpy.ndarray` object.
"""
# Make logger
logger = getCLogger('CHECK')
logger.info("Validating provided set of model discrepancy variances "
"%r." % (name))
# If md_var is a dict, convert it to a NumPy array
if isinstance(md_var, dict):
md_var = np_array([md_var[idx] for idx in md_var.keys()])
# Make sure that md_var is a NumPy array
md_var = np_array(md_var)
# Raise error if md_var is not 1D or 2D
if not(md_var.ndim == 1 or md_var.ndim == 2):
err_msg = ("Input argument %r is not one-dimensional or "
"two-dimensional!" % (name))
e13.raise_error(err_msg, e13.ShapeError, logger)
# Check if md_var contains n_data values
if not(md_var.shape[0] == self._n_data):
err_msg = ("Received array of model discrepancy variances %r has "
"incorrect number of data points (%i != %i)!"
% (name, md_var.shape[0], self._n_data))
raise e13.ShapeError(err_msg)
# Check if single or dual values were given
if(md_var.ndim == 1):
md_var = np_array([md_var]*2).T
elif(md_var.shape[1] == 2):
pass
else:
err_msg = ("Received array of model discrepancy variances %r has "
"incorrect number of values (%i != 2)!"
% (name, md_var.shape[1]))
raise e13.ShapeError(err_msg)
# Check if all values are non-negative floats
md_var = check_vals(md_var, 'md_var', 'nneg', 'float')
# Log again and return md_var
logger.info("Finished validating provided set of model discrepancy "
"variances %r." % (name))
return(md_var)
# This function returns the path to a backup file
# TODO: Should backup file be saved in emulator working directory of PRISM?
def _get_backup_path(self, emul_i, suffix):
"""
Returns the absolute path to a backup file made by this
:obj:`~ModelLink` instance, using the provided `emul_i` and `suffix`.
This method is used by the :meth:`~_make_backup` and
:meth:`~_read_backup` methods, and should not be called directly.
Parameters
----------
emul_i : int
The emulator iteration for which a backup filepath is needed.
suffix : str or None
If str, determine path to associated backup file using provided
`suffix`. If `suffix` is empty, obtain last created backup file.
If *None*, create a new path to a backup file.
Returns
-------
filepath : str
Absolute path to requested backup file.
"""
# Determine the prefix of the backup hdf5-file
prefix = "backup_%i_%s(" % (emul_i, self._name)
# If suffix is None, generate new backup filepath
if suffix is None:
# Determine the path of the backup hdf5-file
filepath = path.abspath(mktemp(').hdf5', prefix, '.'))
# Return determined filepath
return(filepath)
# If suffix is a string, determine the path
elif isinstance(suffix, str):
# If the string is empty, find the last created backup file
if not suffix:
# Make list of all valid backup files in current directory
files = glob("%s/%s*" % (path.abspath('.'), prefix))
# If files is not empty, return last one created
if files:
return(max(files, key=path.getctime))
# Else, raise error
else:
err_msg = ("No backup files can be found in the current "
"directory for input argument 'emul_i'!")
raise OSError(err_msg)
# If the string is not empty, check if provided suffix is valid
else:
# Obtain full filepath
filepath = path.abspath(path.join(
'.', ''.join([prefix, suffix, ').hdf5'])))
# If filepath exists, return it
if path.exists(filepath):
return(filepath)
# If not, raise error
else:
err_msg = ("Input argument 'suffix' does not yield an "
"existing path to a backup file (%r)!"
% (filepath))
raise OSError(err_msg)
# This function makes a backup of args/kwargs to be used during call_model
def _make_backup(self, *args, **kwargs):
"""
WARNING: This is an advanced utility method and probably will not work
unless used properly. Use with caution!
Creates an HDF5-file backup of the provided `args` and `kwargs` when
called by the :meth:`~call_model` method or any of its inner functions.
Additionally, the backup will contain the `emul_i`, `par_set` and
`data_idx` values that were passed to the :meth:`~call_model` method.
It also contains the version of *PRISM* that made the backup.
The backup can be restored using the :meth:`~_read_backup` method.
If it is detected that this method is used incorrectly, a
:class:`~prism._internal.RequestWarning` is raised (and the method
returns) rather than a :class:`~prism._internal.RequestError`, in order
to not disrupt the call to :meth:`~call_model`.
Parameters
----------
args : positional arguments
All positional arguments that must be stored in the backup file.
kwargs : keyword arguments
All keyword arguments that must be stored in the backup file.
Notes
-----
The name of the created backup file contains the value of `emul_i`,
:attr:`~name` and a random string to avoid replacing an already
existing backup file.
The saved `emul_i`, `par_set` and `data_idx` are the values these
variables have locally in the :meth:`~call_model` method at the point
this method is called. Because of this, making any changes to them may
cause problems and is therefore heavily discouraged. If changes are
necessary, it is advised to copy them to a different variable first.
"""
# Raise warning about this feature being experimental
warn_msg = ("The 'call_model' backup system is still experimental and "
"it may see significant changes or be (re)moved in the "
"future!")
warnings.warn(warn_msg, FeatureWarning, stacklevel=2)
# Check if any args or kwargs have been provided
if not args and not kwargs:
# If not, issue a warning about that and return
warn_msg = ("No positional or keyword arguments have been "
"provided. Backup creation will be skipped!")
warnings.warn(warn_msg, RequestWarning, stacklevel=2)
return
# Obtain the call_model frame
caller_frame = e13.get_outer_frame(self.call_model)
# If caller_frame is None, the call_model frame was not found
if caller_frame is None:
# Issue a warning about it and return
warn_msg = ("This method has been called from outside the "
"'call_model' method. Backup creation will be "
"skipped!")
warnings.warn(warn_msg, RequestWarning, stacklevel=2)
return
# Obtain the locals of the call_model frame
loc = caller_frame.f_locals
# Extract local emul_i, par_set and data_idx
# Unless call_model was called using args, below will extract correctly
# These one-liners are the equivalent of
# try:
# emul_i = loc['emul_i']
# except KeyError:
# try:
# emul_i = loc['kwargs']['emul_i']
# except KeyError:
# emul_i = None
emul_i = loc.get('emul_i', loc.get('kwargs', {}).get('emul_i'))
par_set = loc.get('par_set', loc.get('kwargs', {}).get('par_set'))
data_idx = loc.get('data_idx', loc.get('kwargs', {}).get('data_idx'))
# If one of these is None, then it is not correctly locally available
# This can happen if args are used instead of kwargs for call_model
# PRISM code always uses kwargs and never causes this problem
if None in (emul_i, par_set, data_idx):
warn_msg = ("Required local variables 'emul_i', 'par_set' and "
"'data_idx' are not correctly available. Backup "
"creation will be skipped!")
warnings.warn(warn_msg, RequestWarning, stacklevel=2)
return
# Obtain path to backup file
filepath = self._get_backup_path(emul_i, None)
# Save emul_i, par_set, data_idx, args and kwargs to hdf5
with h5py.File(filepath, 'w') as file:
file.attrs['emul_i'] = emul_i
file.attrs['prism_version'] = __version__
hickle.dump(dict(par_set), file, path='/par_set')
hickle.dump(data_idx, file, path='/data_idx')
hickle.dump(args, file, path='/args')
hickle.dump(kwargs, file, path='/kwargs')
# This function reads in a backup made by _make_backup
# TODO: Allow for absolute path to backup file to be given?
# TODO: Convert to static method to read backups without subclass object?
def _read_backup(self, emul_i, *, suffix=None):
"""
Reads in a backup HDF5-file created by the :meth:`~_make_backup`
method, using the provided `emul_i` and the value of :attr:`~name`.
Parameters
----------
emul_i : int
The emulator iteration that was provided to the :meth:`~call_model`
method when the backup was made.
Optional
--------
suffix : str or None. Default: None
The suffix of the backup file (everything between parentheses) that
needs to be read. If *None* or empty, the last created backup will
be read.
Returns
-------
filename : str
The absolute path to the backup file that has been read.
data : dict with keys `('emul_i', 'prism_version', 'par_set',` \
`'data_idx', 'args', 'kwargs')`
A dict containing the data that was provided to the
:meth:`~_make_backup` method.
"""
# Raise warning about this feature being experimental
warn_msg = ("The 'call_model' backup system is still experimental and "
"it may see significant changes or be (re)moved in the "
"future!")
warnings.warn(warn_msg, FeatureWarning, stacklevel=2)
# Check if provided emul_i is an integer
emul_i = check_vals(emul_i, 'emul_i', 'int', 'nneg')
# Check if provided suffix is None or a string
if suffix is None:
suffix = ''
else:
suffix = check_vals(suffix, 'suffix', 'str')
# Obtain name of backup file
filepath = self._get_backup_path(emul_i, suffix)
# Initialize empty data dict
data = sdict()
# Read emul_i, par_set, data_idx, args and kwargs from hdf5
with h5py.File(filepath, 'r') as file:
data['emul_i'] = file.attrs['emul_i']
data['prism_version'] = file.attrs['prism_version']
data['par_set'] = sdict(hickle.load(file, path='/par_set'))
data['data_idx'] = hickle.load(file, path='/data_idx')
data['args'] = hickle.load(file, path='/args')
data['kwargs'] = hickle.load(file, path='/kwargs')
# Return data
return(filepath, data)
@property
def _default_model_parameters(self):
"""
dict: The default model parameters to use for every instance of this
:class:`~ModelLink` subclass.
"""
return(sdict())
def get_default_model_parameters(self):
"""
Returns the default model parameters to use for every instance of this
:class:`~ModelLink` subclass. By default, returns
:attr:`~ModelLink._default_model_parameters`.
"""
return(self._default_model_parameters)
def __set_model_parameters(self, add_model_parameters):
"""
Generates the model parameter properties from the default model
parameters and the additional input argument `add_model_parameters`.
Parameters
----------
add_model_parameters : array_like, dict, str or None
Anything that can be converted to a dict that provides non-default
model parameters information or *None* if only default information
is used from :meth:`~ModelLink.get_default_model_parameters`.
Generates
---------
n_par : int
Number of model parameters.
par_name : list
List with model parameter names.
par_rng : :obj:`~numpy.ndarray` object
Array containing the lower and upper values of the model
parameters.
par_est : list
List containing user-defined estimated values of the model
parameters.
Contains *None* in places where estimates were not provided.
"""
# Obtain default model parameters
model_parameters =\
convert_parameters(self.get_default_model_parameters())
# If additional model parameters information is given, add it
if add_model_parameters is not None:
model_parameters.update(convert_parameters(add_model_parameters))
# Save number of model parameters
n_par = len(model_parameters.keys())
if(n_par == 1):
raise e13.InputError("Number of model parameters must be at least "
"2!")
else:
self._n_par = check_vals(n_par, 'n_par', 'pos')
# Create empty parameter name, ranges and estimate lists/arrays
self._par_name = []
self._par_rng = np.zeros([self._n_par, 2])
self._par_rng[:, 1] = 1
self._par_est = []
# Save model parameters as class properties
for i, (name, (*rng, est)) in enumerate(model_parameters.items()):
# Save parameter name, range and est
self._par_name.append(name)
self._par_rng[i] = rng
self._par_est.append(est)
@property
def _default_model_data(self):
"""
dict: The default model data to use for every instance of this
:class:`~ModelLink` subclass.
"""
return(dict())
def get_default_model_data(self):
"""
Returns the default model data to use for every instance of this
:class:`~ModelLink` subclass. By default, returns
:attr:`~ModelLink._default_model_data`.
"""
return(self._default_model_data)
def __set_model_data(self, add_model_data):
"""
Generates the model data properties from the default model data and the
additional input argument `add_model_data`.
Parameters
---------
add_model_data : array_like, dict, str or None
Anything that can be converted to a dict that provides non-default
model data information or *None* if only default data is used from
:meth:`~ModelLink.get_default_model_data`.
Generates
---------
n_data : int
Number of provided data points.
data_val : list
List with values of provided data points.
data_err : list of lists
List with upper and lower :math:`1\\sigma`-confidence levels of
provided data points.
data_spc : list
List with types of value space ({'lin', 'log', 'ln'}) of provided
data points.
data_idx : list of tuples
List with user-defined data point identifiers.
"""
# Obtain default model data
model_data = convert_data(self.get_default_model_data())
# If additional model data information is given, add it
if add_model_data is not None:
model_data.update(convert_data(add_model_data))
# Determine the number of data points
self._n_data = check_vals(len(model_data), 'n_data', 'pos')
# Create empty data value, error, space and identifier lists
self._data_val = []
self._data_err = []
self._data_spc = []
self._data_idx = []
# Save model data as class properties
for idx, (val, *err, spc) in model_data.items():
# Save data value, errors, space and identifier
self._data_val.append(val)
self._data_err.append(err)
self._data_spc.append(spc)
self._data_idx.append(idx)
# %% ABSTRACT USER METHODS
@abc.abstractmethod
@e13.docstring_substitute(emul_i=std_emul_i_doc)
def call_model(self, emul_i, par_set, data_idx):
"""
Calls the model wrapped in this :class:`~ModelLink` subclass at
emulator iteration `emul_i` for model parameter values `par_set` and
returns the data points corresponding to `data_idx`.
This method is called with solely keyword arguments.
This is an abstract method and must be overridden by the
:class:`~ModelLink` subclass.
Parameters
----------
%(emul_i)s
par_set : dict of :class:`~numpy.float64`
Dict containing the values for all model parameters corresponding
to the requested model realization(s). If model is single-called,
dict item is formatted as ``{par_name: par_val}``. If multi-called,
it is formatted as ``{par_name: [par_val_1, par_val_2, ...,
par_val_n]}``.
data_idx : list of tuples
List containing the user-defined data point identifiers
corresponding to the requested data points.
Returns
-------
data_val : 1D or 2D array_like or dict
Array containing the data values corresponding to the requested
data points generated by the requested model realization(s). If
model is multi-called, `data_val` is of shape ``(n_sam, n_data)``.
If dict, it has the identifiers in `data_idx` as its keys with
either scalars or 1D array_likes as its values.
Note
----
If this model is multi-called, then the parameter sets in the provided
`par_set` dict will be sorted in order of parameter name (e.g., sort on
first parameter first, then on second parameter, etc.).
"""
# Raise NotImplementedError if only super() was called
raise NotImplementedError("This method must be user-written in the "
"ModelLink subclass!")
@abc.abstractmethod
@e13.docstring_substitute(emul_i=std_emul_i_doc)
def get_md_var(self, emul_i, par_set, data_idx):
"""
Calculates the linear model discrepancy variance at a given emulator
iteration `emul_i` for model parameter values `par_set` and given data
points `data_idx` for the model wrapped in this :class:`~ModelLink`
subclass.
This method is always single-called by one MPI rank with solely keyword
arguments.
This is an abstract method and must be overridden by the
:class:`~ModelLink` subclass.
Parameters
----------
%(emul_i)s
par_set : dict of :class:`~numpy.float64`
Dict containing the values for all model parameters corresponding
to the requested model realization.
data_idx : list of tuples
List containing the user-defined data point identifiers
corresponding to the requested data points.
Returns
-------
md_var : 1D or 2D array_like
Array containing the linear model discrepancy variance values
corresponding to the requested data points. If 1D array_like, data
is assumed to have a centered one sigma confidence interval. If 2D
array_like, the values determine the upper and lower variances and
the array is of shape ``(n_data, 2)``.
If dict, it has the identifiers in `data_idx` as its keys with
either scalars or 1D array_likes of length 2 as its values.
Notes
-----
The returned model discrepancy variance values must be of linear form,
even for those data values that are returned in logarithmic form by the
:meth:`~call_model` method. If not, the possibility exists that the
emulation process will not converge properly.
"""
# Raise NotImplementedError if only super() was called
raise NotImplementedError("This method must be user-written in the "
"ModelLink subclass!")
| [
2,
532,
9,
12,
19617,
25,
3384,
69,
12,
23,
532,
9,
12,
198,
198,
37811,
198,
17633,
11280,
198,
2559,
28,
198,
15946,
1460,
262,
6770,
286,
262,
1058,
4871,
25,
63,
93,
17633,
11280,
63,
12531,
2779,
1398,
13,
198,
198,
37811,
628,
198,
2,
43313,
30023,
33002,
198,
2,
28477,
12,
259,
17944,
198,
11748,
450,
66,
198,
6738,
15095,
1330,
15095,
198,
6738,
28686,
1330,
3108,
198,
6738,
20218,
7753,
1330,
33480,
29510,
198,
11748,
14601,
198,
198,
2,
15717,
17944,
198,
11748,
304,
1485,
31391,
355,
304,
1485,
198,
11748,
289,
20,
9078,
198,
11748,
289,
39423,
198,
11748,
299,
32152,
355,
45941,
198,
6738,
23243,
3642,
50221,
1330,
311,
9741,
35,
713,
355,
264,
11600,
11,
311,
9741,
7248,
355,
264,
2617,
198,
198,
2,
4810,
31125,
17944,
198,
6738,
46475,
1330,
11593,
9641,
834,
198,
6738,
46475,
13557,
15390,
37336,
1330,
14367,
62,
368,
377,
62,
72,
62,
15390,
198,
6738,
46475,
13557,
32538,
1330,
357,
198,
220,
220,
220,
27018,
20361,
11,
19390,
20361,
11,
2198,
62,
12786,
11,
651,
5097,
519,
1362,
11,
45941,
62,
18747,
8,
198,
6738,
46475,
13,
4666,
695,
676,
13,
26791,
1330,
10385,
62,
7890,
11,
10385,
62,
17143,
7307,
198,
198,
2,
1439,
14305,
198,
834,
439,
834,
796,
37250,
17633,
11280,
20520,
628,
198,
2,
43313,
337,
16820,
3069,
17248,
42715,
5550,
20032,
17941,
198,
2,
16926,
46,
25,
22507,
329,
987,
12,
14681,
5050,
30,
198,
2,
4525,
11,
1719,
257,
2446,
326,
318,
1444,
878,
14,
8499,
5103,
13,
198,
4871,
9104,
11280,
7,
15252,
11,
1138,
330,
31172,
28,
39305,
13,
24694,
48526,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
47081,
281,
12531,
2779,
1398,
6770,
326,
3578,
262,
198,
220,
220,
220,
1058,
4871,
25,
63,
93,
1050,
1042,
13,
47,
541,
4470,
63,
1398,
284,
307,
6692,
284,
597,
2746,
14,
9288,
198,
220,
220,
220,
2134,
286,
3572,
13,
3887,
2746,
29908,
973,
287,
262,
198,
220,
220,
220,
1058,
4871,
25,
63,
93,
1050,
1042,
13,
47,
541,
4470,
63,
1398,
1276,
307,
281,
4554,
286,
262,
198,
220,
220,
220,
1058,
4871,
25,
63,
93,
17633,
11280,
63,
1398,
13,
628,
220,
220,
220,
12489,
198,
220,
220,
220,
24200,
6329,
198,
220,
220,
220,
383,
1058,
4871,
25,
63,
93,
17633,
11280,
63,
1398,
318,
281,
12531,
2779,
1398,
11,
543,
5107,
262,
198,
220,
220,
220,
2779,
329,
27074,
257,
2746,
290,
5086,
1635,
4805,
31125,
9,
284,
779,
340,
6840,
13,
198,
220,
220,
220,
4362,
340,
318,
13677,
329,
790,
2746,
284,
307,
12908,
287,
257,
2836,
12,
9727,
198,
220,
220,
220,
1058,
4871,
25,
63,
93,
17633,
11280,
63,
47611,
11,
1811,
4899,
389,
2810,
284,
262,
2836,
284,
198,
220,
220,
220,
787,
428,
355,
21362,
355,
1744,
13,
628,
220,
220,
220,
383,
1058,
4871,
25,
63,
93,
17633,
11280,
63,
1398,
3544,
1115,
6608,
326,
8160,
262,
835,
262,
198,
220,
220,
220,
47611,
481,
307,
973,
416,
1635,
4805,
31125,
47026,
1058,
35226,
25,
63,
93,
3672,
47671,
1058,
35226,
25,
63,
93,
13345,
62,
4906,
63,
290,
198,
220,
220,
220,
1058,
35226,
25,
63,
93,
7378,
40,
62,
13345,
44646,
383,
717,
15738,
644,
262,
1438,
286,
262,
47611,
318,
11,
198,
220,
220,
220,
543,
318,
973,
416,
1635,
4805,
31125,
9,
284,
5911,
262,
47611,
351,
290,
2198,
611,
530,
750,
198,
220,
220,
220,
407,
779,
257,
1180,
47611,
416,
5778,
13,
383,
584,
734,
389,
9701,
326,
198,
220,
220,
220,
5004,
703,
262,
1058,
76,
2788,
25,
63,
93,
13345,
62,
19849,
63,
2446,
815,
307,
973,
13,
2312,
1115,
198,
220,
220,
220,
6608,
460,
307,
900,
6609,
1141,
262,
37588,
286,
262,
198,
220,
220,
220,
1058,
4871,
25,
63,
93,
17633,
11280,
63,
47611,
11,
393,
389,
900,
284,
257,
4277,
1988,
611,
484,
389,
407,
198,
220,
220,
220,
9518,
13,
628,
220,
220,
220,
3887,
1058,
4871,
25,
63,
93,
17633,
11280,
63,
47611,
2476,
284,
307,
2810,
351,
734,
1180,
198,
220,
220,
220,
1366,
5621,
25,
4600,
19849,
10007,
63,
290,
4600,
19849,
1366,
44646,
383,
2746,
10007,
8160,
198,
220,
220,
220,
543,
10007,
262,
2746,
460,
1011,
11,
644,
511,
3891,
389,
290,
287,
644,
1988,
198,
220,
220,
220,
2837,
1123,
11507,
1276,
307,
13,
383,
2746,
1366,
319,
262,
584,
1021,
11,
2585,
198,
220,
220,
220,
810,
287,
257,
2746,
23258,
257,
1366,
1988,
1276,
307,
29517,
290,
3688,
198,
220,
220,
220,
351,
257,
2810,
40118,
1988,
13,
1881,
460,
892,
286,
262,
2746,
1366,
355,
262,
198,
220,
220,
220,
40118,
17778,
973,
284,
15284,
262,
14955,
287,
257,
4696,
35610,
198,
220,
220,
220,
3781,
13,
628,
220,
220,
220,
383,
2746,
10007,
290,
2746,
1366,
460,
307,
900,
287,
734,
1180,
2842,
13,
1119,
198,
220,
220,
220,
460,
307,
1327,
12,
40976,
656,
262,
1058,
4871,
25,
63,
93,
17633,
11280,
63,
47611,
416,
29057,
262,
198,
220,
220,
220,
1058,
76,
2788,
25,
63,
93,
1136,
62,
12286,
62,
19849,
62,
17143,
7307,
63,
290,
1058,
76,
2788,
25,
63,
93,
1136,
62,
12286,
62,
19849,
62,
7890,
63,
198,
220,
220,
220,
5050,
393,
900,
416,
4955,
606,
1141,
1398,
37588,
13,
317,
6087,
198,
220,
220,
220,
286,
1111,
318,
635,
1744,
13,
3125,
3307,
319,
428,
460,
307,
1043,
287,
198,
220,
220,
220,
1058,
76,
2788,
25,
63,
93,
834,
15003,
834,
44646,
628,
220,
220,
220,
383,
1058,
4871,
25,
63,
93,
17633,
11280,
63,
1398,
468,
734,
12531,
5050,
326,
1276,
307,
198,
220,
220,
220,
23170,
4651,
878,
262,
47611,
460,
307,
23224,
13,
198,
220,
220,
220,
383,
1058,
76,
2788,
25,
63,
93,
13345,
62,
19849,
63,
2446,
318,
262,
749,
1593,
2446,
11,
355,
340,
3769,
198,
220,
220,
220,
1635,
4805,
31125,
9,
351,
257,
835,
286,
4585,
262,
2746,
12908,
287,
262,
1058,
4871,
25,
63,
93,
17633,
11280,
63,
198,
220,
220,
220,
47611,
13,
383,
1058,
76,
2788,
25,
63,
93,
1136,
62,
9132,
62,
7785,
63,
2446,
3578,
329,
1635,
4805,
31125,
9,
284,
15284,
198,
220,
220,
220,
262,
2746,
34466,
24198,
13,
628,
220,
220,
220,
11822,
198,
220,
220,
220,
37404,
198,
220,
220,
220,
383,
1058,
76,
2788,
25,
63,
93,
834,
15003,
834,
63,
2446,
743,
307,
7083,
416,
262,
1058,
4871,
25,
63,
93,
17633,
11280,
63,
198,
220,
220,
220,
47611,
11,
475,
262,
2208,
4871,
2196,
1276,
1464,
307,
1444,
13,
628,
220,
220,
220,
1002,
2672,
11,
530,
460,
779,
262,
1058,
20786,
25,
63,
93,
1050,
1042,
13,
4666,
695,
676,
13,
9288,
62,
7266,
4871,
63,
198,
220,
220,
220,
2163,
284,
1332,
257,
1058,
4871,
25,
63,
93,
17633,
11280,
63,
47611,
319,
3376,
11244,
13,
628,
220,
220,
220,
37227,
628,
220,
220,
220,
825,
11593,
15003,
834,
7,
944,
11,
1635,
11,
2746,
62,
17143,
7307,
28,
14202,
11,
2746,
62,
7890,
28,
14202,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
20768,
1096,
281,
4554,
286,
262,
1058,
4871,
25,
63,
93,
17633,
11280,
63,
47611,
13,
628,
220,
220,
220,
220,
220,
220,
220,
32233,
198,
220,
220,
220,
220,
220,
220,
220,
24200,
198,
220,
220,
220,
220,
220,
220,
220,
2746,
62,
17143,
7307,
11,
2746,
62,
7890,
1058,
7177,
62,
2339,
11,
8633,
11,
965,
393,
6045,
13,
59,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
15161,
25,
6045,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
21035,
326,
460,
307,
11513,
284,
257,
8633,
326,
3769,
1729,
12,
12286,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2746,
10007,
14,
7890,
1321,
393,
1635,
14202,
9,
611,
691,
4277,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1321,
318,
973,
422,
1058,
76,
2788,
25,
63,
93,
1136,
62,
12286,
62,
19849,
62,
17143,
7307,
63,
393,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1058,
76,
2788,
25,
63,
93,
1136,
62,
12286,
62,
19849,
62,
7890,
44646,
1114,
517,
1321,
319,
262,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3830,
12,
448,
286,
777,
8633,
82,
11,
766,
7559,
16130,
15506,
13,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1002,
7177,
62,
2339,
11,
8633,
7,
63,
19849,
62,
17143,
7307,
63,
14,
63,
19849,
62,
7890,
63,
8,
1276,
7716,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
257,
8633,
351,
262,
3376,
3830,
12,
448,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1002,
8633,
11,
262,
8633,
2346,
1276,
423,
262,
3376,
3830,
12,
448,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1002,
965,
11,
262,
4731,
1276,
307,
262,
3108,
284,
257,
2393,
7268,
262,
8633,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8251,
287,
262,
717,
5721,
290,
262,
8633,
3815,
287,
262,
1218,
5721,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
543,
5929,
7716,
257,
8633,
351,
262,
3376,
3830,
12,
448,
13,
628,
220,
220,
220,
220,
220,
220,
220,
11822,
357,
19849,
62,
17143,
7307,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
22369,
198,
220,
220,
220,
220,
220,
220,
220,
383,
2746,
10007,
3769,
428,
1058,
4871,
25,
63,
93,
17633,
11280,
63,
47611,
351,
198,
220,
220,
220,
220,
220,
220,
220,
262,
3891,
11,
16069,
290,
7746,
286,
477,
2746,
10007,
326,
761,
284,
307,
198,
220,
220,
220,
220,
220,
220,
220,
18782,
13,
628,
220,
220,
220,
220,
220,
220,
220,
383,
2746,
10007,
8633,
4433,
284,
423,
262,
1438,
286,
262,
10007,
198,
220,
220,
220,
220,
220,
220,
220,
355,
262,
21179,
11,
290,
257,
352,
35,
1351,
7268,
262,
2793,
5421,
11,
262,
6727,
198,
220,
220,
220,
220,
220,
220,
220,
5421,
290,
11,
611,
9723,
11,
262,
8636,
286,
428,
11507,
13,
632,
318,
407,
198,
220,
220,
220,
220,
220,
220,
220,
2672,
284,
2148,
281,
8636,
329,
790,
11507,
13,
383,
7746,
389,
198,
220,
220,
220,
220,
220,
220,
220,
973,
284,
3197,
6406,
13260,
3951,
618,
1642,
20128,
5538,
13,
198,
220,
220,
220,
220,
220,
220,
220,
1052,
1672,
286,
257,
2746,
10007,
2393,
460,
307,
1043,
287,
262,
705,
7890,
6,
9483,
198,
220,
220,
220,
220,
220,
220,
220,
286,
262,
1635,
4805,
31125,
9,
5301,
13,
1002,
2672,
11,
530,
460,
779,
262,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
20786,
25,
63,
93,
1050,
1042,
13,
4666,
695,
676,
13,
1102,
1851,
62,
17143,
7307,
63,
2163,
284,
26571,
511,
198,
220,
220,
220,
220,
220,
220,
220,
33313,
13,
628,
220,
220,
220,
220,
220,
220,
220,
18980,
889,
1058,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
7559,
90,
1845,
62,
3672,
25,
685,
21037,
62,
65,
358,
11,
6727,
62,
65,
358,
11,
1582,
62,
395,
48999,
15506,
628,
220,
220,
220,
220,
220,
220,
220,
11822,
357,
19849,
62,
7890,
8,
198,
220,
220,
220,
220,
220,
220,
220,
34400,
438,
198,
220,
220,
220,
220,
220,
220,
220,
383,
2746,
1366,
3769,
428,
1058,
4871,
25,
63,
93,
17633,
11280,
63,
47611,
351,
262,
198,
220,
220,
220,
220,
220,
220,
220,
40118,
1366,
2173,
326,
761,
284,
307,
973,
284,
1500,
3201,
428,
2746,
198,
220,
220,
220,
220,
220,
220,
220,
351,
13,
628,
220,
220,
220,
220,
220,
220,
220,
383,
2746,
1366,
8633,
4433,
284,
423,
262,
1366,
42814,
198,
220,
220,
220,
220,
220,
220,
220,
357,
25,
35226,
25,
63,
93,
7890,
62,
312,
87,
63,
8,
355,
262,
21179,
11,
290,
257,
352,
35,
1351,
7268,
262,
1366,
198,
220,
220,
220,
220,
220,
220,
220,
1988,
357,
25,
35226,
25,
63,
93,
7890,
62,
2100,
63,
1776,
262,
1366,
8563,
357,
25,
35226,
25,
63,
93,
7890,
62,
8056,
63,
8,
290,
262,
198,
220,
220,
220,
220,
220,
220,
220,
1366,
2272,
357,
25,
35226,
25,
63,
93,
7890,
62,
2777,
66,
63,
737,
628,
220,
220,
220,
220,
220,
220,
220,
1002,
262,
1366,
8563,
389,
1813,
351,
530,
1988,
11,
788,
262,
1366,
2173,
389,
198,
220,
220,
220,
220,
220,
220,
220,
9672,
284,
423,
257,
19254,
1058,
11018,
25,
63,
16,
6852,
82,
13495,
63,
12,
39745,
16654,
13,
1002,
262,
198,
220,
220,
220,
220,
220,
220,
220,
1366,
8563,
389,
1813,
351,
734,
3815,
11,
788,
262,
1366,
2173,
389,
198,
220,
220,
220,
220,
220,
220,
220,
9672,
284,
423,
257,
1058,
11018,
25,
63,
16,
6852,
82,
13495,
63,
12,
39745,
16654,
5447,
416,
262,
198,
220,
220,
220,
220,
220,
220,
220,
2810,
6727,
290,
2793,
8563,
13,
628,
220,
220,
220,
220,
220,
220,
220,
383,
1366,
9029,
389,
530,
286,
1936,
13042,
37913,
6,
2815,
3256,
705,
6404,
6,
393,
705,
6404,
62,
940,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
705,
18755,
6,
393,
705,
6404,
62,
68,
6,
30072,
12739,
287,
543,
286,
262,
1115,
1988,
9029,
198,
220,
220,
220,
220,
220,
220,
220,
357,
29127,
11,
2604,
11,
300,
77,
8,
262,
1366,
3815,
389,
13,
632,
26235,
284,
705,
2815,
6,
611,
340,
318,
198,
220,
220,
220,
220,
220,
220,
220,
407,
2810,
13,
628,
220,
220,
220,
220,
220,
220,
220,
383,
1366,
27421,
318,
257,
8379,
286,
275,
10141,
11,
493,
82,
11,
36016,
290,
13042,
198,
220,
220,
220,
220,
220,
220,
220,
326,
318,
3748,
329,
790,
1366,
966,
13,
1635,
4805,
31125,
9,
3544,
340,
284,
5911,
257,
1366,
198,
220,
220,
220,
220,
220,
220,
220,
966,
351,
11,
543,
318,
2672,
287,
617,
2663,
357,
2339,
4904,
40,
828,
981,
262,
2746,
198,
220,
220,
220,
220,
220,
220,
220,
2346,
460,
779,
340,
355,
257,
6764,
286,
262,
4560,
2672,
284,
198,
220,
220,
220,
220,
220,
220,
220,
7925,
262,
1366,
966,
422,
262,
2746,
5072,
13,
632,
460,
307,
2810,
355,
597,
198,
220,
220,
220,
220,
220,
220,
220,
8379,
286,
597,
4129,
329,
597,
1366,
966,
13,
1002,
597,
8379,
4909,
257,
198,
220,
220,
220,
220,
220,
220,
220,
2060,
5002,
11,
340,
318,
6928,
416,
655,
326,
5002,
2427,
286,
257,
46545,
13,
628,
220,
220,
220,
220,
220,
220,
220,
317,
2829,
1672,
286,
257,
1366,
27421,
318,
1058,
11018,
25,
63,
69,
7,
6852,
5239,
90,
7890,
62,
312,
87,
30072,
796,
198,
220,
220,
220,
220,
220,
220,
220,
26867,
5239,
90,
7890,
62,
2100,
92,
47671,
810,
262,
5072,
286,
262,
2746,
318,
1813,
416,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
11018,
25,
63,
69,
7,
87,
8,
44646,
628,
220,
220,
220,
220,
220,
220,
220,
1052,
1672,
286,
257,
2746,
1366,
2393,
460,
307,
1043,
287,
262,
705,
7890,
6,
9483,
286,
198,
220,
220,
220,
220,
220,
220,
220,
262,
1635,
4805,
31125,
9,
5301,
13,
1002,
2672,
11,
530,
460,
779,
262,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
20786,
25,
63,
93,
1050,
1042,
13,
4666,
695,
676,
13,
1102,
1851,
62,
7890,
63,
2163,
284,
26571,
511,
198,
220,
220,
220,
220,
220,
220,
220,
33313,
13,
628,
220,
220,
220,
220,
220,
220,
220,
18980,
889,
1058,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
7559,
90,
7,
7890,
62,
312,
87,
62,
15,
11,
1366,
62,
312,
87,
62,
16,
11,
2644,
11,
1366,
62,
312,
87,
62,
77,
2599,
685,
7890,
62,
2100,
11,
15506,
3467,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
7559,
7890,
62,
8056,
11,
1366,
62,
2777,
66,
48999,
15506,
3467,
77,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
12429,
273,
1174,
3467,
77,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
7559,
90,
7,
7890,
62,
312,
87,
62,
15,
11,
1366,
62,
312,
87,
62,
16,
11,
2644,
11,
1366,
62,
312,
87,
62,
77,
2599,
685,
7890,
62,
2100,
11,
15506,
3467,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
7559,
45828,
62,
7890,
62,
8056,
11,
2793,
62,
7890,
62,
8056,
11,
1366,
62,
2777,
66,
48999,
15506,
628,
220,
220,
220,
220,
220,
220,
220,
37227,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
12793,
1438,
286,
428,
1398,
611,
407,
7448,
1541,
198,
220,
220,
220,
220,
220,
220,
220,
611,
407,
468,
35226,
7,
944,
11,
705,
62,
3672,
6,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
3672,
796,
2116,
13,
834,
4871,
834,
13,
834,
3672,
834,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
5345,
869,
62,
4906,
284,
4277,
19203,
29762,
11537,
611,
407,
9518,
878,
198,
220,
220,
220,
220,
220,
220,
220,
611,
407,
468,
35226,
7,
944,
11,
705,
62,
13345,
62,
4906,
6,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
13345,
62,
4906,
796,
705,
29762,
6,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
5345,
4904,
40,
62,
13345,
284,
4277,
357,
25101,
8,
611,
407,
9518,
878,
198,
220,
220,
220,
220,
220,
220,
220,
611,
407,
468,
35226,
7,
944,
11,
705,
62,
7378,
40,
62,
13345,
6,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
7378,
40,
62,
13345,
796,
10352,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
2980,
378,
2746,
11507,
6608,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
2617,
62,
19849,
62,
17143,
7307,
7,
19849,
62,
17143,
7307,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
2980,
378,
2746,
1366,
6608,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
2617,
62,
19849,
62,
7890,
7,
19849,
62,
7890,
8,
628,
220,
220,
220,
1303,
2896,
500,
262,
10552,
286,
257,
9104,
11280,
2134,
628,
220,
220,
220,
1303,
43313,
42715,
4810,
3185,
17395,
11015,
198,
220,
220,
220,
1303,
3611,
198,
220,
220,
220,
2488,
26745,
198,
220,
220,
220,
825,
1438,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
965,
25,
6530,
3917,
351,
281,
4554,
286,
428,
1058,
4871,
25,
63,
93,
17633,
11280,
63,
198,
220,
220,
220,
220,
220,
220,
220,
47611,
13,
198,
220,
220,
220,
220,
220,
220,
220,
2750,
4277,
11,
340,
318,
900,
284,
262,
1438,
286,
428,
1058,
4871,
25,
63,
93,
17633,
11280,
63,
47611,
13,
198,
220,
220,
220,
220,
220,
220,
220,
1680,
307,
14500,
25036,
284,
1249,
329,
517,
2836,
1630,
13,
628,
220,
220,
220,
220,
220,
220,
220,
37227,
628,
220,
220,
220,
220,
220,
220,
220,
1441,
7,
944,
13557,
3672,
8,
628,
220,
220,
220,
2488,
3672,
13,
2617,
353,
628,
220,
220,
220,
2488,
26745,
198,
220,
220,
220,
825,
2060,
62,
13345,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
20512,
25,
10127,
1058,
76,
2788,
25,
63,
93,
13345,
62,
19849,
63,
460,
14,
21754,
307,
14275,
351,
257,
2060,
198,
220,
220,
220,
220,
220,
220,
220,
12660,
6291,
13,
1629,
1551,
530,
286,
1058,
35226,
25,
63,
93,
29762,
62,
13345,
63,
290,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
35226,
25,
63,
93,
41684,
62,
13345,
63,
1276,
307,
1635,
17821,
24620,
198,
220,
220,
220,
220,
220,
220,
220,
2750,
4277,
11,
2060,
2746,
3848,
389,
9167,
357,
17821,
737,
628,
220,
220,
220,
220,
220,
220,
220,
37227,
628,
220,
220,
220,
220,
220,
220,
220,
1441,
7,
30388,
7,
944,
13557,
29762,
62,
13345,
4008,
628,
220,
220,
220,
2488,
26745,
198,
220,
220,
220,
825,
5021,
62,
13345,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
20512,
25,
10127,
1058,
76,
2788,
25,
63,
93,
13345,
62,
19849,
63,
460,
14,
21754,
307,
14275,
351,
257,
900,
286,
198,
220,
220,
220,
220,
220,
220,
220,
12660,
8405,
13,
1629,
1551,
530,
286,
1058,
35226,
25,
63,
93,
29762,
62,
13345,
63,
290,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
35226,
25,
63,
93,
41684,
62,
13345,
63,
1276,
307,
1635,
17821,
24620,
198,
220,
220,
220,
220,
220,
220,
220,
2750,
4277,
11,
2060,
2746,
3848,
389,
9167,
357,
25101,
737,
628,
220,
220,
220,
220,
220,
220,
220,
37227,
628,
220,
220,
220,
220,
220,
220,
220,
1441,
7,
30388,
7,
944,
13557,
41684,
62,
13345,
4008,
628,
220,
220,
220,
2488,
26745,
198,
220,
220,
220,
825,
869,
62,
4906,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
965,
25,
10903,
12739,
1771,
1058,
76,
2788,
25,
63,
13345,
62,
19849,
63,
815,
307,
14275,
198,
220,
220,
220,
220,
220,
220,
220,
351,
257,
2060,
12660,
6291,
19203,
29762,
11537,
393,
257,
900,
286,
8405,
198,
220,
220,
220,
220,
220,
220,
220,
19203,
41684,
33809,
393,
460,
307,
14275,
351,
1111,
19203,
12114,
10236,
27691,
198,
220,
220,
220,
220,
220,
220,
220,
2750,
4277,
11,
2060,
2746,
3848,
389,
9167,
19203,
29762,
27691,
628,
220,
220,
220,
220,
220,
220,
220,
37227,
628,
220,
220,
220,
220,
220,
220,
220,
1441,
7,
944,
13557,
13345,
62,
4906,
8,
628,
220,
220,
220,
2488,
13345,
62,
4906,
13,
2617,
353,
628,
220,
220,
220,
2488,
26745,
198,
220,
220,
220,
825,
4904,
40,
62,
13345,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
20512,
25,
10127,
1058,
76,
2788,
25,
63,
93,
13345,
62,
19849,
63,
460,
14,
21754,
307,
1444,
416,
477,
4904,
40,
9803,
198,
220,
220,
220,
220,
220,
220,
220,
11640,
2427,
286,
416,
262,
10444,
13,
198,
220,
220,
220,
220,
220,
220,
220,
2750,
4277,
11,
691,
262,
10444,
4279,
3848,
262,
2746,
357,
25101,
737,
628,
220,
220,
220,
220,
220,
220,
220,
37227,
628,
220,
220,
220,
220,
220,
220,
220,
1441,
7,
30388,
7,
944,
13557,
7378,
40,
62,
13345,
4008,
628,
220,
220,
220,
2488,
7378,
40,
62,
13345,
13,
2617,
353,
628,
220,
220,
220,
1303,
9104,
40117,
198,
220,
220,
220,
2488,
26745,
198,
220,
220,
220,
825,
299,
62,
1845,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
493,
25,
7913,
286,
2746,
10007,
13,
628,
220,
220,
220,
220,
220,
220,
220,
37227,
628,
220,
220,
220,
220,
220,
220,
220,
1441,
7,
944,
13557,
77,
62,
1845,
8,
628,
220,
220,
220,
2488,
26745,
198,
220,
220,
220,
825,
1582,
62,
3672,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
1351,
286,
965,
25,
7343,
351,
2746,
11507,
3891,
13,
628,
220,
220,
220,
220,
220,
220,
220,
37227,
628,
220,
220,
220,
220,
220,
220,
220,
1441,
7,
944,
13557,
1845,
62,
3672,
8,
628,
220,
220,
220,
2488,
26745,
198,
220,
220,
220,
825,
1582,
62,
81,
782,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
8633,
286,
1058,
26801,
25,
63,
93,
77,
32152,
13,
358,
18747,
63,
25,
383,
2793,
290,
6727,
3815,
286,
262,
2746,
198,
220,
220,
220,
220,
220,
220,
220,
10007,
13,
628,
220,
220,
220,
220,
220,
220,
220,
37227,
628,
220,
220,
220,
220,
220,
220,
220,
1441,
7,
82,
11600,
7,
13344,
7,
944,
13557,
1845,
62,
3672,
11,
2116,
13557,
1845,
62,
81,
782,
22305,
628,
220,
220,
220,
2488,
26745,
198,
220,
220,
220,
825,
1582,
62,
395,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
8633,
286,
1391,
22468,
11,
6045,
38362,
383,
2836,
12,
23211,
6108,
3815,
286,
262,
2746,
198,
220,
220,
220,
220,
220,
220,
220,
10007,
13,
49850,
1635,
14202,
9,
287,
4113,
810,
7746,
547,
407,
198,
220,
220,
220,
220,
220,
220,
220,
2810,
13,
628,
220,
220,
220,
220,
220,
220,
220,
37227,
628,
220,
220,
220,
220,
220,
220,
220,
1441,
7,
82,
11600,
7,
13344,
7,
944,
13557,
1845,
62,
3672,
11,
2116,
13557,
1845,
62,
395,
22305,
628,
220,
220,
220,
2488,
26745,
198,
220,
220,
220,
825,
2746,
62,
17143,
7307,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
8633,
286,
1351,
25,
383,
8633,
286,
2746,
10007,
355,
973,
416,
428,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
26801,
25,
63,
93,
17633,
11280,
63,
4554,
13,
628,
220,
220,
220,
220,
220,
220,
220,
770,
8633,
460,
307,
973,
355,
262,
4600,
19849,
62,
17143,
7307,
63,
4578,
618,
198,
220,
220,
220,
220,
220,
220,
220,
4238,
2890,
428,
1058,
4871,
25,
63,
93,
17633,
11280,
63,
47611,
13,
628,
220,
220,
220,
220,
220,
220,
220,
37227,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
20768,
1096,
6565,
8633,
286,
2746,
10007,
198,
220,
220,
220,
220,
220,
220,
220,
2746,
62,
17143,
7307,
796,
264,
11600,
3419,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
26304,
625,
477,
11507,
6608,
290,
751,
606,
284,
262,
8633,
198,
220,
220,
220,
220,
220,
220,
220,
329,
1438,
11,
374,
782,
11,
1556,
287,
19974,
7,
944,
13557,
1845,
62,
3672,
11,
2116,
13557,
1845,
62,
81,
782,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
1845,
62,
395,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
1002,
8636,
373,
407,
1813,
11,
691,
751,
262,
11507,
2837,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
1556,
318,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2746,
62,
17143,
7307,
58,
3672,
60,
796,
30138,
81,
782,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
25974,
11,
751,
2837,
290,
8636,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2746,
62,
17143,
7307,
58,
3672,
60,
796,
30138,
81,
782,
11,
1556,
60,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
8229,
2746,
62,
17143,
7307,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
7,
19849,
62,
17143,
7307,
8,
628,
220,
220,
220,
1303,
9104,
6060,
198,
220,
220,
220,
2488,
26745,
198,
220,
220,
220,
825,
299,
62,
7890,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
493,
25,
7913,
286,
2810,
1366,
2173,
13,
628,
220,
220,
220,
220,
220,
220,
220,
37227,
628,
220,
220,
220,
220,
220,
220,
220,
1441,
7,
944,
13557,
77,
62,
7890,
8,
628,
220,
220,
220,
2488,
26745,
198,
220,
220,
220,
825,
1366,
62,
2100,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
8633,
286,
12178,
25,
383,
3815,
286,
2810,
1366,
2173,
13,
628,
220,
220,
220,
220,
220,
220,
220,
37227,
628,
220,
220,
220,
220,
220,
220,
220,
1441,
7,
11600,
7,
13344,
7,
944,
13557,
7890,
62,
312,
87,
11,
2116,
13557,
7890,
62,
2100,
22305,
628,
220,
220,
220,
2488,
26745,
198,
220,
220,
220,
825,
1366,
62,
8056,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
8633,
286,
12178,
25,
383,
6727,
290,
2793,
1058,
11018,
25,
63,
16,
6852,
82,
13495,
63,
12,
39745,
2974,
198,
220,
220,
220,
220,
220,
220,
220,
286,
2810,
1366,
2173,
13,
628,
220,
220,
220,
220,
220,
220,
220,
37227,
628,
220,
220,
220,
220,
220,
220,
220,
1441,
7,
11600,
7,
13344,
7,
944,
13557,
7890,
62,
312,
87,
11,
2116,
13557,
7890,
62,
8056,
22305,
628,
220,
220,
220,
2488,
26745,
198,
220,
220,
220,
825,
1366,
62,
2777,
66,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
8633,
286,
965,
25,
383,
3858,
286,
1988,
2272,
37913,
6,
2815,
3256,
705,
6404,
3256,
705,
18755,
6,
30072,
286,
198,
220,
220,
220,
220,
220,
220,
220,
2810,
1366,
2173,
13,
628,
220,
220,
220,
220,
220,
220,
220,
37227,
628,
220,
220,
220,
220,
220,
220,
220,
1441,
7,
11600,
7,
13344,
7,
944,
13557,
7890,
62,
312,
87,
11,
2116,
13557,
7890,
62,
2777,
66,
22305,
628,
220,
220,
220,
2488,
26745,
198,
220,
220,
220,
825,
1366,
62,
312,
87,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
1351,
286,
12777,
2374,
25,
383,
2836,
12,
23211,
1366,
966,
42814,
13,
628,
220,
220,
220,
220,
220,
220,
220,
37227,
628,
220,
220,
220,
220,
220,
220,
220,
1441,
7,
944,
13557,
7890,
62,
312,
87,
8,
628,
220,
220,
220,
2488,
26745,
198,
220,
220,
220,
825,
2746,
62,
7890,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
8633,
286,
1351,
25,
383,
8633,
286,
2746,
1366,
2173,
355,
973,
416,
428,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
26801,
25,
63,
93,
17633,
11280,
63,
4554,
13,
628,
220,
220,
220,
220,
220,
220,
220,
770,
8633,
460,
307,
973,
355,
262,
4600,
19849,
62,
7890,
63,
4578,
618,
4238,
2890,
198,
220,
220,
220,
220,
220,
220,
220,
428,
1058,
4871,
25,
63,
93,
17633,
11280,
63,
47611,
13,
628,
220,
220,
220,
220,
220,
220,
220,
37227,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
20768,
1096,
6565,
8633,
286,
2746,
1366,
198,
220,
220,
220,
220,
220,
220,
220,
2746,
62,
7890,
796,
23884,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
29176,
1366,
2173,
1978,
11,
691,
4375,
1729,
12,
12286,
3815,
284,
8633,
198,
220,
220,
220,
220,
220,
220,
220,
329,
4686,
87,
11,
1188,
11,
11454,
11,
599,
66,
287,
19974,
7,
944,
13557,
7890,
62,
312,
87,
11,
2116,
13557,
7890,
62,
2100,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
7890,
62,
8056,
11,
2116,
13557,
7890,
62,
2777,
66,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
13610,
1366,
966,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1366,
62,
4122,
796,
685,
2100,
60,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
3060,
1366,
4049,
11,
751,
691,
530,
1988,
611,
4049,
318,
19254,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
7,
8056,
58,
15,
60,
6624,
11454,
58,
16,
60,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1366,
62,
4122,
13,
33295,
7,
8056,
58,
15,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1366,
62,
4122,
13,
2302,
437,
7,
8056,
8,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
3060,
1366,
2272,
611,
340,
318,
407,
705,
2815,
6,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
7,
2777,
66,
14512,
705,
2815,
6,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1366,
62,
4122,
13,
33295,
7,
2777,
66,
8,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
3060,
1366,
62,
4122,
284,
2746,
62,
7890,
8633,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2746,
62,
7890,
58,
312,
87,
60,
796,
1366,
62,
4122,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
8229,
2746,
62,
7890,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
7,
19849,
62,
7890,
8,
628,
220,
220,
220,
1303,
43313,
41877,
42715,
337,
36252,
50,
198,
220,
220,
220,
1303,
770,
2163,
5860,
1729,
12,
12286,
4731,
24612,
286,
5128,
26498,
198,
220,
220,
220,
825,
651,
62,
2536,
62,
260,
1050,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
16409,
257,
1351,
286,
4731,
24612,
286,
477,
3224,
5128,
198,
220,
220,
220,
220,
220,
220,
220,
7159,
351,
543,
428,
1058,
4871,
25,
63,
93,
17633,
11280,
63,
47611,
373,
23224,
13,
628,
220,
220,
220,
220,
220,
220,
220,
37227,
628,
220,
220,
220,
220,
220,
220,
220,
1441,
26933,
12962,
628,
220,
220,
220,
1303,
770,
2163,
26161,
3815,
287,
4326,
2272,
284,
11507,
2272,
198,
220,
220,
220,
825,
4808,
1462,
62,
1845,
62,
13200,
7,
944,
11,
6072,
62,
2617,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
1482,
24040,
2810,
4600,
37687,
62,
2617,
63,
422,
4326,
2272,
29565,
15,
11,
352,
12962,
284,
11507,
2272,
198,
220,
220,
220,
220,
220,
220,
220,
29565,
21037,
62,
65,
358,
11,
6727,
62,
65,
358,
35944,
628,
220,
220,
220,
220,
220,
220,
220,
37227,
628,
220,
220,
220,
220,
220,
220,
220,
1441,
7,
944,
13557,
1845,
62,
81,
782,
58,
45299,
657,
48688,
37687,
62,
2617,
9,
7,
944,
13557,
1845,
62,
81,
782,
58,
45299,
352,
60,
532,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
1845,
62,
81,
782,
58,
45299,
657,
60,
4008,
628,
220,
220,
220,
1303,
770,
2163,
26161,
3815,
287,
11507,
2272,
284,
4326,
2272,
198,
220,
220,
220,
825,
4808,
1462,
62,
20850,
62,
13200,
7,
944,
11,
6072,
62,
2617,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
1482,
24040,
2810,
4600,
37687,
62,
2617,
63,
422,
11507,
2272,
29565,
21037,
62,
65,
358,
11,
198,
220,
220,
220,
220,
220,
220,
220,
6727,
62,
65,
358,
12962,
284,
4326,
2272,
29565,
15,
11,
352,
35944,
628,
220,
220,
220,
220,
220,
220,
220,
37227,
628,
220,
220,
220,
220,
220,
220,
220,
1441,
19510,
37687,
62,
2617,
12,
944,
13557,
1845,
62,
81,
782,
58,
45299,
657,
12962,
1220,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
944,
13557,
1845,
62,
81,
782,
58,
45299,
352,
45297,
944,
13557,
1845,
62,
81,
782,
58,
45299,
657,
60,
4008,
628,
220,
220,
220,
1303,
770,
2163,
26161,
257,
8379,
286,
2746,
11507,
3891,
14,
521,
1063,
198,
220,
220,
220,
825,
4808,
1136,
62,
19849,
62,
1845,
62,
41068,
7,
944,
11,
1582,
62,
41068,
11,
1438,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
1482,
24040,
257,
2810,
8379,
4600,
1845,
62,
41068,
63,
286,
2746,
11507,
3891,
290,
198,
220,
220,
220,
220,
220,
220,
220,
36525,
284,
257,
1351,
286,
36525,
11,
20694,
14184,
16856,
290,
8794,
611,
790,
198,
220,
220,
220,
220,
220,
220,
220,
2810,
1438,
14,
9630,
318,
4938,
13,
628,
220,
220,
220,
220,
220,
220,
220,
40117,
198,
220,
220,
220,
220,
220,
220,
220,
24200,
438,
198,
220,
220,
220,
220,
220,
220,
220,
1582,
62,
41068,
1058,
352,
35,
7177,
62,
2339,
286,
1391,
600,
11,
965,
92,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
317,
8379,
286,
37014,
290,
13042,
13213,
543,
2746,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
10007,
761,
284,
307,
973,
329,
257,
1728,
4905,
13,
198,
220,
220,
220,
220,
220,
220,
220,
1438,
1058,
965,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
317,
4731,
12316,
262,
1438,
286,
262,
7885,
262,
1255,
286,
428,
2446,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
481,
307,
8574,
287,
13,
16718,
329,
4049,
6218,
13,
628,
220,
220,
220,
220,
220,
220,
220,
16409,
198,
220,
220,
220,
220,
220,
220,
220,
35656,
198,
220,
220,
220,
220,
220,
220,
220,
1582,
62,
41068,
62,
42946,
1058,
1351,
286,
493,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
383,
2810,
8379,
4600,
1845,
62,
41068,
63,
11513,
284,
257,
23243,
1351,
286,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2746,
11507,
36525,
13,
628,
220,
220,
220,
220,
220,
220,
220,
37227,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
2141,
617,
18931,
198,
220,
220,
220,
220,
220,
220,
220,
49706,
796,
651,
5097,
519,
1362,
10786,
1268,
2043,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
49706,
13,
10951,
7203,
3103,
48820,
8379,
286,
2746,
11507,
3891,
14,
521,
1063,
19570,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
17220,
477,
19125,
3435,
422,
262,
4731,
290,
6626,
340,
510,
198,
220,
220,
220,
220,
220,
220,
220,
1582,
62,
41068,
796,
304,
1485,
13,
35312,
62,
41068,
7,
1845,
62,
41068,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
6822,
4847,
611,
484,
389,
493,
82,
393,
13042,
11,
290,
611,
484,
389,
4938,
198,
220,
220,
220,
220,
220,
220,
220,
329,
1312,
11,
1582,
62,
312,
87,
287,
27056,
378,
7,
1845,
62,
41068,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1949,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
1002,
1582,
62,
312,
87,
318,
257,
4731,
11,
1949,
284,
779,
340,
355,
257,
11507,
1438,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
318,
39098,
7,
1845,
62,
312,
87,
11,
965,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1582,
62,
41068,
58,
72,
60,
796,
2116,
13557,
1845,
62,
3672,
13,
9630,
7,
1845,
62,
312,
87,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
1002,
407,
11,
1949,
284,
779,
340,
355,
257,
11507,
6376,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
1845,
62,
3672,
58,
1845,
62,
312,
87,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1582,
62,
41068,
58,
72,
60,
796,
1582,
62,
312,
87,
4064,
2116,
13557,
77,
62,
1845,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
1002,
597,
4905,
2029,
10143,
11,
5298,
4049,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2845,
35528,
355,
4049,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
11454,
62,
19662,
796,
5855,
20560,
4578,
4064,
81,
58,
4,
72,
60,
318,
12515,
0,
37633,
82,
16725,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4064,
357,
3672,
11,
1312,
11,
4049,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
304,
1485,
13,
40225,
62,
18224,
7,
8056,
62,
19662,
11,
304,
1485,
13,
20560,
12331,
11,
49706,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
1002,
2279,
1816,
1231,
13269,
11,
2198,
611,
1351,
318,
407,
6565,
290,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
4781,
14184,
16856,
198,
220,
220,
220,
220,
220,
220,
220,
611,
1582,
62,
41068,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1582,
62,
41068,
796,
1351,
7,
824,
316,
7,
1845,
62,
41068,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
11454,
62,
19662,
796,
366,
20560,
4578,
4064,
81,
318,
6565,
2474,
4064,
357,
3672,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
304,
1485,
13,
40225,
62,
18224,
7,
8056,
62,
19662,
11,
11052,
12331,
11,
49706,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
5972,
886,
198,
220,
220,
220,
220,
220,
220,
220,
49706,
13,
10951,
7203,
18467,
1348,
23202,
8379,
286,
2746,
11507,
366,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
14933,
14,
521,
1063,
19570,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
8229,
340,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
7,
1845,
62,
41068,
8,
628,
220,
220,
220,
1303,
16409,
262,
8718,
40296,
326,
13507,
4629,
2810,
6072,
62,
2617,
198,
220,
220,
220,
825,
4808,
1136,
62,
37687,
62,
13200,
7,
944,
11,
6072,
62,
2617,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
16409,
262,
13215,
286,
262,
8718,
40296,
326,
13507,
4629,
262,
11507,
198,
220,
220,
220,
220,
220,
220,
220,
2272,
287,
543,
262,
2810,
4600,
37687,
62,
2617,
63,
318,
5447,
13,
628,
220,
220,
220,
220,
220,
220,
220,
383,
1388,
779,
329,
428,
2163,
318,
284,
5004,
644,
636,
286,
2746,
198,
220,
220,
220,
220,
220,
220,
220,
11507,
2272,
373,
1884,
35846,
422,
287,
1502,
284,
7330,
262,
2810,
198,
220,
220,
220,
220,
220,
220,
220,
4600,
37687,
62,
2617,
44646,
4362,
286,
428,
11,
3131,
31050,
318,
2087,
284,
262,
13215,
284,
198,
220,
220,
220,
220,
220,
220,
220,
4646,
262,
1245,
286,
262,
973,
19232,
2446,
13,
628,
220,
220,
220,
220,
220,
220,
220,
40117,
198,
220,
220,
220,
220,
220,
220,
220,
24200,
438,
198,
220,
220,
220,
220,
220,
220,
220,
6072,
62,
2617,
1058,
352,
35,
393,
362,
35,
7177,
62,
2339,
393,
8633,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
25139,
2357,
14,
39873,
900,
329,
543,
281,
13507,
2752,
8718,
40296,
318,
9167,
13,
628,
220,
220,
220,
220,
220,
220,
220,
16409,
198,
220,
220,
220,
220,
220,
220,
220,
35656,
198,
220,
220,
220,
220,
220,
220,
220,
6072,
62,
13200,
1058,
362,
35,
1058,
26801,
25,
63,
93,
77,
32152,
13,
358,
18747,
63,
2134,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
383,
9167,
8718,
40296,
13215,
13,
628,
220,
220,
220,
220,
220,
220,
220,
37227,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
1002,
6072,
62,
2617,
318,
257,
8633,
11,
10385,
340,
284,
257,
31835,
20519,
7177,
198,
220,
220,
220,
220,
220,
220,
220,
611,
318,
39098,
7,
37687,
62,
2617,
11,
8633,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6072,
62,
2617,
796,
45941,
62,
18747,
7,
82,
11600,
7,
37687,
62,
2617,
737,
27160,
3419,
737,
51,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
6889,
1654,
326,
6072,
62,
2617,
318,
257,
362,
35,
31835,
20519,
7177,
198,
220,
220,
220,
220,
220,
220,
220,
6072,
62,
2617,
796,
45941,
62,
18747,
7,
37687,
62,
2617,
11,
299,
67,
1084,
28,
17,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
45559,
3810,
262,
5415,
3580,
1022,
12785,
8405,
198,
220,
220,
220,
220,
220,
220,
220,
6072,
62,
26069,
796,
45941,
13,
39014,
62,
24176,
62,
22704,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
37456,
2124,
25,
45941,
13,
9806,
7,
37659,
13,
26069,
7,
37659,
13,
30619,
7,
87,
4008,
828,
16488,
28,
15,
11,
5240,
28,
37687,
62,
2617,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
45559,
3810,
262,
949,
14,
9806,
3815,
286,
477,
8405,
198,
220,
220,
220,
220,
220,
220,
220,
6072,
62,
1084,
796,
45941,
13,
1084,
7,
37687,
62,
2617,
11,
16488,
28,
15,
8,
198,
220,
220,
220,
220,
220,
220,
220,
6072,
62,
9806,
796,
45941,
13,
9806,
7,
37687,
62,
2617,
11,
16488,
28,
15,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
3060,
513,
9,
37687,
62,
26069,
355,
3131,
31050,
284,
6072,
62,
1084,
290,
6072,
62,
9806,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
770,
12850,
262,
1245,
286,
262,
973,
19232,
2446,
290,
4738,
1108,
198,
220,
220,
220,
220,
220,
220,
220,
6072,
62,
1084,
48185,
513,
9,
37687,
62,
26069,
198,
220,
220,
220,
220,
220,
220,
220,
6072,
62,
9806,
15853,
513,
9,
37687,
62,
26069,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
29176,
6072,
62,
1084,
290,
6072,
62,
9806,
284,
1296,
6072,
62,
13200,
198,
220,
220,
220,
220,
220,
220,
220,
6072,
62,
13200,
796,
45941,
13,
25558,
26933,
37687,
62,
1084,
11,
6072,
62,
9806,
4357,
16488,
28,
16,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
6889,
1654,
326,
6072,
62,
13200,
318,
1626,
1582,
62,
13200,
198,
220,
220,
220,
220,
220,
220,
220,
6072,
62,
13200,
796,
45941,
13,
39014,
62,
24176,
62,
22704,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
37456,
2124,
25,
45941,
13,
15036,
7,
87,
11,
1635,
944,
13557,
1845,
62,
81,
782,
13,
51,
828,
16488,
28,
15,
11,
5240,
28,
37687,
62,
13200,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
8229,
6072,
62,
13200,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
7,
37687,
62,
13200,
8,
628,
220,
220,
220,
1303,
770,
2163,
8794,
611,
257,
2810,
953,
62,
2617,
318,
4938,
198,
220,
220,
220,
825,
4808,
9122,
62,
4666,
62,
2617,
7,
944,
11,
953,
62,
2617,
11,
1438,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
47719,
19648,
286,
2810,
900,
286,
2746,
23862,
4600,
4666,
62,
2617,
63,
287,
428,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
26801,
25,
63,
93,
17633,
11280,
63,
4554,
13,
628,
220,
220,
220,
220,
220,
220,
220,
40117,
198,
220,
220,
220,
220,
220,
220,
220,
24200,
438,
198,
220,
220,
220,
220,
220,
220,
220,
953,
62,
2617,
1058,
352,
35,
393,
362,
35,
7177,
62,
2339,
393,
8633,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
9104,
5072,
357,
2617,
8,
284,
26571,
287,
428,
1058,
26801,
25,
63,
93,
17633,
11280,
63,
4554,
13,
198,
220,
220,
220,
220,
220,
220,
220,
1438,
1058,
965,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
383,
1438,
286,
262,
2746,
5072,
357,
2617,
828,
543,
318,
973,
287,
262,
4049,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3275,
611,
262,
21201,
10143,
13,
628,
220,
220,
220,
220,
220,
220,
220,
16409,
198,
220,
220,
220,
220,
220,
220,
220,
35656,
198,
220,
220,
220,
220,
220,
220,
220,
953,
62,
2617,
1058,
352,
35,
393,
362,
35,
1058,
26801,
25,
63,
93,
77,
32152,
13,
358,
18747,
63,
2134,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
383,
2810,
4600,
4666,
62,
2617,
63,
611,
262,
21201,
373,
4388,
13,
1002,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4600,
4666,
62,
2617,
63,
373,
257,
8633,
11,
340,
481,
307,
11513,
284,
257,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1058,
26801,
25,
63,
93,
77,
32152,
13,
358,
18747,
63,
2134,
357,
82,
9741,
319,
1058,
35226,
25,
63,
93,
7890,
62,
312,
87,
63,
737,
628,
220,
220,
220,
220,
220,
220,
220,
37227,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
6889,
49706,
198,
220,
220,
220,
220,
220,
220,
220,
49706,
796,
651,
5097,
519,
1362,
10786,
50084,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
49706,
13,
10951,
7203,
47139,
803,
2810,
900,
286,
2746,
23862,
4064,
81,
526,
4064,
357,
3672,
4008,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
1002,
953,
62,
2617,
318,
257,
8633,
11,
1949,
284,
10385,
340,
284,
257,
31835,
20519,
7177,
198,
220,
220,
220,
220,
220,
220,
220,
611,
318,
39098,
7,
4666,
62,
2617,
11,
8633,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1949,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
953,
62,
2617,
796,
45941,
62,
18747,
26933,
4666,
62,
2617,
58,
312,
87,
60,
329,
4686,
87,
287,
2116,
13557,
7890,
62,
312,
87,
35944,
51,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2845,
7383,
12331,
355,
4049,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
11454,
62,
19662,
796,
5855,
20560,
4578,
4064,
81,
318,
4814,
1366,
27421,
705,
4,
81,
6,
2474,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4064,
357,
3672,
11,
4049,
13,
22046,
58,
15,
60,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
304,
1485,
13,
40225,
62,
18224,
7,
8056,
62,
19662,
11,
7383,
12331,
11,
49706,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
6889,
1654,
326,
953,
62,
2617,
318,
257,
31835,
20519,
7177,
198,
220,
220,
220,
220,
220,
220,
220,
953,
62,
2617,
796,
45941,
62,
18747,
7,
4666,
62,
2617,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
35123,
4049,
611,
953,
62,
2617,
318,
407,
352,
35,
393,
362,
35,
198,
220,
220,
220,
220,
220,
220,
220,
611,
407,
7,
4666,
62,
2617,
13,
358,
320,
6624,
352,
393,
953,
62,
2617,
13,
358,
320,
6624,
362,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
11454,
62,
19662,
796,
5855,
20560,
4578,
4064,
81,
318,
407,
530,
12,
19577,
393,
366,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
11545,
12,
19577,
2474,
4064,
357,
3672,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
304,
1485,
13,
40225,
62,
18224,
7,
8056,
62,
19662,
11,
304,
1485,
13,
33383,
12331,
11,
49706,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
35123,
4049,
611,
953,
62,
2617,
857,
407,
423,
299,
62,
7890,
1366,
3815,
198,
220,
220,
220,
220,
220,
220,
220,
611,
407,
7,
4666,
62,
2617,
13,
43358,
58,
12,
16,
60,
6624,
2116,
13557,
77,
62,
7890,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
11454,
62,
19662,
796,
5855,
20560,
4578,
4064,
81,
468,
11491,
1271,
286,
1366,
3815,
366,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
30629,
4,
72,
14512,
4064,
72,
8,
2474,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4064,
357,
3672,
11,
953,
62,
2617,
13,
43358,
58,
12,
16,
4357,
2116,
13557,
77,
62,
7890,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
304,
1485,
13,
40225,
62,
18224,
7,
8056,
62,
19662,
11,
304,
1485,
13,
33383,
12331,
11,
49706,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
6822,
611,
953,
62,
2617,
9944,
10874,
503,
286,
36016,
198,
220,
220,
220,
220,
220,
220,
220,
953,
62,
2617,
796,
2198,
62,
12786,
7,
4666,
62,
2617,
11,
1438,
11,
705,
22468,
11537,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
5972,
757,
290,
1441,
953,
62,
2617,
198,
220,
220,
220,
220,
220,
220,
220,
49706,
13,
10951,
7203,
18467,
1348,
4938,
803,
2810,
900,
286,
2746,
23862,
4064,
81,
526,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4064,
357,
3672,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
7,
4666,
62,
2617,
8,
628,
220,
220,
220,
1303,
770,
2163,
8794,
611,
257,
2810,
6072,
62,
2617,
318,
4938,
198,
220,
220,
220,
825,
4808,
9122,
62,
37687,
62,
2617,
7,
944,
11,
6072,
62,
2617,
11,
1438,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
47719,
19648,
286,
2810,
900,
286,
2746,
11507,
8405,
4600,
37687,
62,
2617,
63,
287,
198,
220,
220,
220,
220,
220,
220,
220,
428,
1058,
26801,
25,
63,
93,
17633,
11280,
63,
4554,
13,
628,
220,
220,
220,
220,
220,
220,
220,
40117,
198,
220,
220,
220,
220,
220,
220,
220,
24200,
438,
198,
220,
220,
220,
220,
220,
220,
220,
6072,
62,
2617,
1058,
352,
35,
393,
362,
35,
7177,
62,
2339,
393,
8633,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
25139,
2357,
14,
39873,
900,
284,
26571,
287,
428,
1058,
26801,
25,
63,
93,
17633,
11280,
63,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4554,
13,
198,
220,
220,
220,
220,
220,
220,
220,
1438,
1058,
965,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
383,
1438,
286,
262,
11507,
14,
39873,
900,
11,
543,
318,
973,
287,
262,
4049,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3275,
611,
262,
21201,
10143,
13,
628,
220,
220,
220,
220,
220,
220,
220,
16409,
198,
220,
220,
220,
220,
220,
220,
220,
35656,
198,
220,
220,
220,
220,
220,
220,
220,
6072,
62,
2617,
1058,
352,
35,
393,
362,
35,
1058,
26801,
25,
63,
93,
77,
32152,
13,
358,
18747,
63,
2134,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
383,
2810,
4600,
37687,
62,
2617,
63,
611,
262,
21201,
373,
4388,
13,
1002,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4600,
37687,
62,
2617,
63,
373,
257,
8633,
11,
340,
481,
307,
11513,
284,
257,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1058,
26801,
25,
63,
93,
77,
32152,
13,
358,
18747,
63,
2134,
13,
628,
220,
220,
220,
220,
220,
220,
220,
37227,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
6889,
49706,
198,
220,
220,
220,
220,
220,
220,
220,
49706,
796,
651,
5097,
519,
1362,
10786,
50084,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
49706,
13,
10951,
7203,
47139,
803,
2810,
900,
286,
2746,
11507,
8405,
4064,
81,
526,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4064,
357,
3672,
4008,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
1002,
6072,
62,
2617,
318,
257,
8633,
11,
10385,
340,
284,
257,
31835,
20519,
7177,
198,
220,
220,
220,
220,
220,
220,
220,
611,
318,
39098,
7,
37687,
62,
2617,
11,
8633,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6072,
62,
2617,
796,
45941,
62,
18747,
7,
82,
11600,
7,
37687,
62,
2617,
737,
27160,
3419,
737,
51,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
6889,
1654,
326,
6072,
62,
2617,
318,
257,
31835,
20519,
7177,
198,
220,
220,
220,
220,
220,
220,
220,
6072,
62,
2617,
796,
45941,
62,
18747,
7,
37687,
62,
2617,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
35123,
4049,
611,
6072,
62,
2617,
318,
407,
352,
35,
393,
362,
35,
198,
220,
220,
220,
220,
220,
220,
220,
611,
407,
7,
37687,
62,
2617,
13,
358,
320,
6624,
352,
393,
6072,
62,
2617,
13,
358,
320,
6624,
362,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
11454,
62,
19662,
796,
5855,
20560,
4578,
4064,
81,
318,
407,
530,
12,
19577,
393,
366,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
11545,
12,
19577,
2474,
4064,
357,
3672,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
304,
1485,
13,
40225,
62,
18224,
7,
8056,
62,
19662,
11,
304,
1485,
13,
33383,
12331,
11,
49706,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
35123,
4049,
611,
6072,
62,
2617,
857,
407,
423,
299,
62,
1845,
11507,
3815,
198,
220,
220,
220,
220,
220,
220,
220,
611,
407,
7,
37687,
62,
2617,
13,
43358,
58,
12,
16,
60,
6624,
2116,
13557,
77,
62,
1845,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
11454,
62,
19662,
796,
5855,
20560,
4578,
4064,
81,
468,
11491,
1271,
286,
10007,
366,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
30629,
4,
72,
14512,
4064,
72,
8,
2474,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4064,
357,
3672,
11,
6072,
62,
2617,
13,
43358,
58,
12,
16,
4357,
2116,
13557,
77,
62,
1845,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
304,
1485,
13,
40225,
62,
18224,
7,
8056,
62,
19662,
11,
304,
1485,
13,
33383,
12331,
11,
49706,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
6822,
611,
6072,
62,
2617,
9944,
10874,
503,
286,
36016,
198,
220,
220,
220,
220,
220,
220,
220,
6072,
62,
2617,
796,
2198,
62,
12786,
7,
37687,
62,
2617,
11,
1438,
11,
705,
22468,
11537,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
6822,
611,
477,
8405,
389,
1626,
11507,
2272,
198,
220,
220,
220,
220,
220,
220,
220,
6072,
62,
2617,
62,
17,
35,
796,
45941,
62,
18747,
7,
37687,
62,
2617,
11,
299,
67,
1084,
28,
17,
8,
198,
220,
220,
220,
220,
220,
220,
220,
374,
782,
796,
2116,
13557,
1845,
62,
81,
782,
198,
220,
220,
220,
220,
220,
220,
220,
2198,
796,
45941,
13,
39014,
62,
24176,
62,
22704,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
37456,
2124,
25,
14808,
81,
782,
58,
45299,
657,
60,
19841,
2124,
27493,
7,
87,
19841,
374,
782,
58,
45299,
352,
12962,
737,
439,
22784,
352,
11,
6072,
62,
2617,
62,
17,
35,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
1002,
2198,
318,
407,
6565,
357,
5171,
307,
41497,
828,
5298,
4049,
198,
220,
220,
220,
220,
220,
220,
220,
1949,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6376,
796,
45941,
13,
853,
3003,
7,
93,
9122,
38381,
15,
60,
198,
220,
220,
220,
220,
220,
220,
220,
2845,
12901,
12331,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1208,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
11454,
62,
19662,
796,
5855,
20560,
4578,
705,
4,
82,
4,
82,
6,
318,
2354,
11507,
2272,
2474,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4064,
357,
3672,
11,
6376,
611,
6072,
62,
2617,
13,
358,
320,
14512,
352,
2073,
10148,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
304,
1485,
13,
40225,
62,
18224,
7,
8056,
62,
19662,
11,
11052,
12331,
11,
49706,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
5972,
757,
290,
1441,
6072,
62,
2617,
198,
220,
220,
220,
220,
220,
220,
220,
49706,
13,
10951,
7203,
18467,
1348,
4938,
803,
2810,
900,
286,
2746,
11507,
366,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
82,
12629,
4064,
81,
526,
4064,
357,
3672,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
7,
37687,
62,
2617,
8,
628,
220,
220,
220,
1303,
770,
2163,
26161,
257,
1813,
6072,
62,
2617,
284,
257,
6072,
62,
11600,
198,
220,
220,
220,
825,
4808,
1136,
62,
37687,
62,
11600,
7,
944,
11,
6072,
62,
2617,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
1482,
24040,
257,
2810,
900,
286,
2746,
11507,
8405,
4600,
37687,
62,
2617,
63,
284,
257,
8633,
198,
220,
220,
220,
220,
220,
220,
220,
329,
779,
287,
428,
1058,
26801,
25,
63,
93,
17633,
11280,
63,
4554,
13,
628,
220,
220,
220,
220,
220,
220,
220,
770,
8633,
460,
307,
973,
355,
262,
4600,
1845,
62,
2617,
63,
4578,
287,
262,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
76,
2788,
25,
63,
93,
13345,
62,
19849,
63,
290,
1058,
76,
2788,
25,
63,
93,
1136,
62,
9132,
62,
7785,
63,
5050,
13,
628,
220,
220,
220,
220,
220,
220,
220,
40117,
198,
220,
220,
220,
220,
220,
220,
220,
24200,
438,
198,
220,
220,
220,
220,
220,
220,
220,
6072,
62,
2617,
1058,
352,
35,
393,
362,
35,
7177,
62,
2339,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
25139,
2357,
14,
39873,
900,
284,
10385,
329,
428,
1058,
26801,
25,
63,
93,
17633,
11280,
63,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4554,
13,
628,
220,
220,
220,
220,
220,
220,
220,
16409,
198,
220,
220,
220,
220,
220,
220,
220,
35656,
198,
220,
220,
220,
220,
220,
220,
220,
6072,
62,
11600,
1058,
8633,
286,
1351,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
360,
713,
286,
11507,
8405,
13,
628,
220,
220,
220,
220,
220,
220,
220,
37227,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
6889,
1654,
326,
6072,
62,
2617,
318,
257,
31835,
20519,
7177,
198,
220,
220,
220,
220,
220,
220,
220,
6072,
62,
2617,
796,
45941,
62,
18747,
7,
37687,
62,
2617,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
6822,
703,
867,
15225,
6072,
62,
2617,
468,
290,
719,
16062,
198,
220,
220,
220,
220,
220,
220,
220,
611,
7,
37687,
62,
2617,
13,
358,
320,
6624,
352,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6072,
62,
11600,
796,
264,
11600,
7,
13344,
7,
944,
13557,
1845,
62,
3672,
11,
6072,
62,
2617,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6072,
62,
11600,
796,
264,
11600,
7,
13344,
7,
944,
13557,
1845,
62,
3672,
11,
6072,
62,
2617,
13,
51,
4008,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
8229,
6072,
62,
11600,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
7,
37687,
62,
11600,
8,
628,
220,
220,
220,
1303,
770,
2163,
8794,
611,
257,
2810,
45243,
62,
7785,
318,
4938,
198,
220,
220,
220,
825,
4808,
9122,
62,
9132,
62,
7785,
7,
944,
11,
45243,
62,
7785,
11,
1438,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
47719,
19648,
286,
2810,
900,
286,
2746,
34466,
1401,
16097,
4600,
9132,
62,
7785,
63,
198,
220,
220,
220,
220,
220,
220,
220,
287,
428,
1058,
26801,
25,
63,
93,
17633,
11280,
63,
4554,
13,
628,
220,
220,
220,
220,
220,
220,
220,
40117,
198,
220,
220,
220,
220,
220,
220,
220,
24200,
438,
198,
220,
220,
220,
220,
220,
220,
220,
45243,
62,
7785,
1058,
352,
35,
393,
362,
35,
7177,
62,
2339,
393,
8633,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
9104,
34466,
24198,
900,
284,
26571,
287,
428,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1058,
26801,
25,
63,
93,
17633,
11280,
63,
4554,
13,
198,
220,
220,
220,
220,
220,
220,
220,
1438,
1058,
965,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
383,
1438,
286,
262,
2746,
34466,
900,
11,
543,
318,
973,
287,
262,
4049,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3275,
611,
262,
21201,
10143,
13,
628,
220,
220,
220,
220,
220,
220,
220,
16409,
198,
220,
220,
220,
220,
220,
220,
220,
35656,
198,
220,
220,
220,
220,
220,
220,
220,
45243,
62,
7785,
1058,
362,
35,
1058,
26801,
25,
63,
93,
77,
32152,
13,
358,
18747,
63,
2134,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
383,
357,
1102,
13658,
8,
2810,
4600,
9132,
62,
7785,
63,
611,
262,
21201,
373,
4388,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1002,
4600,
9132,
62,
7785,
63,
373,
257,
8633,
11,
340,
481,
307,
11513,
284,
257,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1058,
26801,
25,
63,
93,
77,
32152,
13,
358,
18747,
63,
2134,
13,
628,
220,
220,
220,
220,
220,
220,
220,
37227,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
6889,
49706,
198,
220,
220,
220,
220,
220,
220,
220,
49706,
796,
651,
5097,
519,
1362,
10786,
50084,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
49706,
13,
10951,
7203,
47139,
803,
2810,
900,
286,
2746,
34466,
1401,
16097,
366,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
36521,
81,
526,
4064,
357,
3672,
4008,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
1002,
45243,
62,
7785,
318,
257,
8633,
11,
10385,
340,
284,
257,
31835,
20519,
7177,
198,
220,
220,
220,
220,
220,
220,
220,
611,
318,
39098,
7,
9132,
62,
7785,
11,
8633,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
45243,
62,
7785,
796,
45941,
62,
18747,
26933,
9132,
62,
7785,
58,
312,
87,
60,
329,
4686,
87,
287,
45243,
62,
7785,
13,
13083,
3419,
12962,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
6889,
1654,
326,
45243,
62,
7785,
318,
257,
31835,
20519,
7177,
198,
220,
220,
220,
220,
220,
220,
220,
45243,
62,
7785,
796,
45941,
62,
18747,
7,
9132,
62,
7785,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
35123,
4049,
611,
45243,
62,
7785,
318,
407,
352,
35,
393,
362,
35,
198,
220,
220,
220,
220,
220,
220,
220,
611,
407,
7,
9132,
62,
7785,
13,
358,
320,
6624,
352,
393,
45243,
62,
7785,
13,
358,
320,
6624,
362,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
11454,
62,
19662,
796,
5855,
20560,
4578,
4064,
81,
318,
407,
530,
12,
19577,
393,
366,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
11545,
12,
19577,
2474,
4064,
357,
3672,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
304,
1485,
13,
40225,
62,
18224,
7,
8056,
62,
19662,
11,
304,
1485,
13,
33383,
12331,
11,
49706,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
6822,
611,
45243,
62,
7785,
4909,
299,
62,
7890,
3815,
198,
220,
220,
220,
220,
220,
220,
220,
611,
407,
7,
9132,
62,
7785,
13,
43358,
58,
15,
60,
6624,
2116,
13557,
77,
62,
7890,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
11454,
62,
19662,
796,
5855,
3041,
6471,
7177,
286,
2746,
34466,
1401,
16097,
4064,
81,
468,
366,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
1939,
47315,
1271,
286,
1366,
2173,
37633,
72,
14512,
4064,
72,
8,
2474,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4064,
357,
3672,
11,
45243,
62,
7785,
13,
43358,
58,
15,
4357,
2116,
13557,
77,
62,
7890,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5298,
304,
1485,
13,
33383,
12331,
7,
8056,
62,
19662,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
6822,
611,
2060,
393,
10668,
3815,
547,
1813,
198,
220,
220,
220,
220,
220,
220,
220,
611,
7,
9132,
62,
7785,
13,
358,
320,
6624,
352,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
45243,
62,
7785,
796,
45941,
62,
18747,
26933,
9132,
62,
7785,
60,
9,
17,
737,
51,
198,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
7,
9132,
62,
7785,
13,
43358,
58,
16,
60,
6624,
362,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1208,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
11454,
62,
19662,
796,
5855,
3041,
6471,
7177,
286,
2746,
34466,
1401,
16097,
4064,
81,
468,
366,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
1939,
47315,
1271,
286,
3815,
37633,
72,
14512,
362,
8,
2474,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4064,
357,
3672,
11,
45243,
62,
7785,
13,
43358,
58,
16,
60,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5298,
304,
1485,
13,
33383,
12331,
7,
8056,
62,
19662,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
6822,
611,
477,
3815,
389,
1729,
12,
31591,
36016,
198,
220,
220,
220,
220,
220,
220,
220,
45243,
62,
7785,
796,
2198,
62,
12786,
7,
9132,
62,
7785,
11,
705,
9132,
62,
7785,
3256,
705,
77,
12480,
3256,
705,
22468,
11537,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
5972,
757,
290,
1441,
45243,
62,
7785,
198,
220,
220,
220,
220,
220,
220,
220,
49706,
13,
10951,
7203,
18467,
1348,
4938,
803,
2810,
900,
286,
2746,
34466,
366,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
85,
3699,
728,
4064,
81,
526,
4064,
357,
3672,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
7,
9132,
62,
7785,
8,
628,
220,
220,
220,
1303,
770,
2163,
5860,
262,
3108,
284,
257,
11559,
2393,
198,
220,
220,
220,
1303,
16926,
46,
25,
10358,
11559,
2393,
307,
7448,
287,
38274,
1762,
8619,
286,
4810,
31125,
30,
198,
220,
220,
220,
825,
4808,
1136,
62,
1891,
929,
62,
6978,
7,
944,
11,
795,
377,
62,
72,
11,
35488,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
16409,
262,
4112,
3108,
284,
257,
11559,
2393,
925,
416,
428,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
26801,
25,
63,
93,
17633,
11280,
63,
4554,
11,
1262,
262,
2810,
4600,
368,
377,
62,
72,
63,
290,
4600,
37333,
844,
44646,
628,
220,
220,
220,
220,
220,
220,
220,
770,
2446,
318,
973,
416,
262,
1058,
76,
2788,
25,
63,
93,
62,
15883,
62,
1891,
929,
63,
290,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
76,
2788,
25,
63,
93,
62,
961,
62,
1891,
929,
63,
5050,
11,
290,
815,
407,
307,
1444,
3264,
13,
628,
220,
220,
220,
220,
220,
220,
220,
40117,
198,
220,
220,
220,
220,
220,
220,
220,
24200,
438,
198,
220,
220,
220,
220,
220,
220,
220,
795,
377,
62,
72,
1058,
493,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
383,
38274,
24415,
329,
543,
257,
11559,
2393,
6978,
318,
2622,
13,
198,
220,
220,
220,
220,
220,
220,
220,
35488,
1058,
965,
393,
6045,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1002,
965,
11,
5004,
3108,
284,
3917,
11559,
2393,
1262,
2810,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4600,
37333,
844,
44646,
1002,
4600,
37333,
844,
63,
318,
6565,
11,
7330,
938,
2727,
11559,
2393,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1002,
1635,
14202,
25666,
2251,
257,
649,
3108,
284,
257,
11559,
2393,
13,
628,
220,
220,
220,
220,
220,
220,
220,
16409,
198,
220,
220,
220,
220,
220,
220,
220,
35656,
198,
220,
220,
220,
220,
220,
220,
220,
2393,
6978,
1058,
965,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
36532,
3108,
284,
9167,
11559,
2393,
13,
628,
220,
220,
220,
220,
220,
220,
220,
37227,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
45559,
3810,
262,
21231,
286,
262,
11559,
289,
7568,
20,
12,
7753,
198,
220,
220,
220,
220,
220,
220,
220,
21231,
796,
366,
1891,
929,
62,
4,
72,
62,
4,
82,
7203,
4064,
357,
368,
377,
62,
72,
11,
2116,
13557,
3672,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
1002,
35488,
318,
6045,
11,
7716,
649,
11559,
2393,
6978,
198,
220,
220,
220,
220,
220,
220,
220,
611,
35488,
318,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
45559,
3810,
262,
3108,
286,
262,
11559,
289,
7568,
20,
12,
7753,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2393,
6978,
796,
3108,
13,
397,
2777,
776,
7,
28015,
29510,
10786,
737,
71,
7568,
20,
3256,
21231,
11,
705,
2637,
4008,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
8229,
5295,
2393,
6978,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
7,
7753,
6978,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
1002,
35488,
318,
257,
4731,
11,
5004,
262,
3108,
198,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
318,
39098,
7,
37333,
844,
11,
965,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
1002,
262,
4731,
318,
6565,
11,
1064,
262,
938,
2727,
11559,
2393,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
407,
35488,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
6889,
1351,
286,
477,
4938,
11559,
3696,
287,
1459,
8619,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3696,
796,
15095,
7203,
4,
82,
14,
4,
82,
9,
1,
4064,
357,
6978,
13,
397,
2777,
776,
10786,
2637,
828,
21231,
4008,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
1002,
3696,
318,
407,
6565,
11,
1441,
938,
530,
2727,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
3696,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
7,
9806,
7,
16624,
11,
1994,
28,
6978,
13,
1136,
310,
524,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
25974,
11,
5298,
4049,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
11454,
62,
19662,
796,
5855,
2949,
11559,
3696,
460,
307,
1043,
287,
262,
1459,
366,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
34945,
329,
5128,
4578,
705,
368,
377,
62,
72,
6,
2474,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5298,
440,
5188,
81,
1472,
7,
8056,
62,
19662,
8,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
1002,
262,
4731,
318,
407,
6565,
11,
2198,
611,
2810,
35488,
318,
4938,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
1835,
3153,
1336,
2393,
6978,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2393,
6978,
796,
3108,
13,
397,
2777,
776,
7,
6978,
13,
22179,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
2637,
11,
705,
4458,
22179,
26933,
40290,
11,
35488,
11,
705,
737,
71,
7568,
20,
20520,
22305,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
1002,
2393,
6978,
7160,
11,
1441,
340,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
3108,
13,
1069,
1023,
7,
7753,
6978,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
7,
7753,
6978,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
1002,
407,
11,
5298,
4049,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
11454,
62,
19662,
796,
5855,
20560,
4578,
705,
37333,
844,
6,
857,
407,
7800,
281,
366,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
25687,
3108,
284,
257,
11559,
2393,
37633,
81,
8,
2474,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4064,
357,
7753,
6978,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5298,
440,
5188,
81,
1472,
7,
8056,
62,
19662,
8,
628,
220,
220,
220,
1303,
770,
2163,
1838,
257,
11559,
286,
26498,
14,
46265,
22046,
284,
307,
973,
1141,
869,
62,
19849,
198,
220,
220,
220,
825,
4808,
15883,
62,
1891,
929,
7,
944,
11,
1635,
22046,
11,
12429,
46265,
22046,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
39410,
25,
770,
318,
281,
6190,
10361,
2446,
290,
2192,
481,
407,
670,
198,
220,
220,
220,
220,
220,
220,
220,
4556,
973,
6105,
13,
5765,
351,
13041,
0,
628,
220,
220,
220,
220,
220,
220,
220,
7921,
274,
281,
5572,
37,
20,
12,
7753,
11559,
286,
262,
2810,
4600,
22046,
63,
290,
4600,
46265,
22046,
63,
618,
198,
220,
220,
220,
220,
220,
220,
220,
1444,
416,
262,
1058,
76,
2788,
25,
63,
93,
13345,
62,
19849,
63,
2446,
393,
597,
286,
663,
8434,
5499,
13,
198,
220,
220,
220,
220,
220,
220,
220,
12032,
11,
262,
11559,
481,
3994,
262,
4600,
368,
377,
62,
72,
47671,
4600,
1845,
62,
2617,
63,
290,
198,
220,
220,
220,
220,
220,
220,
220,
4600,
7890,
62,
312,
87,
63,
3815,
326,
547,
3804,
284,
262,
1058,
76,
2788,
25,
63,
93,
13345,
62,
19849,
63,
2446,
13,
198,
220,
220,
220,
220,
220,
220,
220,
632,
635,
4909,
262,
2196,
286,
1635,
4805,
31125,
9,
326,
925,
262,
11559,
13,
198,
220,
220,
220,
220,
220,
220,
220,
383,
11559,
460,
307,
15032,
1262,
262,
1058,
76,
2788,
25,
63,
93,
62,
961,
62,
1891,
929,
63,
2446,
13,
628,
220,
220,
220,
220,
220,
220,
220,
1002,
340,
318,
12326,
326,
428,
2446,
318,
973,
23175,
11,
257,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
4871,
25,
63,
93,
1050,
1042,
13557,
32538,
13,
18453,
20361,
63,
318,
4376,
357,
392,
262,
2446,
198,
220,
220,
220,
220,
220,
220,
220,
5860,
8,
2138,
621,
257,
1058,
4871,
25,
63,
93,
1050,
1042,
13557,
32538,
13,
18453,
12331,
47671,
287,
1502,
198,
220,
220,
220,
220,
220,
220,
220,
284,
407,
10114,
262,
869,
284,
1058,
76,
2788,
25,
63,
93,
13345,
62,
19849,
44646,
628,
220,
220,
220,
220,
220,
220,
220,
40117,
198,
220,
220,
220,
220,
220,
220,
220,
24200,
438,
198,
220,
220,
220,
220,
220,
220,
220,
26498,
1058,
45203,
7159,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1439,
45203,
7159,
326,
1276,
307,
8574,
287,
262,
11559,
2393,
13,
198,
220,
220,
220,
220,
220,
220,
220,
479,
86,
22046,
1058,
21179,
7159,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1439,
21179,
7159,
326,
1276,
307,
8574,
287,
262,
11559,
2393,
13,
628,
220,
220,
220,
220,
220,
220,
220,
11822,
198,
220,
220,
220,
220,
220,
220,
220,
37404,
198,
220,
220,
220,
220,
220,
220,
220,
383,
1438,
286,
262,
2727,
11559,
2393,
4909,
262,
1988,
286,
4600,
368,
377,
62,
72,
47671,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
35226,
25,
63,
93,
3672,
63,
290,
257,
4738,
4731,
284,
3368,
13586,
281,
1541,
198,
220,
220,
220,
220,
220,
220,
220,
4683,
11559,
2393,
13,
628,
220,
220,
220,
220,
220,
220,
220,
383,
7448,
4600,
368,
377,
62,
72,
47671,
4600,
1845,
62,
2617,
63,
290,
4600,
7890,
62,
312,
87,
63,
389,
262,
3815,
777,
198,
220,
220,
220,
220,
220,
220,
220,
9633,
423,
15726,
287,
262,
1058,
76,
2788,
25,
63,
93,
13345,
62,
19849,
63,
2446,
379,
262,
966,
198,
220,
220,
220,
220,
220,
220,
220,
428,
2446,
318,
1444,
13,
4362,
286,
428,
11,
1642,
597,
2458,
284,
606,
743,
198,
220,
220,
220,
220,
220,
220,
220,
2728,
2761,
290,
318,
4361,
7272,
30170,
13,
1002,
2458,
389,
198,
220,
220,
220,
220,
220,
220,
220,
3306,
11,
340,
318,
13030,
284,
4866,
606,
284,
257,
1180,
7885,
717,
13,
628,
220,
220,
220,
220,
220,
220,
220,
37227,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
35123,
6509,
546,
428,
3895,
852,
11992,
198,
220,
220,
220,
220,
220,
220,
220,
9828,
62,
19662,
796,
5855,
464,
705,
13345,
62,
19849,
6,
11559,
1080,
318,
991,
11992,
290,
366,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
270,
743,
766,
2383,
2458,
393,
307,
357,
260,
8,
76,
2668,
287,
262,
366,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
37443,
2474,
8,
198,
220,
220,
220,
220,
220,
220,
220,
14601,
13,
40539,
7,
40539,
62,
19662,
11,
27018,
20361,
11,
8931,
5715,
28,
17,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
6822,
611,
597,
26498,
393,
479,
86,
22046,
423,
587,
2810,
198,
220,
220,
220,
220,
220,
220,
220,
611,
407,
26498,
290,
407,
479,
86,
22046,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
1002,
407,
11,
2071,
257,
6509,
546,
326,
290,
1441,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
9828,
62,
19662,
796,
5855,
2949,
45203,
393,
21179,
7159,
423,
587,
366,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
41279,
13,
35071,
6282,
481,
307,
26684,
2474,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
14601,
13,
40539,
7,
40539,
62,
19662,
11,
19390,
20361,
11,
8931,
5715,
28,
17,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
1835,
3153,
262,
869,
62,
19849,
5739,
198,
220,
220,
220,
220,
220,
220,
220,
24955,
62,
14535,
796,
304,
1485,
13,
1136,
62,
39605,
62,
14535,
7,
944,
13,
13345,
62,
19849,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
1002,
24955,
62,
14535,
318,
6045,
11,
262,
869,
62,
19849,
5739,
373,
407,
1043,
198,
220,
220,
220,
220,
220,
220,
220,
611,
24955,
62,
14535,
318,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
18232,
257,
6509,
546,
340,
290,
1441,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
9828,
62,
19662,
796,
5855,
1212,
2446,
468,
587,
1444,
422,
2354,
262,
366,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
24018,
13345,
62,
19849,
6,
2446,
13,
35071,
6282,
481,
307,
366,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
8135,
3949,
2474,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
14601,
13,
40539,
7,
40539,
62,
19662,
11,
19390,
20361,
11,
8931,
5715,
28,
17,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
1835,
3153,
262,
17205,
286,
262,
869,
62,
19849,
5739,
198,
220,
220,
220,
220,
220,
220,
220,
1179,
796,
24955,
62,
14535,
13,
69,
62,
17946,
874,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
29677,
1957,
795,
377,
62,
72,
11,
1582,
62,
2617,
290,
1366,
62,
312,
87,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
17486,
869,
62,
19849,
373,
1444,
1262,
26498,
11,
2174,
481,
7925,
9380,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
2312,
530,
12,
34380,
389,
262,
7548,
286,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
1949,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
220,
220,
220,
220,
795,
377,
62,
72,
796,
1179,
17816,
368,
377,
62,
72,
20520,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
2845,
7383,
12331,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
220,
220,
220,
220,
1949,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
220,
220,
220,
220,
220,
220,
220,
220,
795,
377,
62,
72,
796,
1179,
17816,
46265,
22046,
6,
7131,
6,
368,
377,
62,
72,
20520,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
220,
220,
220,
220,
2845,
7383,
12331,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
220,
220,
220,
220,
220,
220,
220,
220,
795,
377,
62,
72,
796,
6045,
198,
220,
220,
220,
220,
220,
220,
220,
795,
377,
62,
72,
796,
1179,
13,
1136,
10786,
368,
377,
62,
72,
3256,
1179,
13,
1136,
10786,
46265,
22046,
3256,
23884,
737,
1136,
10786,
368,
377,
62,
72,
6,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
1582,
62,
2617,
796,
1179,
13,
1136,
10786,
1845,
62,
2617,
3256,
1179,
13,
1136,
10786,
46265,
22046,
3256,
23884,
737,
1136,
10786,
1845,
62,
2617,
6,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
1366,
62,
312,
87,
796,
1179,
13,
1136,
10786,
7890,
62,
312,
87,
3256,
1179,
13,
1136,
10786,
46265,
22046,
3256,
23884,
737,
1136,
10786,
7890,
62,
312,
87,
6,
4008,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
1002,
530,
286,
777,
318,
6045,
11,
788,
340,
318,
407,
9380,
15726,
1695,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
770,
460,
1645,
611,
26498,
389,
973,
2427,
286,
479,
86,
22046,
329,
869,
62,
19849,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
4810,
31125,
2438,
1464,
3544,
479,
86,
22046,
290,
1239,
5640,
428,
1917,
198,
220,
220,
220,
220,
220,
220,
220,
611,
6045,
287,
357,
368,
377,
62,
72,
11,
1582,
62,
2617,
11,
1366,
62,
312,
87,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
9828,
62,
19662,
796,
5855,
37374,
1957,
9633,
705,
368,
377,
62,
72,
3256,
705,
1845,
62,
2617,
6,
290,
366,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
24018,
7890,
62,
312,
87,
6,
389,
407,
9380,
1695,
13,
35071,
366,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
38793,
481,
307,
26684,
2474,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
14601,
13,
40539,
7,
40539,
62,
19662,
11,
19390,
20361,
11,
8931,
5715,
28,
17,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
1835,
3153,
3108,
284,
11559,
2393,
198,
220,
220,
220,
220,
220,
220,
220,
2393,
6978,
796,
2116,
13557,
1136,
62,
1891,
929,
62,
6978,
7,
368,
377,
62,
72,
11,
6045,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
12793,
795,
377,
62,
72,
11,
1582,
62,
2617,
11,
1366,
62,
312,
87,
11,
26498,
290,
479,
86,
22046,
284,
289,
7568,
20,
198,
220,
220,
220,
220,
220,
220,
220,
351,
289,
20,
9078,
13,
8979,
7,
7753,
6978,
11,
705,
86,
11537,
355,
2393,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2393,
13,
1078,
3808,
17816,
368,
377,
62,
72,
20520,
796,
795,
377,
62,
72,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2393,
13,
1078,
3808,
17816,
1050,
1042,
62,
9641,
20520,
796,
11593,
9641,
834,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
289,
39423,
13,
39455,
7,
11600,
7,
1845,
62,
2617,
828,
2393,
11,
3108,
11639,
14,
1845,
62,
2617,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
289,
39423,
13,
39455,
7,
7890,
62,
312,
87,
11,
2393,
11,
3108,
11639,
14,
7890,
62,
312,
87,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
289,
39423,
13,
39455,
7,
22046,
11,
2393,
11,
3108,
11639,
14,
22046,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
289,
39423,
13,
39455,
7,
46265,
22046,
11,
2393,
11,
3108,
11639,
14,
46265,
22046,
11537,
628,
220,
220,
220,
1303,
770,
2163,
9743,
287,
257,
11559,
925,
416,
4808,
15883,
62,
1891,
929,
198,
220,
220,
220,
1303,
16926,
46,
25,
22507,
329,
4112,
3108,
284,
11559,
2393,
284,
307,
1813,
30,
198,
220,
220,
220,
1303,
16926,
46,
25,
38240,
284,
9037,
2446,
284,
1100,
35872,
1231,
47611,
2134,
30,
198,
220,
220,
220,
825,
4808,
961,
62,
1891,
929,
7,
944,
11,
795,
377,
62,
72,
11,
1635,
11,
35488,
28,
14202,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
4149,
82,
287,
257,
11559,
5572,
37,
20,
12,
7753,
2727,
416,
262,
1058,
76,
2788,
25,
63,
93,
62,
15883,
62,
1891,
929,
63,
198,
220,
220,
220,
220,
220,
220,
220,
2446,
11,
1262,
262,
2810,
4600,
368,
377,
62,
72,
63,
290,
262,
1988,
286,
1058,
35226,
25,
63,
93,
3672,
44646,
628,
220,
220,
220,
220,
220,
220,
220,
40117,
198,
220,
220,
220,
220,
220,
220,
220,
24200,
438,
198,
220,
220,
220,
220,
220,
220,
220,
795,
377,
62,
72,
1058,
493,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
383,
38274,
24415,
326,
373,
2810,
284,
262,
1058,
76,
2788,
25,
63,
93,
13345,
62,
19849,
63,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2446,
618,
262,
11559,
373,
925,
13,
628,
220,
220,
220,
220,
220,
220,
220,
32233,
198,
220,
220,
220,
220,
220,
220,
220,
24200,
198,
220,
220,
220,
220,
220,
220,
220,
35488,
1058,
965,
393,
6045,
13,
15161,
25,
6045,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
383,
35488,
286,
262,
11559,
2393,
357,
37814,
1022,
46672,
8,
326,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2476,
284,
307,
1100,
13,
1002,
1635,
14202,
9,
393,
6565,
11,
262,
938,
2727,
11559,
481,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
307,
1100,
13,
628,
220,
220,
220,
220,
220,
220,
220,
16409,
198,
220,
220,
220,
220,
220,
220,
220,
35656,
198,
220,
220,
220,
220,
220,
220,
220,
29472,
1058,
965,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
383,
4112,
3108,
284,
262,
11559,
2393,
326,
468,
587,
1100,
13,
198,
220,
220,
220,
220,
220,
220,
220,
1366,
1058,
8633,
351,
8251,
4600,
10786,
368,
377,
62,
72,
3256,
705,
1050,
1042,
62,
9641,
3256,
705,
1845,
62,
2617,
3256,
63,
3467,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4600,
6,
7890,
62,
312,
87,
3256,
705,
22046,
3256,
705,
46265,
22046,
11537,
63,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
317,
8633,
7268,
262,
1366,
326,
373,
2810,
284,
262,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1058,
76,
2788,
25,
63,
93,
62,
15883,
62,
1891,
929,
63,
2446,
13,
628,
220,
220,
220,
220,
220,
220,
220,
37227,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
35123,
6509,
546,
428,
3895,
852,
11992,
198,
220,
220,
220,
220,
220,
220,
220,
9828,
62,
19662,
796,
5855,
464,
705,
13345,
62,
19849,
6,
11559,
1080,
318,
991,
11992,
290,
366,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
270,
743,
766,
2383,
2458,
393,
307,
357,
260,
8,
76,
2668,
287,
262,
366,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
37443,
2474,
8,
198,
220,
220,
220,
220,
220,
220,
220,
14601,
13,
40539,
7,
40539,
62,
19662,
11,
27018,
20361,
11,
8931,
5715,
28,
17,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
6822,
611,
2810,
795,
377,
62,
72,
318,
281,
18253,
198,
220,
220,
220,
220,
220,
220,
220,
795,
377,
62,
72,
796,
2198,
62,
12786,
7,
368,
377,
62,
72,
11,
705,
368,
377,
62,
72,
3256,
705,
600,
3256,
705,
77,
12480,
11537,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
6822,
611,
2810,
35488,
318,
6045,
393,
257,
4731,
198,
220,
220,
220,
220,
220,
220,
220,
611,
35488,
318,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
35488,
796,
10148,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
35488,
796,
2198,
62,
12786,
7,
37333,
844,
11,
705,
37333,
844,
3256,
705,
2536,
11537,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
1835,
3153,
1438,
286,
11559,
2393,
198,
220,
220,
220,
220,
220,
220,
220,
2393,
6978,
796,
2116,
13557,
1136,
62,
1891,
929,
62,
6978,
7,
368,
377,
62,
72,
11,
35488,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
20768,
1096,
6565,
1366,
8633,
198,
220,
220,
220,
220,
220,
220,
220,
1366,
796,
264,
11600,
3419,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
4149,
795,
377,
62,
72,
11,
1582,
62,
2617,
11,
1366,
62,
312,
87,
11,
26498,
290,
479,
86,
22046,
422,
289,
7568,
20,
198,
220,
220,
220,
220,
220,
220,
220,
351,
289,
20,
9078,
13,
8979,
7,
7753,
6978,
11,
705,
81,
11537,
355,
2393,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1366,
17816,
368,
377,
62,
72,
20520,
796,
2393,
13,
1078,
3808,
17816,
368,
377,
62,
72,
20520,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1366,
17816,
1050,
1042,
62,
9641,
20520,
796,
2393,
13,
1078,
3808,
17816,
1050,
1042,
62,
9641,
20520,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1366,
17816,
1845,
62,
2617,
20520,
796,
264,
11600,
7,
71,
39423,
13,
2220,
7,
7753,
11,
3108,
11639,
14,
1845,
62,
2617,
6,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1366,
17816,
7890,
62,
312,
87,
20520,
796,
289,
39423,
13,
2220,
7,
7753,
11,
3108,
11639,
14,
7890,
62,
312,
87,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1366,
17816,
22046,
20520,
796,
289,
39423,
13,
2220,
7,
7753,
11,
3108,
11639,
14,
22046,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1366,
17816,
46265,
22046,
20520,
796,
289,
39423,
13,
2220,
7,
7753,
11,
3108,
11639,
14,
46265,
22046,
11537,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
8229,
1366,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
7,
7753,
6978,
11,
1366,
8,
628,
220,
220,
220,
2488,
26745,
198,
220,
220,
220,
825,
4808,
12286,
62,
19849,
62,
17143,
7307,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
8633,
25,
383,
4277,
2746,
10007,
284,
779,
329,
790,
4554,
286,
428,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
4871,
25,
63,
93,
17633,
11280,
63,
47611,
13,
628,
220,
220,
220,
220,
220,
220,
220,
37227,
628,
220,
220,
220,
220,
220,
220,
220,
1441,
7,
82,
11600,
28955,
628,
220,
220,
220,
825,
651,
62,
12286,
62,
19849,
62,
17143,
7307,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
16409,
262,
4277,
2746,
10007,
284,
779,
329,
790,
4554,
286,
428,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
4871,
25,
63,
93,
17633,
11280,
63,
47611,
13,
2750,
4277,
11,
5860,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
35226,
25,
63,
93,
17633,
11280,
13557,
12286,
62,
19849,
62,
17143,
7307,
44646,
628,
220,
220,
220,
220,
220,
220,
220,
37227,
628,
220,
220,
220,
220,
220,
220,
220,
1441,
7,
944,
13557,
12286,
62,
19849,
62,
17143,
7307,
8,
628,
220,
220,
220,
825,
11593,
2617,
62,
19849,
62,
17143,
7307,
7,
944,
11,
751,
62,
19849,
62,
17143,
7307,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
2980,
689,
262,
2746,
11507,
6608,
422,
262,
4277,
2746,
198,
220,
220,
220,
220,
220,
220,
220,
10007,
290,
262,
3224,
5128,
4578,
4600,
2860,
62,
19849,
62,
17143,
7307,
44646,
628,
220,
220,
220,
220,
220,
220,
220,
40117,
198,
220,
220,
220,
220,
220,
220,
220,
24200,
438,
198,
220,
220,
220,
220,
220,
220,
220,
751,
62,
19849,
62,
17143,
7307,
1058,
7177,
62,
2339,
11,
8633,
11,
965,
393,
6045,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
21035,
326,
460,
307,
11513,
284,
257,
8633,
326,
3769,
1729,
12,
12286,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2746,
10007,
1321,
393,
1635,
14202,
9,
611,
691,
4277,
1321,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
318,
973,
422,
1058,
76,
2788,
25,
63,
93,
17633,
11280,
13,
1136,
62,
12286,
62,
19849,
62,
17143,
7307,
44646,
628,
220,
220,
220,
220,
220,
220,
220,
2980,
689,
198,
220,
220,
220,
220,
220,
220,
220,
45337,
198,
220,
220,
220,
220,
220,
220,
220,
299,
62,
1845,
1058,
493,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
7913,
286,
2746,
10007,
13,
198,
220,
220,
220,
220,
220,
220,
220,
1582,
62,
3672,
1058,
1351,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
7343,
351,
2746,
11507,
3891,
13,
198,
220,
220,
220,
220,
220,
220,
220,
1582,
62,
81,
782,
1058,
1058,
26801,
25,
63,
93,
77,
32152,
13,
358,
18747,
63,
2134,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
15690,
7268,
262,
2793,
290,
6727,
3815,
286,
262,
2746,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
10007,
13,
198,
220,
220,
220,
220,
220,
220,
220,
1582,
62,
395,
1058,
1351,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
7343,
7268,
2836,
12,
23211,
6108,
3815,
286,
262,
2746,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
10007,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
49850,
1635,
14202,
9,
287,
4113,
810,
7746,
547,
407,
2810,
13,
628,
220,
220,
220,
220,
220,
220,
220,
37227,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
1835,
3153,
4277,
2746,
10007,
198,
220,
220,
220,
220,
220,
220,
220,
2746,
62,
17143,
7307,
796,
59,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
10385,
62,
17143,
7307,
7,
944,
13,
1136,
62,
12286,
62,
19849,
62,
17143,
7307,
28955,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
1002,
3224,
2746,
10007,
1321,
318,
1813,
11,
751,
340,
198,
220,
220,
220,
220,
220,
220,
220,
611,
751,
62,
19849,
62,
17143,
7307,
318,
407,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2746,
62,
17143,
7307,
13,
19119,
7,
1102,
1851,
62,
17143,
7307,
7,
2860,
62,
19849,
62,
17143,
7307,
4008,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
12793,
1271,
286,
2746,
10007,
198,
220,
220,
220,
220,
220,
220,
220,
299,
62,
1845,
796,
18896,
7,
19849,
62,
17143,
7307,
13,
13083,
28955,
198,
220,
220,
220,
220,
220,
220,
220,
611,
7,
77,
62,
1845,
6624,
352,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5298,
304,
1485,
13,
20560,
12331,
7203,
15057,
286,
2746,
10007,
1276,
307,
379,
1551,
366,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
17,
2474,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
77,
62,
1845,
796,
2198,
62,
12786,
7,
77,
62,
1845,
11,
705,
77,
62,
1845,
3256,
705,
1930,
11537,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
13610,
6565,
11507,
1438,
11,
16069,
290,
8636,
8341,
14,
3258,
592,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
1845,
62,
3672,
796,
17635,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
1845,
62,
81,
782,
796,
45941,
13,
9107,
418,
26933,
944,
13557,
77,
62,
1845,
11,
362,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
1845,
62,
81,
782,
58,
45299,
352,
60,
796,
352,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
1845,
62,
395,
796,
17635,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
12793,
2746,
10007,
355,
1398,
6608,
198,
220,
220,
220,
220,
220,
220,
220,
329,
1312,
11,
357,
3672,
11,
20789,
81,
782,
11,
1556,
4008,
287,
27056,
378,
7,
19849,
62,
17143,
7307,
13,
23814,
3419,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
12793,
11507,
1438,
11,
2837,
290,
1556,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
1845,
62,
3672,
13,
33295,
7,
3672,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
1845,
62,
81,
782,
58,
72,
60,
796,
374,
782,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
1845,
62,
395,
13,
33295,
7,
395,
8,
628,
220,
220,
220,
2488,
26745,
198,
220,
220,
220,
825,
4808,
12286,
62,
19849,
62,
7890,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
8633,
25,
383,
4277,
2746,
1366,
284,
779,
329,
790,
4554,
286,
428,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
4871,
25,
63,
93,
17633,
11280,
63,
47611,
13,
628,
220,
220,
220,
220,
220,
220,
220,
37227,
628,
220,
220,
220,
220,
220,
220,
220,
1441,
7,
11600,
28955,
628,
220,
220,
220,
825,
651,
62,
12286,
62,
19849,
62,
7890,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
16409,
262,
4277,
2746,
1366,
284,
779,
329,
790,
4554,
286,
428,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
4871,
25,
63,
93,
17633,
11280,
63,
47611,
13,
2750,
4277,
11,
5860,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
35226,
25,
63,
93,
17633,
11280,
13557,
12286,
62,
19849,
62,
7890,
44646,
628,
220,
220,
220,
220,
220,
220,
220,
37227,
628,
220,
220,
220,
220,
220,
220,
220,
1441,
7,
944,
13557,
12286,
62,
19849,
62,
7890,
8,
628,
220,
220,
220,
825,
11593,
2617,
62,
19849,
62,
7890,
7,
944,
11,
751,
62,
19849,
62,
7890,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
2980,
689,
262,
2746,
1366,
6608,
422,
262,
4277,
2746,
1366,
290,
262,
198,
220,
220,
220,
220,
220,
220,
220,
3224,
5128,
4578,
4600,
2860,
62,
19849,
62,
7890,
44646,
628,
220,
220,
220,
220,
220,
220,
220,
40117,
198,
220,
220,
220,
220,
220,
220,
220,
45337,
198,
220,
220,
220,
220,
220,
220,
220,
751,
62,
19849,
62,
7890,
1058,
7177,
62,
2339,
11,
8633,
11,
965,
393,
6045,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
21035,
326,
460,
307,
11513,
284,
257,
8633,
326,
3769,
1729,
12,
12286,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2746,
1366,
1321,
393,
1635,
14202,
9,
611,
691,
4277,
1366,
318,
973,
422,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1058,
76,
2788,
25,
63,
93,
17633,
11280,
13,
1136,
62,
12286,
62,
19849,
62,
7890,
44646,
628,
220,
220,
220,
220,
220,
220,
220,
2980,
689,
198,
220,
220,
220,
220,
220,
220,
220,
45337,
198,
220,
220,
220,
220,
220,
220,
220,
299,
62,
7890,
1058,
493,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
7913,
286,
2810,
1366,
2173,
13,
198,
220,
220,
220,
220,
220,
220,
220,
1366,
62,
2100,
1058,
1351,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
7343,
351,
3815,
286,
2810,
1366,
2173,
13,
198,
220,
220,
220,
220,
220,
220,
220,
1366,
62,
8056,
1058,
1351,
286,
8341,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
7343,
351,
6727,
290,
2793,
1058,
11018,
25,
63,
16,
6852,
82,
13495,
63,
12,
39745,
2974,
286,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2810,
1366,
2173,
13,
198,
220,
220,
220,
220,
220,
220,
220,
1366,
62,
2777,
66,
1058,
1351,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
7343,
351,
3858,
286,
1988,
2272,
37913,
6,
2815,
3256,
705,
6404,
3256,
705,
18755,
6,
30072,
286,
2810,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1366,
2173,
13,
198,
220,
220,
220,
220,
220,
220,
220,
1366,
62,
312,
87,
1058,
1351,
286,
12777,
2374,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
7343,
351,
2836,
12,
23211,
1366,
966,
42814,
13,
628,
220,
220,
220,
220,
220,
220,
220,
37227,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
1835,
3153,
4277,
2746,
1366,
198,
220,
220,
220,
220,
220,
220,
220,
2746,
62,
7890,
796,
10385,
62,
7890,
7,
944,
13,
1136,
62,
12286,
62,
19849,
62,
7890,
28955,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
1002,
3224,
2746,
1366,
1321,
318,
1813,
11,
751,
340,
198,
220,
220,
220,
220,
220,
220,
220,
611,
751,
62,
19849,
62,
7890,
318,
407,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2746,
62,
7890,
13,
19119,
7,
1102,
1851,
62,
7890,
7,
2860,
62,
19849,
62,
7890,
4008,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
45559,
3810,
262,
1271,
286,
1366,
2173,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
77,
62,
7890,
796,
2198,
62,
12786,
7,
11925,
7,
19849,
62,
7890,
828,
705,
77,
62,
7890,
3256,
705,
1930,
11537,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
13610,
6565,
1366,
1988,
11,
4049,
11,
2272,
290,
27421,
8341,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
7890,
62,
2100,
796,
17635,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
7890,
62,
8056,
796,
17635,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
7890,
62,
2777,
66,
796,
17635,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
7890,
62,
312,
87,
796,
17635,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
12793,
2746,
1366,
355,
1398,
6608,
198,
220,
220,
220,
220,
220,
220,
220,
329,
4686,
87,
11,
357,
2100,
11,
1635,
8056,
11,
599,
66,
8,
287,
2746,
62,
7890,
13,
23814,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
12793,
1366,
1988,
11,
8563,
11,
2272,
290,
27421,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
7890,
62,
2100,
13,
33295,
7,
2100,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
7890,
62,
8056,
13,
33295,
7,
8056,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
7890,
62,
2777,
66,
13,
33295,
7,
2777,
66,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
7890,
62,
312,
87,
13,
33295,
7,
312,
87,
8,
628,
220,
220,
220,
1303,
43313,
9564,
18601,
10659,
1294,
1137,
337,
36252,
50,
198,
220,
220,
220,
2488,
39305,
13,
397,
8709,
24396,
198,
220,
220,
220,
2488,
68,
1485,
13,
15390,
8841,
62,
7266,
301,
3678,
7,
368,
377,
62,
72,
28,
19282,
62,
368,
377,
62,
72,
62,
15390,
8,
198,
220,
220,
220,
825,
869,
62,
19849,
7,
944,
11,
795,
377,
62,
72,
11,
1582,
62,
2617,
11,
1366,
62,
312,
87,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
27592,
262,
2746,
12908,
287,
428,
1058,
4871,
25,
63,
93,
17633,
11280,
63,
47611,
379,
198,
220,
220,
220,
220,
220,
220,
220,
38274,
24415,
4600,
368,
377,
62,
72,
63,
329,
2746,
11507,
3815,
4600,
1845,
62,
2617,
63,
290,
198,
220,
220,
220,
220,
220,
220,
220,
5860,
262,
1366,
2173,
11188,
284,
4600,
7890,
62,
312,
87,
44646,
628,
220,
220,
220,
220,
220,
220,
220,
770,
2446,
318,
1444,
351,
9944,
21179,
7159,
13,
628,
220,
220,
220,
220,
220,
220,
220,
770,
318,
281,
12531,
2446,
290,
1276,
307,
23170,
4651,
416,
262,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
4871,
25,
63,
93,
17633,
11280,
63,
47611,
13,
628,
220,
220,
220,
220,
220,
220,
220,
40117,
198,
220,
220,
220,
220,
220,
220,
220,
24200,
438,
198,
220,
220,
220,
220,
220,
220,
220,
4064,
7,
368,
377,
62,
72,
8,
82,
198,
220,
220,
220,
220,
220,
220,
220,
1582,
62,
2617,
1058,
8633,
286,
1058,
4871,
25,
63,
93,
77,
32152,
13,
22468,
2414,
63,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
360,
713,
7268,
262,
3815,
329,
477,
2746,
10007,
11188,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
284,
262,
9167,
2746,
23258,
7,
82,
737,
1002,
2746,
318,
2060,
12,
7174,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8633,
2378,
318,
39559,
355,
7559,
90,
1845,
62,
3672,
25,
1582,
62,
2100,
92,
15506,
13,
1002,
5021,
12,
7174,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
340,
318,
39559,
355,
7559,
90,
1845,
62,
3672,
25,
685,
1845,
62,
2100,
62,
16,
11,
1582,
62,
2100,
62,
17,
11,
2644,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1582,
62,
2100,
62,
77,
48999,
15506,
13,
198,
220,
220,
220,
220,
220,
220,
220,
1366,
62,
312,
87,
1058,
1351,
286,
12777,
2374,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
7343,
7268,
262,
2836,
12,
23211,
1366,
966,
42814,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
11188,
284,
262,
9167,
1366,
2173,
13,
628,
220,
220,
220,
220,
220,
220,
220,
16409,
198,
220,
220,
220,
220,
220,
220,
220,
35656,
198,
220,
220,
220,
220,
220,
220,
220,
1366,
62,
2100,
1058,
352,
35,
393,
362,
35,
7177,
62,
2339,
393,
8633,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
15690,
7268,
262,
1366,
3815,
11188,
284,
262,
9167,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1366,
2173,
7560,
416,
262,
9167,
2746,
23258,
7,
82,
737,
1002,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2746,
318,
5021,
12,
7174,
11,
4600,
7890,
62,
2100,
63,
318,
286,
5485,
11592,
77,
62,
37687,
11,
299,
62,
7890,
8,
15506,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1002,
8633,
11,
340,
468,
262,
42814,
287,
4600,
7890,
62,
312,
87,
63,
355,
663,
8251,
351,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2035,
16578,
945,
393,
352,
35,
7177,
62,
75,
7938,
355,
663,
3815,
13,
628,
220,
220,
220,
220,
220,
220,
220,
5740,
198,
220,
220,
220,
220,
220,
220,
220,
13498,
198,
220,
220,
220,
220,
220,
220,
220,
1002,
428,
2746,
318,
5021,
12,
7174,
11,
788,
262,
11507,
5621,
287,
262,
2810,
198,
220,
220,
220,
220,
220,
220,
220,
4600,
1845,
62,
2617,
63,
8633,
481,
307,
23243,
287,
1502,
286,
11507,
1438,
357,
68,
13,
70,
1539,
3297,
319,
198,
220,
220,
220,
220,
220,
220,
220,
717,
11507,
717,
11,
788,
319,
1218,
11507,
11,
3503,
15729,
628,
220,
220,
220,
220,
220,
220,
220,
37227,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
35123,
1892,
3546,
1154,
12061,
12331,
611,
691,
2208,
3419,
373,
1444,
198,
220,
220,
220,
220,
220,
220,
220,
5298,
1892,
3546,
1154,
12061,
12331,
7203,
1212,
2446,
1276,
307,
2836,
12,
15266,
287,
262,
366,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
17633,
11280,
47611,
2474,
8,
628,
220,
220,
220,
2488,
39305,
13,
397,
8709,
24396,
198,
220,
220,
220,
2488,
68,
1485,
13,
15390,
8841,
62,
7266,
301,
3678,
7,
368,
377,
62,
72,
28,
19282,
62,
368,
377,
62,
72,
62,
15390,
8,
198,
220,
220,
220,
825,
651,
62,
9132,
62,
7785,
7,
944,
11,
795,
377,
62,
72,
11,
1582,
62,
2617,
11,
1366,
62,
312,
87,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
27131,
689,
262,
14174,
2746,
34466,
24198,
379,
257,
1813,
38274,
198,
220,
220,
220,
220,
220,
220,
220,
24415,
4600,
368,
377,
62,
72,
63,
329,
2746,
11507,
3815,
4600,
1845,
62,
2617,
63,
290,
1813,
1366,
198,
220,
220,
220,
220,
220,
220,
220,
2173,
4600,
7890,
62,
312,
87,
63,
329,
262,
2746,
12908,
287,
428,
1058,
4871,
25,
63,
93,
17633,
11280,
63,
198,
220,
220,
220,
220,
220,
220,
220,
47611,
13,
628,
220,
220,
220,
220,
220,
220,
220,
770,
2446,
318,
1464,
2060,
12,
7174,
416,
530,
4904,
40,
4279,
351,
9944,
21179,
198,
220,
220,
220,
220,
220,
220,
220,
7159,
13,
628,
220,
220,
220,
220,
220,
220,
220,
770,
318,
281,
12531,
2446,
290,
1276,
307,
23170,
4651,
416,
262,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
4871,
25,
63,
93,
17633,
11280,
63,
47611,
13,
628,
220,
220,
220,
220,
220,
220,
220,
40117,
198,
220,
220,
220,
220,
220,
220,
220,
24200,
438,
198,
220,
220,
220,
220,
220,
220,
220,
4064,
7,
368,
377,
62,
72,
8,
82,
198,
220,
220,
220,
220,
220,
220,
220,
1582,
62,
2617,
1058,
8633,
286,
1058,
4871,
25,
63,
93,
77,
32152,
13,
22468,
2414,
63,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
360,
713,
7268,
262,
3815,
329,
477,
2746,
10007,
11188,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
284,
262,
9167,
2746,
23258,
13,
198,
220,
220,
220,
220,
220,
220,
220,
1366,
62,
312,
87,
1058,
1351,
286,
12777,
2374,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
7343,
7268,
262,
2836,
12,
23211,
1366,
966,
42814,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
11188,
284,
262,
9167,
1366,
2173,
13,
628,
220,
220,
220,
220,
220,
220,
220,
16409,
198,
220,
220,
220,
220,
220,
220,
220,
35656,
198,
220,
220,
220,
220,
220,
220,
220,
45243,
62,
7785,
1058,
352,
35,
393,
362,
35,
7177,
62,
2339,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
15690,
7268,
262,
14174,
2746,
34466,
24198,
3815,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
11188,
284,
262,
9167,
1366,
2173,
13,
1002,
352,
35,
7177,
62,
2339,
11,
1366,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
318,
9672,
284,
423,
257,
19254,
530,
264,
13495,
6628,
16654,
13,
1002,
362,
35,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
7177,
62,
2339,
11,
262,
3815,
5004,
262,
6727,
290,
2793,
1401,
16097,
290,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
262,
7177,
318,
286,
5485,
11592,
77,
62,
7890,
11,
362,
8,
15506,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1002,
8633,
11,
340,
468,
262,
42814,
287,
4600,
7890,
62,
312,
87,
63,
355,
663,
8251,
351,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2035,
16578,
945,
393,
352,
35,
7177,
62,
75,
7938,
286,
4129,
362,
355,
663,
3815,
13,
628,
220,
220,
220,
220,
220,
220,
220,
11822,
198,
220,
220,
220,
220,
220,
220,
220,
37404,
198,
220,
220,
220,
220,
220,
220,
220,
383,
4504,
2746,
34466,
24198,
3815,
1276,
307,
286,
14174,
1296,
11,
198,
220,
220,
220,
220,
220,
220,
220,
772,
329,
883,
1366,
3815,
326,
389,
4504,
287,
2604,
283,
342,
9383,
1296,
416,
262,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
76,
2788,
25,
63,
93,
13345,
62,
19849,
63,
2446,
13,
1002,
407,
11,
262,
5885,
7160,
326,
262,
198,
220,
220,
220,
220,
220,
220,
220,
47065,
1429,
481,
407,
47873,
6105,
13,
628,
220,
220,
220,
220,
220,
220,
220,
37227,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
35123,
1892,
3546,
1154,
12061,
12331,
611,
691,
2208,
3419,
373,
1444,
198,
220,
220,
220,
220,
220,
220,
220,
5298,
1892,
3546,
1154,
12061,
12331,
7203,
1212,
2446,
1276,
307,
2836,
12,
15266,
287,
262,
366,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
17633,
11280,
47611,
2474,
8,
198
] | 2.377373 | 20,330 |
import numpy as np
from pysabr import Hagan2002NormalSABR
import logging
| [
11748,
299,
32152,
355,
45941,
198,
6738,
279,
893,
397,
81,
1330,
367,
7329,
16942,
26447,
4090,
11473,
198,
11748,
18931,
628
] | 3.363636 | 22 |
"""The search command."""
import requests, json
from termcolor import colored
from unidecode import unidecode
from newsapi.user_settings import UserSettings
from .base import Base
| [
37811,
464,
2989,
3141,
526,
15931,
198,
198,
11748,
7007,
11,
33918,
198,
6738,
3381,
8043,
1330,
16396,
198,
6738,
555,
485,
8189,
1330,
555,
485,
8189,
198,
6738,
1705,
15042,
13,
7220,
62,
33692,
1330,
11787,
26232,
198,
6738,
764,
8692,
1330,
7308,
628,
198,
220,
220,
220,
220,
220,
220,
220,
220,
628
] | 3.509091 | 55 |
import unittest
from metatron import Metatron, add_schema_spec
from metatron.schemas import SCHEMAS
if __name__ == '__main__':
unittest.main()
| [
11748,
555,
715,
395,
198,
6738,
1138,
23484,
1330,
38894,
11,
751,
62,
15952,
2611,
62,
16684,
198,
6738,
1138,
23484,
13,
1416,
4411,
292,
1330,
22374,
3620,
1921,
628,
628,
198,
361,
11593,
3672,
834,
6624,
705,
834,
12417,
834,
10354,
198,
220,
220,
220,
555,
715,
395,
13,
12417,
3419,
198
] | 2.849057 | 53 |
import taskloaf as tsk
import logging
logger = logging.getLogger(__name__)
# An example of a taskloaf "daemon"? Could be cool!
| [
11748,
4876,
5439,
1878,
355,
256,
8135,
198,
198,
11748,
18931,
198,
198,
6404,
1362,
796,
18931,
13,
1136,
11187,
1362,
7,
834,
3672,
834,
8,
198,
198,
2,
1052,
1672,
286,
257,
4876,
5439,
1878,
366,
6814,
7966,
13984,
10347,
307,
3608,
0,
628,
628
] | 2.891304 | 46 |
#
# PySNMP MIB module BIANCA-BRICK-CAPI-MIB (http://snmplabs.com/pysmi)
# ASN.1 source file:///Users/davwang4/Dev/mibs.snmplabs.com/asn1/BIANCA-BRICK-CAPI-MIB
# Produced by pysmi-0.3.4 at Mon Apr 29 17:21:03 2019
# On host DAVWANG4-M-1475 platform Darwin version 18.5.0 by user davwang4
# Using Python version 3.7.3 (default, Mar 27 2019, 09:23:15)
#
Integer, OctetString, ObjectIdentifier = mibBuilder.importSymbols("ASN1", "Integer", "OctetString", "ObjectIdentifier")
NamedValues, = mibBuilder.importSymbols("ASN1-ENUMERATION", "NamedValues")
ConstraintsUnion, ValueRangeConstraint, SingleValueConstraint, ValueSizeConstraint, ConstraintsIntersection = mibBuilder.importSymbols("ASN1-REFINEMENT", "ConstraintsUnion", "ValueRangeConstraint", "SingleValueConstraint", "ValueSizeConstraint", "ConstraintsIntersection")
BitValue, = mibBuilder.importSymbols("BIANCA-BRICK-PPP-MIB", "BitValue")
NotificationGroup, ModuleCompliance = mibBuilder.importSymbols("SNMPv2-CONF", "NotificationGroup", "ModuleCompliance")
Unsigned32, Integer32, MibIdentifier, Bits, Counter32, Counter64, Gauge32, MibScalar, MibTable, MibTableRow, MibTableColumn, IpAddress, iso, NotificationType, ObjectIdentity, ModuleIdentity, TimeTicks = mibBuilder.importSymbols("SNMPv2-SMI", "Unsigned32", "Integer32", "MibIdentifier", "Bits", "Counter32", "Counter64", "Gauge32", "MibScalar", "MibTable", "MibTableRow", "MibTableColumn", "IpAddress", "iso", "NotificationType", "ObjectIdentity", "ModuleIdentity", "TimeTicks")
TextualConvention, DisplayString = mibBuilder.importSymbols("SNMPv2-TC", "TextualConvention", "DisplayString")
org = MibIdentifier((1, 3))
dod = MibIdentifier((1, 3, 6))
internet = MibIdentifier((1, 3, 6, 1))
private = MibIdentifier((1, 3, 6, 1, 4))
enterprises = MibIdentifier((1, 3, 6, 1, 4, 1))
bintec = MibIdentifier((1, 3, 6, 1, 4, 1, 272))
bibo = MibIdentifier((1, 3, 6, 1, 4, 1, 272, 4))
capi = MibIdentifier((1, 3, 6, 1, 4, 1, 272, 4, 7))
capiApplTable = MibTable((1, 3, 6, 1, 4, 1, 272, 4, 7, 1), )
if mibBuilder.loadTexts: capiApplTable.setStatus('mandatory')
capiApplEntry = MibTableRow((1, 3, 6, 1, 4, 1, 272, 4, 7, 1, 1), ).setIndexNames((0, "BIANCA-BRICK-CAPI-MIB", "capiApplNumber"))
if mibBuilder.loadTexts: capiApplEntry.setStatus('mandatory')
capiApplNumber = MibTableColumn((1, 3, 6, 1, 4, 1, 272, 4, 7, 1, 1, 1), Integer32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: capiApplNumber.setStatus('mandatory')
capiApplVersion = MibTableColumn((1, 3, 6, 1, 4, 1, 272, 4, 7, 1, 1, 2), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(1, 2))).clone(namedValues=NamedValues(("capi11", 1), ("capi20", 2)))).setMaxAccess("readonly")
if mibBuilder.loadTexts: capiApplVersion.setStatus('mandatory')
capiApplByteOrder = MibTableColumn((1, 3, 6, 1, 4, 1, 272, 4, 7, 1, 1, 3), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(1, 2, 3))).clone(namedValues=NamedValues(("little-endian", 1), ("big-endian", 2), ("undef", 3)))).setMaxAccess("readonly")
if mibBuilder.loadTexts: capiApplByteOrder.setStatus('mandatory')
capiApplRegLevel3Cnt = MibTableColumn((1, 3, 6, 1, 4, 1, 272, 4, 7, 1, 1, 4), Integer32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: capiApplRegLevel3Cnt.setStatus('mandatory')
capiApplRegMsgCnt = MibTableColumn((1, 3, 6, 1, 4, 1, 272, 4, 7, 1, 1, 5), Integer32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: capiApplRegMsgCnt.setStatus('mandatory')
capiApplRegDblkCnt = MibTableColumn((1, 3, 6, 1, 4, 1, 272, 4, 7, 1, 1, 6), Integer32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: capiApplRegDblkCnt.setStatus('mandatory')
capiApplRegDblkSize = MibTableColumn((1, 3, 6, 1, 4, 1, 272, 4, 7, 1, 1, 7), Integer32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: capiApplRegDblkSize.setStatus('mandatory')
capiApplInfoStr = MibTableColumn((1, 3, 6, 1, 4, 1, 272, 4, 7, 1, 1, 8), DisplayString()).setMaxAccess("readonly")
if mibBuilder.loadTexts: capiApplInfoStr.setStatus('mandatory')
capiListenTable = MibTable((1, 3, 6, 1, 4, 1, 272, 4, 7, 2), )
if mibBuilder.loadTexts: capiListenTable.setStatus('mandatory')
capiListenEntry = MibTableRow((1, 3, 6, 1, 4, 1, 272, 4, 7, 2, 1), ).setIndexNames((0, "BIANCA-BRICK-CAPI-MIB", "capiListenApplication"))
if mibBuilder.loadTexts: capiListenEntry.setStatus('mandatory')
capiListenApplication = MibTableColumn((1, 3, 6, 1, 4, 1, 272, 4, 7, 2, 1, 1), Integer32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: capiListenApplication.setStatus('mandatory')
capiListenController = MibTableColumn((1, 3, 6, 1, 4, 1, 272, 4, 7, 2, 1, 2), HexValue()).setMaxAccess("readonly")
if mibBuilder.loadTexts: capiListenController.setStatus('mandatory')
capiListenServiceMask = MibTableColumn((1, 3, 6, 1, 4, 1, 272, 4, 7, 2, 1, 3), HexValue()).setMaxAccess("readonly")
if mibBuilder.loadTexts: capiListenServiceMask.setStatus('mandatory')
capiListenEazMask = MibTableColumn((1, 3, 6, 1, 4, 1, 272, 4, 7, 2, 1, 4), HexValue()).setMaxAccess("readonly")
if mibBuilder.loadTexts: capiListenEazMask.setStatus('mandatory')
capiListenInfoMask = MibTableColumn((1, 3, 6, 1, 4, 1, 272, 4, 7, 2, 1, 5), HexValue()).setMaxAccess("readonly")
if mibBuilder.loadTexts: capiListenInfoMask.setStatus('mandatory')
capiListenCipMask = MibTableColumn((1, 3, 6, 1, 4, 1, 272, 4, 7, 2, 1, 6), HexValue()).setMaxAccess("readonly")
if mibBuilder.loadTexts: capiListenCipMask.setStatus('mandatory')
capiListenCipMask2 = MibTableColumn((1, 3, 6, 1, 4, 1, 272, 4, 7, 2, 1, 7), HexValue()).setMaxAccess("readonly")
if mibBuilder.loadTexts: capiListenCipMask2.setStatus('mandatory')
capiPlciTable = MibTable((1, 3, 6, 1, 4, 1, 272, 4, 7, 3), )
if mibBuilder.loadTexts: capiPlciTable.setStatus('mandatory')
capiPlciEntry = MibTableRow((1, 3, 6, 1, 4, 1, 272, 4, 7, 3, 1), ).setIndexNames((0, "BIANCA-BRICK-CAPI-MIB", "capiPlciNumber"))
if mibBuilder.loadTexts: capiPlciEntry.setStatus('mandatory')
capiPlciNumber = MibTableColumn((1, 3, 6, 1, 4, 1, 272, 4, 7, 3, 1, 1), HexValue()).setMaxAccess("readonly")
if mibBuilder.loadTexts: capiPlciNumber.setStatus('mandatory')
capiPlciApplication = MibTableColumn((1, 3, 6, 1, 4, 1, 272, 4, 7, 3, 1, 2), Integer32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: capiPlciApplication.setStatus('mandatory')
capiPlciController = MibTableColumn((1, 3, 6, 1, 4, 1, 272, 4, 7, 3, 1, 3), HexValue()).setMaxAccess("readonly")
if mibBuilder.loadTexts: capiPlciController.setStatus('mandatory')
capiPlciState = MibTableColumn((1, 3, 6, 1, 4, 1, 272, 4, 7, 3, 1, 4), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(1, 2, 3, 4, 5, 6, 7, 8, 9))).clone(namedValues=NamedValues(("p-0", 1), ("p-1", 2), ("p-2", 3), ("p-3", 4), ("p-4", 5), ("p-5", 6), ("p-6", 7), ("p-7", 8), ("p-act", 9)))).setMaxAccess("readonly")
if mibBuilder.loadTexts: capiPlciState.setStatus('mandatory')
capiPlciSelectB2Proto = MibTableColumn((1, 3, 6, 1, 4, 1, 272, 4, 7, 3, 1, 5), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 241, 242))).clone(namedValues=NamedValues(("undef", 1), ("x75", 2), ("hdlccrc", 3), ("trans", 4), ("sdlc", 5), ("x75btx", 6), ("fax", 7), ("lapd", 8), ("v110trans", 9), ("v110sdlc", 10), ("v110x75", 11), ("txonly", 12), ("modem", 241), ("v110sync", 242)))).setMaxAccess("readonly")
if mibBuilder.loadTexts: capiPlciSelectB2Proto.setStatus('mandatory')
capiPlciSelectB2Dlpd = MibTableColumn((1, 3, 6, 1, 4, 1, 272, 4, 7, 3, 1, 6), OctetString()).setMaxAccess("readonly")
if mibBuilder.loadTexts: capiPlciSelectB2Dlpd.setStatus('mandatory')
capiPlciSelectB3Proto = MibTableColumn((1, 3, 6, 1, 4, 1, 272, 4, 7, 3, 1, 7), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(1, 2, 3, 4, 5, 6))).clone(namedValues=NamedValues(("undef", 1), ("t70nl", 2), ("iso8208", 3), ("t90", 4), ("trans", 5), ("t30", 6)))).setMaxAccess("readonly")
if mibBuilder.loadTexts: capiPlciSelectB3Proto.setStatus('mandatory')
capiPlciSelectB3Ncpd = MibTableColumn((1, 3, 6, 1, 4, 1, 272, 4, 7, 3, 1, 8), OctetString()).setMaxAccess("readonly")
if mibBuilder.loadTexts: capiPlciSelectB3Ncpd.setStatus('mandatory')
capiPlciB1Proto = MibTableColumn((1, 3, 6, 1, 4, 1, 272, 4, 7, 3, 1, 9), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11))).clone(namedValues=NamedValues(("undef", 1), ("hdlc", 2), ("trans", 3), ("v110trans", 4), ("v110hdlc", 5), ("faxg3", 6), ("hdlcinv", 7), ("hdlc56", 8), ("modemneg", 9), ("modemasync", 10), ("modemsync", 11)))).setMaxAccess("readonly")
if mibBuilder.loadTexts: capiPlciB1Proto.setStatus('mandatory')
capiPlciB1Config = MibTableColumn((1, 3, 6, 1, 4, 1, 272, 4, 7, 3, 1, 10), OctetString()).setMaxAccess("readonly")
if mibBuilder.loadTexts: capiPlciB1Config.setStatus('mandatory')
capiPlciB2Proto = MibTableColumn((1, 3, 6, 1, 4, 1, 272, 4, 7, 3, 1, 11), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(1, 2, 3, 4, 5, 6, 7, 8, 9))).clone(namedValues=NamedValues(("undef", 1), ("x75", 2), ("trans", 3), ("sdlc", 4), ("lapd", 5), ("t30", 6), ("ppp", 7), ("transerr", 8), ("modem", 9)))).setMaxAccess("readonly")
if mibBuilder.loadTexts: capiPlciB2Proto.setStatus('mandatory')
capiPlciB2Config = MibTableColumn((1, 3, 6, 1, 4, 1, 272, 4, 7, 3, 1, 12), OctetString()).setMaxAccess("readonly")
if mibBuilder.loadTexts: capiPlciB2Config.setStatus('mandatory')
capiPlciB3Proto = MibTableColumn((1, 3, 6, 1, 4, 1, 272, 4, 7, 3, 1, 13), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(1, 2, 3, 4, 5, 6, 7, 9))).clone(namedValues=NamedValues(("undef", 1), ("trans", 2), ("t90", 3), ("iso8208", 4), ("x25dce", 5), ("t30", 6), ("t30ext", 7), ("modem", 9)))).setMaxAccess("readonly")
if mibBuilder.loadTexts: capiPlciB3Proto.setStatus('mandatory')
capiPlciB3Config = MibTableColumn((1, 3, 6, 1, 4, 1, 272, 4, 7, 3, 1, 14), OctetString()).setMaxAccess("readonly")
if mibBuilder.loadTexts: capiPlciB3Config.setStatus('mandatory')
capiPlciCipValue = MibTableColumn((1, 3, 6, 1, 4, 1, 272, 4, 7, 3, 1, 15), Integer32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: capiPlciCipValue.setStatus('mandatory')
capiPlciInfoMask = MibTableColumn((1, 3, 6, 1, 4, 1, 272, 4, 7, 3, 1, 16), HexValue()).setMaxAccess("readonly")
if mibBuilder.loadTexts: capiPlciInfoMask.setStatus('mandatory')
capiNcciTable = MibTable((1, 3, 6, 1, 4, 1, 272, 4, 7, 4), )
if mibBuilder.loadTexts: capiNcciTable.setStatus('mandatory')
capiNcciEntry = MibTableRow((1, 3, 6, 1, 4, 1, 272, 4, 7, 4, 1), ).setIndexNames((0, "BIANCA-BRICK-CAPI-MIB", "capiNcciNumber"))
if mibBuilder.loadTexts: capiNcciEntry.setStatus('mandatory')
capiNcciNumber = MibTableColumn((1, 3, 6, 1, 4, 1, 272, 4, 7, 4, 1, 1), HexValue()).setMaxAccess("readonly")
if mibBuilder.loadTexts: capiNcciNumber.setStatus('mandatory')
capiNcciApplication = MibTableColumn((1, 3, 6, 1, 4, 1, 272, 4, 7, 4, 1, 2), Integer32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: capiNcciApplication.setStatus('mandatory')
capiNcciPlci = MibTableColumn((1, 3, 6, 1, 4, 1, 272, 4, 7, 4, 1, 3), HexValue()).setMaxAccess("readonly")
if mibBuilder.loadTexts: capiNcciPlci.setStatus('mandatory')
capiNcciState = MibTableColumn((1, 3, 6, 1, 4, 1, 272, 4, 7, 4, 1, 4), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(1, 2, 3, 4, 5, 6, 7))).clone(namedValues=NamedValues(("n-0", 1), ("n-1", 2), ("n-2", 3), ("n-3", 4), ("n-4", 5), ("n-5", 6), ("n-act", 7)))).setMaxAccess("readonly")
if mibBuilder.loadTexts: capiNcciState.setStatus('mandatory')
capiInfoTable = MibTable((1, 3, 6, 1, 4, 1, 272, 4, 7, 5), )
if mibBuilder.loadTexts: capiInfoTable.setStatus('mandatory')
capiInfoEntry = MibTableRow((1, 3, 6, 1, 4, 1, 272, 4, 7, 5, 1), ).setIndexNames((0, "BIANCA-BRICK-CAPI-MIB", "capiInfoApplication"))
if mibBuilder.loadTexts: capiInfoEntry.setStatus('mandatory')
capiInfoApplication = MibTableColumn((1, 3, 6, 1, 4, 1, 272, 4, 7, 5, 1, 1), Integer32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: capiInfoApplication.setStatus('mandatory')
capiInfoPlci = MibTableColumn((1, 3, 6, 1, 4, 1, 272, 4, 7, 5, 1, 2), HexValue()).setMaxAccess("readonly")
if mibBuilder.loadTexts: capiInfoPlci.setStatus('mandatory')
capiInfoNcci = MibTableColumn((1, 3, 6, 1, 4, 1, 272, 4, 7, 5, 1, 3), HexValue()).setMaxAccess("readonly")
if mibBuilder.loadTexts: capiInfoNcci.setStatus('mandatory')
capiInfoC1Command = MibTableColumn((1, 3, 6, 1, 4, 1, 272, 4, 7, 5, 1, 4), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 64, 128, 129, 130, 131, 132, 133, 134, 135))).clone(namedValues=NamedValues(("resetb3", 1), ("connect", 2), ("conact", 3), ("disc", 4), ("listen", 5), ("param", 6), ("info", 7), ("data", 8), ("conninfo", 9), ("dtmf", 10), ("selb2", 64), ("selb3", 128), ("listenb3", 129), ("conb3", 130), ("conb3act", 131), ("discb3", 132), ("b3param", 133), ("datab3", 134), ("handset", 135)))).setMaxAccess("readonly")
if mibBuilder.loadTexts: capiInfoC1Command.setStatus('mandatory')
capiInfoC2Command = MibTableColumn((1, 3, 6, 1, 4, 1, 272, 4, 7, 5, 1, 5), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(1, 2, 3, 4, 5, 8, 65, 128, 130, 131, 132, 134, 135, 136, 255))).clone(namedValues=NamedValues(("alert", 1), ("connect", 2), ("conact", 3), ("disc", 4), ("listen", 5), ("info", 8), ("selectb", 65), ("facility", 128), ("conb3", 130), ("conb3act", 131), ("discb3", 132), ("datab3", 134), ("resetb3", 135), ("conb3t90", 136), ("manufact", 255)))).setMaxAccess("readonly")
if mibBuilder.loadTexts: capiInfoC2Command.setStatus('mandatory')
capiInfoSubCommand = MibTableColumn((1, 3, 6, 1, 4, 1, 272, 4, 7, 5, 1, 6), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(1, 2, 3, 4))).clone(namedValues=NamedValues(("req", 1), ("conf", 2), ("ind", 3), ("resp", 4)))).setMaxAccess("readonly")
if mibBuilder.loadTexts: capiInfoSubCommand.setStatus('mandatory')
capiInfoNumber = MibTableColumn((1, 3, 6, 1, 4, 1, 272, 4, 7, 5, 1, 7), HexValue()).setMaxAccess("readonly")
if mibBuilder.loadTexts: capiInfoNumber.setStatus('mandatory')
capiConfigTable = MibTable((1, 3, 6, 1, 4, 1, 272, 4, 7, 6), )
if mibBuilder.loadTexts: capiConfigTable.setStatus('mandatory')
capiConfigEntry = MibTableRow((1, 3, 6, 1, 4, 1, 272, 4, 7, 6, 1), ).setIndexNames((0, "BIANCA-BRICK-CAPI-MIB", "capiConfigStkNumber"))
if mibBuilder.loadTexts: capiConfigEntry.setStatus('mandatory')
capiConfigStkNumber = MibTableColumn((1, 3, 6, 1, 4, 1, 272, 4, 7, 6, 1, 1), Integer32().subtype(subtypeSpec=ValueRangeConstraint(0, 31))).setMaxAccess("readonly")
if mibBuilder.loadTexts: capiConfigStkNumber.setStatus('mandatory')
capiConfigFaxG3RcvSpeed = MibTableColumn((1, 3, 6, 1, 4, 1, 272, 4, 7, 6, 1, 2), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(1, 2, 3, 4, 5, 6, 7))).clone(namedValues=NamedValues(("r4800", 1), ("r7200", 2), ("r9600", 3), ("r14400", 4), ("maximum", 5), ("not-available", 6), ("delete", 7)))).setMaxAccess("readwrite")
if mibBuilder.loadTexts: capiConfigFaxG3RcvSpeed.setStatus('mandatory')
capiConfigFaxG3ECM = MibTableColumn((1, 3, 6, 1, 4, 1, 272, 4, 7, 6, 1, 3), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(1, 2, 3))).clone(namedValues=NamedValues(("on", 1), ("off", 2), ("not-available", 3)))).setMaxAccess("readwrite")
if mibBuilder.loadTexts: capiConfigFaxG3ECM.setStatus('mandatory')
capiConfigFaxG3Header = MibTableColumn((1, 3, 6, 1, 4, 1, 272, 4, 7, 6, 1, 4), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(1, 2, 3, 4))).clone(namedValues=NamedValues(("logo-header", 1), ("no-logo", 2), ("no-header", 3), ("not-available", 4)))).setMaxAccess("readwrite")
if mibBuilder.loadTexts: capiConfigFaxG3Header.setStatus('mandatory')
capiConfigVoiceCoding = MibTableColumn((1, 3, 6, 1, 4, 1, 272, 4, 7, 6, 1, 5), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(1, 2))).clone(namedValues=NamedValues(("normal", 1), ("reverse", 2)))).setMaxAccess("readwrite")
if mibBuilder.loadTexts: capiConfigVoiceCoding.setStatus('mandatory')
capiConfigSendAlerting = MibTableColumn((1, 3, 6, 1, 4, 1, 272, 4, 7, 6, 1, 6), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(1, 2, 3))).clone(namedValues=NamedValues(("never", 1), ("ever", 2), ("voice-only", 3)))).setMaxAccess("readwrite")
if mibBuilder.loadTexts: capiConfigSendAlerting.setStatus('mandatory')
capiConfigV42bis = MibTableColumn((1, 3, 6, 1, 4, 1, 272, 4, 7, 6, 1, 7), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(1, 2, 3))).clone(namedValues=NamedValues(("on", 1), ("off", 2), ("not-available", 3)))).setMaxAccess("readwrite")
if mibBuilder.loadTexts: capiConfigV42bis.setStatus('mandatory')
capiConfigModemDefault = MibTableColumn((1, 3, 6, 1, 4, 1, 272, 4, 7, 6, 1, 8), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(1, 2, 3, 4, 5, 6, 7, 8))).clone(namedValues=NamedValues(("modem-profile-1", 1), ("modem-profile-2", 2), ("modem-profile-3", 3), ("modem-profile-4", 4), ("modem-profile-5", 5), ("modem-profile-6", 6), ("modem-profile-7", 7), ("modem-profile-8", 8)))).setMaxAccess("readwrite")
if mibBuilder.loadTexts: capiConfigModemDefault.setStatus('mandatory')
capiConfigFaxModulation = MibTableColumn((1, 3, 6, 1, 4, 1, 272, 4, 7, 6, 1, 9), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(1, 2, 3, 5, 6))).clone(namedValues=NamedValues(("v17", 1), ("v33", 2), ("v29", 3), ("v17s", 5), ("v33s", 6)))).setMaxAccess("readwrite")
if mibBuilder.loadTexts: capiConfigFaxModulation.setStatus('mandatory')
capiConfigFax12000 = MibTableColumn((1, 3, 6, 1, 4, 1, 272, 4, 7, 6, 1, 10), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(1, 2))).clone(namedValues=NamedValues(("on", 1), ("off", 2)))).setMaxAccess("readwrite")
if mibBuilder.loadTexts: capiConfigFax12000.setStatus('mandatory')
capiConfigFaxTXLevel = MibTableColumn((1, 3, 6, 1, 4, 1, 272, 4, 7, 6, 1, 11), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(1, 2, 3, 4, 5, 6))).clone(namedValues=NamedValues(("db0", 1), ("db3", 2), ("db6", 3), ("db9", 4), ("db12", 5), ("db15", 6)))).setMaxAccess("readwrite")
if mibBuilder.loadTexts: capiConfigFaxTXLevel.setStatus('mandatory')
capiMultiControllerTable = MibTable((1, 3, 6, 1, 4, 1, 272, 4, 7, 7), )
if mibBuilder.loadTexts: capiMultiControllerTable.setStatus('mandatory')
capiMultiControllerEntry = MibTableRow((1, 3, 6, 1, 4, 1, 272, 4, 7, 7, 1), ).setIndexNames((0, "BIANCA-BRICK-CAPI-MIB", "capiControllerNumber"))
if mibBuilder.loadTexts: capiMultiControllerEntry.setStatus('mandatory')
capiControllerNumber = MibTableColumn((1, 3, 6, 1, 4, 1, 272, 4, 7, 7, 1, 1), Integer32().subtype(subtypeSpec=ValueRangeConstraint(0, 31))).setMaxAccess("readwrite")
if mibBuilder.loadTexts: capiControllerNumber.setStatus('mandatory')
capiControllerStkMask = MibTableColumn((1, 3, 6, 1, 4, 1, 272, 4, 7, 7, 1, 2), BitValue()).setMaxAccess("readwrite")
if mibBuilder.loadTexts: capiControllerStkMask.setStatus('mandatory')
capiControllerVersion = MibTableColumn((1, 3, 6, 1, 4, 1, 272, 4, 7, 7, 1, 3), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(1, 2, 3))).clone(namedValues=NamedValues(("capi11", 1), ("capi20", 2), ("delete", 3)))).setMaxAccess("readwrite")
if mibBuilder.loadTexts: capiControllerVersion.setStatus('mandatory')
mibBuilder.exportSymbols("BIANCA-BRICK-CAPI-MIB", capiListenInfoMask=capiListenInfoMask, capiNcciEntry=capiNcciEntry, enterprises=enterprises, capiPlciB3Proto=capiPlciB3Proto, dod=dod, capiListenApplication=capiListenApplication, capiPlciInfoMask=capiPlciInfoMask, capiInfoC2Command=capiInfoC2Command, capiMultiControllerTable=capiMultiControllerTable, capiInfoTable=capiInfoTable, capiListenCipMask=capiListenCipMask, capiControllerStkMask=capiControllerStkMask, capiMultiControllerEntry=capiMultiControllerEntry, capiListenCipMask2=capiListenCipMask2, capiPlciNumber=capiPlciNumber, capiListenServiceMask=capiListenServiceMask, capiPlciB1Proto=capiPlciB1Proto, capiNcciPlci=capiNcciPlci, bintec=bintec, capiPlciApplication=capiPlciApplication, capiApplTable=capiApplTable, capiNcciNumber=capiNcciNumber, capiApplInfoStr=capiApplInfoStr, capiInfoC1Command=capiInfoC1Command, capiInfoApplication=capiInfoApplication, capiConfigEntry=capiConfigEntry, capiControllerNumber=capiControllerNumber, capiApplRegDblkSize=capiApplRegDblkSize, capiApplEntry=capiApplEntry, capiInfoNcci=capiInfoNcci, capiInfoSubCommand=capiInfoSubCommand, capiListenEntry=capiListenEntry, capiConfigVoiceCoding=capiConfigVoiceCoding, capiInfoNumber=capiInfoNumber, HexValue=HexValue, capiConfigTable=capiConfigTable, capiApplRegMsgCnt=capiApplRegMsgCnt, capiApplRegLevel3Cnt=capiApplRegLevel3Cnt, capiConfigFaxModulation=capiConfigFaxModulation, capiListenController=capiListenController, capiApplVersion=capiApplVersion, capiInfoEntry=capiInfoEntry, capiPlciState=capiPlciState, capiNcciTable=capiNcciTable, capiPlciTable=capiPlciTable, capiPlciSelectB3Ncpd=capiPlciSelectB3Ncpd, internet=internet, capiInfoPlci=capiInfoPlci, capiApplByteOrder=capiApplByteOrder, bibo=bibo, capiConfigFaxG3Header=capiConfigFaxG3Header, capiApplRegDblkCnt=capiApplRegDblkCnt, capiConfigStkNumber=capiConfigStkNumber, capiListenEazMask=capiListenEazMask, capiListenTable=capiListenTable, capiPlciEntry=capiPlciEntry, capiPlciB3Config=capiPlciB3Config, capiPlciSelectB2Proto=capiPlciSelectB2Proto, capiConfigModemDefault=capiConfigModemDefault, capiControllerVersion=capiControllerVersion, capiPlciSelectB2Dlpd=capiPlciSelectB2Dlpd, capiConfigSendAlerting=capiConfigSendAlerting, capiNcciApplication=capiNcciApplication, capi=capi, capiPlciB2Proto=capiPlciB2Proto, capiPlciSelectB3Proto=capiPlciSelectB3Proto, capiPlciB1Config=capiPlciB1Config, capiApplNumber=capiApplNumber, capiConfigFaxG3RcvSpeed=capiConfigFaxG3RcvSpeed, capiPlciB2Config=capiPlciB2Config, capiNcciState=capiNcciState, private=private, capiConfigFaxTXLevel=capiConfigFaxTXLevel, capiPlciCipValue=capiPlciCipValue, capiConfigV42bis=capiConfigV42bis, capiConfigFax12000=capiConfigFax12000, capiPlciController=capiPlciController, org=org, capiConfigFaxG3ECM=capiConfigFaxG3ECM)
| [
2,
198,
2,
9485,
15571,
7378,
337,
9865,
8265,
347,
16868,
8141,
12,
11473,
11860,
12,
34,
17614,
12,
8895,
33,
357,
4023,
1378,
16184,
76,
489,
8937,
13,
785,
14,
79,
893,
11632,
8,
198,
2,
7054,
45,
13,
16,
2723,
2393,
1378,
14,
14490,
14,
67,
615,
47562,
19,
14,
13603,
14,
76,
571,
82,
13,
16184,
76,
489,
8937,
13,
785,
14,
292,
77,
16,
14,
3483,
1565,
8141,
12,
11473,
11860,
12,
34,
17614,
12,
8895,
33,
198,
2,
21522,
771,
416,
279,
893,
11632,
12,
15,
13,
18,
13,
19,
379,
2892,
2758,
2808,
1596,
25,
2481,
25,
3070,
13130,
198,
2,
1550,
2583,
42274,
54,
15567,
19,
12,
44,
12,
1415,
2425,
3859,
21450,
2196,
1248,
13,
20,
13,
15,
416,
2836,
288,
615,
47562,
19,
198,
2,
8554,
11361,
2196,
513,
13,
22,
13,
18,
357,
12286,
11,
1526,
2681,
13130,
11,
7769,
25,
1954,
25,
1314,
8,
220,
198,
2,
198,
46541,
11,
2556,
316,
10100,
11,
9515,
33234,
7483,
796,
285,
571,
32875,
13,
11748,
13940,
2022,
10220,
7203,
1921,
45,
16,
1600,
366,
46541,
1600,
366,
12349,
316,
10100,
1600,
366,
10267,
33234,
7483,
4943,
198,
45,
2434,
40161,
11,
796,
285,
571,
32875,
13,
11748,
13940,
2022,
10220,
7203,
1921,
45,
16,
12,
1677,
5883,
1137,
6234,
1600,
366,
45,
2434,
40161,
4943,
198,
3103,
2536,
6003,
38176,
11,
11052,
17257,
3103,
2536,
2913,
11,
14206,
11395,
3103,
2536,
2913,
11,
11052,
10699,
3103,
2536,
2913,
11,
1482,
2536,
6003,
9492,
5458,
796,
285,
571,
32875,
13,
11748,
13940,
2022,
10220,
7203,
1921,
45,
16,
12,
2200,
20032,
12529,
1600,
366,
3103,
2536,
6003,
38176,
1600,
366,
11395,
17257,
3103,
2536,
2913,
1600,
366,
28008,
11395,
3103,
2536,
2913,
1600,
366,
11395,
10699,
3103,
2536,
2913,
1600,
366,
3103,
2536,
6003,
9492,
5458,
4943,
198,
13128,
11395,
11,
796,
285,
571,
32875,
13,
11748,
13940,
2022,
10220,
7203,
3483,
1565,
8141,
12,
11473,
11860,
12,
10246,
47,
12,
8895,
33,
1600,
366,
13128,
11395,
4943,
198,
3673,
2649,
13247,
11,
19937,
38143,
3610,
796,
285,
571,
32875,
13,
11748,
13940,
2022,
10220,
7203,
15571,
7378,
85,
17,
12,
10943,
37,
1600,
366,
3673,
2649,
13247,
1600,
366,
26796,
38143,
3610,
4943,
198,
3118,
32696,
2624,
11,
34142,
2624,
11,
337,
571,
33234,
7483,
11,
44733,
11,
15034,
2624,
11,
15034,
2414,
11,
35094,
469,
2624,
11,
337,
571,
3351,
282,
283,
11,
337,
571,
10962,
11,
337,
571,
10962,
25166,
11,
337,
571,
10962,
39470,
11,
314,
79,
20231,
11,
47279,
11,
42808,
6030,
11,
9515,
7390,
26858,
11,
19937,
7390,
26858,
11,
3862,
51,
3378,
796,
285,
571,
32875,
13,
11748,
13940,
2022,
10220,
7203,
15571,
7378,
85,
17,
12,
50,
8895,
1600,
366,
3118,
32696,
2624,
1600,
366,
46541,
2624,
1600,
366,
44,
571,
33234,
7483,
1600,
366,
33,
896,
1600,
366,
31694,
2624,
1600,
366,
31694,
2414,
1600,
366,
38,
559,
469,
2624,
1600,
366,
44,
571,
3351,
282,
283,
1600,
366,
44,
571,
10962,
1600,
366,
44,
571,
10962,
25166,
1600,
366,
44,
571,
10962,
39470,
1600,
366,
40,
79,
20231,
1600,
366,
26786,
1600,
366,
3673,
2649,
6030,
1600,
366,
10267,
7390,
26858,
1600,
366,
26796,
7390,
26858,
1600,
366,
7575,
51,
3378,
4943,
198,
8206,
723,
3103,
4018,
11,
16531,
10100,
796,
285,
571,
32875,
13,
11748,
13940,
2022,
10220,
7203,
15571,
7378,
85,
17,
12,
4825,
1600,
366,
8206,
723,
3103,
4018,
1600,
366,
23114,
10100,
4943,
198,
2398,
796,
337,
571,
33234,
7483,
19510,
16,
11,
513,
4008,
198,
67,
375,
796,
337,
571,
33234,
7483,
19510,
16,
11,
513,
11,
718,
4008,
198,
37675,
796,
337,
571,
33234,
7483,
19510,
16,
11,
513,
11,
718,
11,
352,
4008,
198,
19734,
796,
337,
571,
33234,
7483,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
4008,
198,
9255,
18166,
796,
337,
571,
33234,
7483,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
4008,
198,
65,
600,
721,
796,
337,
571,
33234,
7483,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
38107,
4008,
198,
65,
26762,
796,
337,
571,
33234,
7483,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
38107,
11,
604,
4008,
198,
11128,
72,
796,
337,
571,
33234,
7483,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
38107,
11,
604,
11,
767,
4008,
198,
198,
11128,
72,
4677,
75,
10962,
796,
337,
571,
10962,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
38107,
11,
604,
11,
767,
11,
352,
828,
1267,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
1451,
72,
4677,
75,
10962,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
11128,
72,
4677,
75,
30150,
796,
337,
571,
10962,
25166,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
38107,
11,
604,
11,
767,
11,
352,
11,
352,
828,
6739,
2617,
15732,
36690,
19510,
15,
11,
366,
3483,
1565,
8141,
12,
11473,
11860,
12,
34,
17614,
12,
8895,
33,
1600,
366,
11128,
72,
4677,
75,
15057,
48774,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
1451,
72,
4677,
75,
30150,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
11128,
72,
4677,
75,
15057,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
38107,
11,
604,
11,
767,
11,
352,
11,
352,
11,
352,
828,
34142,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
1451,
72,
4677,
75,
15057,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
11128,
72,
4677,
75,
14815,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
38107,
11,
604,
11,
767,
11,
352,
11,
352,
11,
362,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
3103,
2536,
6003,
38176,
7,
28008,
11395,
3103,
2536,
2913,
7,
16,
11,
362,
4008,
737,
21018,
7,
13190,
40161,
28,
45,
2434,
40161,
7,
7203,
11128,
72,
1157,
1600,
352,
828,
5855,
11128,
72,
1238,
1600,
362,
22305,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
1451,
72,
4677,
75,
14815,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
11128,
72,
4677,
75,
40778,
18743,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
38107,
11,
604,
11,
767,
11,
352,
11,
352,
11,
513,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
3103,
2536,
6003,
38176,
7,
28008,
11395,
3103,
2536,
2913,
7,
16,
11,
362,
11,
513,
4008,
737,
21018,
7,
13190,
40161,
28,
45,
2434,
40161,
7,
7203,
31629,
12,
437,
666,
1600,
352,
828,
5855,
14261,
12,
437,
666,
1600,
362,
828,
5855,
917,
891,
1600,
513,
22305,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
1451,
72,
4677,
75,
40778,
18743,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
11128,
72,
4677,
75,
8081,
4971,
18,
34,
429,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
38107,
11,
604,
11,
767,
11,
352,
11,
352,
11,
604,
828,
34142,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
1451,
72,
4677,
75,
8081,
4971,
18,
34,
429,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
11128,
72,
4677,
75,
8081,
50108,
34,
429,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
38107,
11,
604,
11,
767,
11,
352,
11,
352,
11,
642,
828,
34142,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
1451,
72,
4677,
75,
8081,
50108,
34,
429,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
11128,
72,
4677,
75,
8081,
35,
2436,
74,
34,
429,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
38107,
11,
604,
11,
767,
11,
352,
11,
352,
11,
718,
828,
34142,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
1451,
72,
4677,
75,
8081,
35,
2436,
74,
34,
429,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
11128,
72,
4677,
75,
8081,
35,
2436,
74,
10699,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
38107,
11,
604,
11,
767,
11,
352,
11,
352,
11,
767,
828,
34142,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
1451,
72,
4677,
75,
8081,
35,
2436,
74,
10699,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
11128,
72,
4677,
75,
12360,
13290,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
38107,
11,
604,
11,
767,
11,
352,
11,
352,
11,
807,
828,
16531,
10100,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
1451,
72,
4677,
75,
12360,
13290,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
11128,
72,
23061,
10962,
796,
337,
571,
10962,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
38107,
11,
604,
11,
767,
11,
362,
828,
1267,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
1451,
72,
23061,
10962,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
11128,
72,
23061,
30150,
796,
337,
571,
10962,
25166,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
38107,
11,
604,
11,
767,
11,
362,
11,
352,
828,
6739,
2617,
15732,
36690,
19510,
15,
11,
366,
3483,
1565,
8141,
12,
11473,
11860,
12,
34,
17614,
12,
8895,
33,
1600,
366,
11128,
72,
23061,
23416,
48774,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
1451,
72,
23061,
30150,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
11128,
72,
23061,
23416,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
38107,
11,
604,
11,
767,
11,
362,
11,
352,
11,
352,
828,
34142,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
1451,
72,
23061,
23416,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
11128,
72,
23061,
22130,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
38107,
11,
604,
11,
767,
11,
362,
11,
352,
11,
362,
828,
22212,
11395,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
1451,
72,
23061,
22130,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
11128,
72,
23061,
16177,
45195,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
38107,
11,
604,
11,
767,
11,
362,
11,
352,
11,
513,
828,
22212,
11395,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
1451,
72,
23061,
16177,
45195,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
11128,
72,
23061,
36,
1031,
45195,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
38107,
11,
604,
11,
767,
11,
362,
11,
352,
11,
604,
828,
22212,
11395,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
1451,
72,
23061,
36,
1031,
45195,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
11128,
72,
23061,
12360,
45195,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
38107,
11,
604,
11,
767,
11,
362,
11,
352,
11,
642,
828,
22212,
11395,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
1451,
72,
23061,
12360,
45195,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
11128,
72,
23061,
34,
541,
45195,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
38107,
11,
604,
11,
767,
11,
362,
11,
352,
11,
718,
828,
22212,
11395,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
1451,
72,
23061,
34,
541,
45195,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
11128,
72,
23061,
34,
541,
45195,
17,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
38107,
11,
604,
11,
767,
11,
362,
11,
352,
11,
767,
828,
22212,
11395,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
1451,
72,
23061,
34,
541,
45195,
17,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
11128,
72,
3646,
979,
10962,
796,
337,
571,
10962,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
38107,
11,
604,
11,
767,
11,
513,
828,
1267,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
1451,
72,
3646,
979,
10962,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
11128,
72,
3646,
979,
30150,
796,
337,
571,
10962,
25166,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
38107,
11,
604,
11,
767,
11,
513,
11,
352,
828,
6739,
2617,
15732,
36690,
19510,
15,
11,
366,
3483,
1565,
8141,
12,
11473,
11860,
12,
34,
17614,
12,
8895,
33,
1600,
366,
11128,
72,
3646,
979,
15057,
48774,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
1451,
72,
3646,
979,
30150,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
11128,
72,
3646,
979,
15057,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
38107,
11,
604,
11,
767,
11,
513,
11,
352,
11,
352,
828,
22212,
11395,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
1451,
72,
3646,
979,
15057,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
11128,
72,
3646,
979,
23416,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
38107,
11,
604,
11,
767,
11,
513,
11,
352,
11,
362,
828,
34142,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
1451,
72,
3646,
979,
23416,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
11128,
72,
3646,
979,
22130,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
38107,
11,
604,
11,
767,
11,
513,
11,
352,
11,
513,
828,
22212,
11395,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
1451,
72,
3646,
979,
22130,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
11128,
72,
3646,
979,
9012,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
38107,
11,
604,
11,
767,
11,
513,
11,
352,
11,
604,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
3103,
2536,
6003,
38176,
7,
28008,
11395,
3103,
2536,
2913,
7,
16,
11,
362,
11,
513,
11,
604,
11,
642,
11,
718,
11,
767,
11,
807,
11,
860,
4008,
737,
21018,
7,
13190,
40161,
28,
45,
2434,
40161,
7,
7203,
79,
12,
15,
1600,
352,
828,
5855,
79,
12,
16,
1600,
362,
828,
5855,
79,
12,
17,
1600,
513,
828,
5855,
79,
12,
18,
1600,
604,
828,
5855,
79,
12,
19,
1600,
642,
828,
5855,
79,
12,
20,
1600,
718,
828,
5855,
79,
12,
21,
1600,
767,
828,
5855,
79,
12,
22,
1600,
807,
828,
5855,
79,
12,
529,
1600,
860,
22305,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
1451,
72,
3646,
979,
9012,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
11128,
72,
3646,
979,
17563,
33,
17,
2964,
1462,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
38107,
11,
604,
11,
767,
11,
513,
11,
352,
11,
642,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
3103,
2536,
6003,
38176,
7,
28008,
11395,
3103,
2536,
2913,
7,
16,
11,
362,
11,
513,
11,
604,
11,
642,
11,
718,
11,
767,
11,
807,
11,
860,
11,
838,
11,
1367,
11,
1105,
11,
35150,
11,
34353,
4008,
737,
21018,
7,
13190,
40161,
28,
45,
2434,
40161,
7,
7203,
917,
891,
1600,
352,
828,
5855,
87,
2425,
1600,
362,
828,
5855,
71,
25404,
535,
6015,
1600,
513,
828,
5855,
7645,
1600,
604,
828,
5855,
21282,
44601,
1600,
642,
828,
5855,
87,
2425,
65,
17602,
1600,
718,
828,
5855,
23560,
1600,
767,
828,
5855,
37796,
67,
1600,
807,
828,
5855,
85,
11442,
7645,
1600,
860,
828,
5855,
85,
11442,
21282,
44601,
1600,
838,
828,
5855,
85,
11442,
87,
2425,
1600,
1367,
828,
5855,
17602,
8807,
1600,
1105,
828,
5855,
4666,
368,
1600,
35150,
828,
5855,
85,
11442,
27261,
1600,
34353,
22305,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
1451,
72,
3646,
979,
17563,
33,
17,
2964,
1462,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
11128,
72,
3646,
979,
17563,
33,
17,
35,
75,
30094,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
38107,
11,
604,
11,
767,
11,
513,
11,
352,
11,
718,
828,
2556,
316,
10100,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
1451,
72,
3646,
979,
17563,
33,
17,
35,
75,
30094,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
11128,
72,
3646,
979,
17563,
33,
18,
2964,
1462,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
38107,
11,
604,
11,
767,
11,
513,
11,
352,
11,
767,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
3103,
2536,
6003,
38176,
7,
28008,
11395,
3103,
2536,
2913,
7,
16,
11,
362,
11,
513,
11,
604,
11,
642,
11,
718,
4008,
737,
21018,
7,
13190,
40161,
28,
45,
2434,
40161,
7,
7203,
917,
891,
1600,
352,
828,
5855,
83,
2154,
21283,
1600,
362,
828,
5855,
26786,
23,
21315,
1600,
513,
828,
5855,
83,
3829,
1600,
604,
828,
5855,
7645,
1600,
642,
828,
5855,
83,
1270,
1600,
718,
22305,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
1451,
72,
3646,
979,
17563,
33,
18,
2964,
1462,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
11128,
72,
3646,
979,
17563,
33,
18,
45,
13155,
67,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
38107,
11,
604,
11,
767,
11,
513,
11,
352,
11,
807,
828,
2556,
316,
10100,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
1451,
72,
3646,
979,
17563,
33,
18,
45,
13155,
67,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
11128,
72,
3646,
979,
33,
16,
2964,
1462,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
38107,
11,
604,
11,
767,
11,
513,
11,
352,
11,
860,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
3103,
2536,
6003,
38176,
7,
28008,
11395,
3103,
2536,
2913,
7,
16,
11,
362,
11,
513,
11,
604,
11,
642,
11,
718,
11,
767,
11,
807,
11,
860,
11,
838,
11,
1367,
4008,
737,
21018,
7,
13190,
40161,
28,
45,
2434,
40161,
7,
7203,
917,
891,
1600,
352,
828,
5855,
71,
25404,
66,
1600,
362,
828,
5855,
7645,
1600,
513,
828,
5855,
85,
11442,
7645,
1600,
604,
828,
5855,
85,
11442,
71,
25404,
66,
1600,
642,
828,
5855,
23560,
70,
18,
1600,
718,
828,
5855,
71,
25404,
66,
16340,
1600,
767,
828,
5855,
71,
25404,
66,
3980,
1600,
807,
828,
5855,
4666,
368,
12480,
1600,
860,
828,
5855,
4666,
368,
292,
13361,
1600,
838,
828,
5855,
4666,
368,
27261,
1600,
1367,
22305,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
1451,
72,
3646,
979,
33,
16,
2964,
1462,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
11128,
72,
3646,
979,
33,
16,
16934,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
38107,
11,
604,
11,
767,
11,
513,
11,
352,
11,
838,
828,
2556,
316,
10100,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
1451,
72,
3646,
979,
33,
16,
16934,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
11128,
72,
3646,
979,
33,
17,
2964,
1462,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
38107,
11,
604,
11,
767,
11,
513,
11,
352,
11,
1367,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
3103,
2536,
6003,
38176,
7,
28008,
11395,
3103,
2536,
2913,
7,
16,
11,
362,
11,
513,
11,
604,
11,
642,
11,
718,
11,
767,
11,
807,
11,
860,
4008,
737,
21018,
7,
13190,
40161,
28,
45,
2434,
40161,
7,
7203,
917,
891,
1600,
352,
828,
5855,
87,
2425,
1600,
362,
828,
5855,
7645,
1600,
513,
828,
5855,
21282,
44601,
1600,
604,
828,
5855,
37796,
67,
1600,
642,
828,
5855,
83,
1270,
1600,
718,
828,
5855,
381,
79,
1600,
767,
828,
5855,
7645,
8056,
1600,
807,
828,
5855,
4666,
368,
1600,
860,
22305,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
1451,
72,
3646,
979,
33,
17,
2964,
1462,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
11128,
72,
3646,
979,
33,
17,
16934,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
38107,
11,
604,
11,
767,
11,
513,
11,
352,
11,
1105,
828,
2556,
316,
10100,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
1451,
72,
3646,
979,
33,
17,
16934,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
11128,
72,
3646,
979,
33,
18,
2964,
1462,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
38107,
11,
604,
11,
767,
11,
513,
11,
352,
11,
1511,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
3103,
2536,
6003,
38176,
7,
28008,
11395,
3103,
2536,
2913,
7,
16,
11,
362,
11,
513,
11,
604,
11,
642,
11,
718,
11,
767,
11,
860,
4008,
737,
21018,
7,
13190,
40161,
28,
45,
2434,
40161,
7,
7203,
917,
891,
1600,
352,
828,
5855,
7645,
1600,
362,
828,
5855,
83,
3829,
1600,
513,
828,
5855,
26786,
23,
21315,
1600,
604,
828,
5855,
87,
1495,
67,
344,
1600,
642,
828,
5855,
83,
1270,
1600,
718,
828,
5855,
83,
1270,
2302,
1600,
767,
828,
5855,
4666,
368,
1600,
860,
22305,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
1451,
72,
3646,
979,
33,
18,
2964,
1462,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
11128,
72,
3646,
979,
33,
18,
16934,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
38107,
11,
604,
11,
767,
11,
513,
11,
352,
11,
1478,
828,
2556,
316,
10100,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
1451,
72,
3646,
979,
33,
18,
16934,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
11128,
72,
3646,
979,
34,
541,
11395,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
38107,
11,
604,
11,
767,
11,
513,
11,
352,
11,
1315,
828,
34142,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
1451,
72,
3646,
979,
34,
541,
11395,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
11128,
72,
3646,
979,
12360,
45195,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
38107,
11,
604,
11,
767,
11,
513,
11,
352,
11,
1467,
828,
22212,
11395,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
1451,
72,
3646,
979,
12360,
45195,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
11128,
72,
45,
35764,
10962,
796,
337,
571,
10962,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
38107,
11,
604,
11,
767,
11,
604,
828,
1267,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
1451,
72,
45,
35764,
10962,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
11128,
72,
45,
35764,
30150,
796,
337,
571,
10962,
25166,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
38107,
11,
604,
11,
767,
11,
604,
11,
352,
828,
6739,
2617,
15732,
36690,
19510,
15,
11,
366,
3483,
1565,
8141,
12,
11473,
11860,
12,
34,
17614,
12,
8895,
33,
1600,
366,
11128,
72,
45,
35764,
15057,
48774,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
1451,
72,
45,
35764,
30150,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
11128,
72,
45,
35764,
15057,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
38107,
11,
604,
11,
767,
11,
604,
11,
352,
11,
352,
828,
22212,
11395,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
1451,
72,
45,
35764,
15057,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
11128,
72,
45,
35764,
23416,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
38107,
11,
604,
11,
767,
11,
604,
11,
352,
11,
362,
828,
34142,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
1451,
72,
45,
35764,
23416,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
11128,
72,
45,
35764,
3646,
979,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
38107,
11,
604,
11,
767,
11,
604,
11,
352,
11,
513,
828,
22212,
11395,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
1451,
72,
45,
35764,
3646,
979,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
11128,
72,
45,
35764,
9012,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
38107,
11,
604,
11,
767,
11,
604,
11,
352,
11,
604,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
3103,
2536,
6003,
38176,
7,
28008,
11395,
3103,
2536,
2913,
7,
16,
11,
362,
11,
513,
11,
604,
11,
642,
11,
718,
11,
767,
4008,
737,
21018,
7,
13190,
40161,
28,
45,
2434,
40161,
7,
7203,
77,
12,
15,
1600,
352,
828,
5855,
77,
12,
16,
1600,
362,
828,
5855,
77,
12,
17,
1600,
513,
828,
5855,
77,
12,
18,
1600,
604,
828,
5855,
77,
12,
19,
1600,
642,
828,
5855,
77,
12,
20,
1600,
718,
828,
5855,
77,
12,
529,
1600,
767,
22305,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
1451,
72,
45,
35764,
9012,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
11128,
72,
12360,
10962,
796,
337,
571,
10962,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
38107,
11,
604,
11,
767,
11,
642,
828,
1267,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
1451,
72,
12360,
10962,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
11128,
72,
12360,
30150,
796,
337,
571,
10962,
25166,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
38107,
11,
604,
11,
767,
11,
642,
11,
352,
828,
6739,
2617,
15732,
36690,
19510,
15,
11,
366,
3483,
1565,
8141,
12,
11473,
11860,
12,
34,
17614,
12,
8895,
33,
1600,
366,
11128,
72,
12360,
23416,
48774,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
1451,
72,
12360,
30150,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
11128,
72,
12360,
23416,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
38107,
11,
604,
11,
767,
11,
642,
11,
352,
11,
352,
828,
34142,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
1451,
72,
12360,
23416,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
11128,
72,
12360,
3646,
979,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
38107,
11,
604,
11,
767,
11,
642,
11,
352,
11,
362,
828,
22212,
11395,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
1451,
72,
12360,
3646,
979,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
11128,
72,
12360,
45,
35764,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
38107,
11,
604,
11,
767,
11,
642,
11,
352,
11,
513,
828,
22212,
11395,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
1451,
72,
12360,
45,
35764,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
11128,
72,
12360,
34,
16,
21575,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
38107,
11,
604,
11,
767,
11,
642,
11,
352,
11,
604,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
3103,
2536,
6003,
38176,
7,
28008,
11395,
3103,
2536,
2913,
7,
16,
11,
362,
11,
513,
11,
604,
11,
642,
11,
718,
11,
767,
11,
807,
11,
860,
11,
838,
11,
5598,
11,
13108,
11,
20248,
11,
11323,
11,
23134,
11,
21761,
11,
22169,
11,
22352,
11,
17501,
4008,
737,
21018,
7,
13190,
40161,
28,
45,
2434,
40161,
7,
7203,
42503,
65,
18,
1600,
352,
828,
5855,
8443,
1600,
362,
828,
5855,
1102,
529,
1600,
513,
828,
5855,
15410,
1600,
604,
828,
5855,
4868,
268,
1600,
642,
828,
5855,
17143,
1600,
718,
828,
5855,
10951,
1600,
767,
828,
5855,
7890,
1600,
807,
828,
5855,
37043,
10951,
1600,
860,
828,
5855,
67,
17209,
69,
1600,
838,
828,
5855,
741,
65,
17,
1600,
5598,
828,
5855,
741,
65,
18,
1600,
13108,
828,
5855,
4868,
268,
65,
18,
1600,
20248,
828,
5855,
1102,
65,
18,
1600,
11323,
828,
5855,
1102,
65,
18,
529,
1600,
23134,
828,
5855,
15410,
65,
18,
1600,
21761,
828,
5855,
65,
18,
17143,
1600,
22169,
828,
5855,
19608,
397,
18,
1600,
22352,
828,
5855,
43365,
316,
1600,
17501,
22305,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
1451,
72,
12360,
34,
16,
21575,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
11128,
72,
12360,
34,
17,
21575,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
38107,
11,
604,
11,
767,
11,
642,
11,
352,
11,
642,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
3103,
2536,
6003,
38176,
7,
28008,
11395,
3103,
2536,
2913,
7,
16,
11,
362,
11,
513,
11,
604,
11,
642,
11,
807,
11,
6135,
11,
13108,
11,
11323,
11,
23134,
11,
21761,
11,
22352,
11,
17501,
11,
21056,
11,
14280,
4008,
737,
21018,
7,
13190,
40161,
28,
45,
2434,
40161,
7,
7203,
44598,
1600,
352,
828,
5855,
8443,
1600,
362,
828,
5855,
1102,
529,
1600,
513,
828,
5855,
15410,
1600,
604,
828,
5855,
4868,
268,
1600,
642,
828,
5855,
10951,
1600,
807,
828,
5855,
19738,
65,
1600,
6135,
828,
5855,
38942,
879,
1600,
13108,
828,
5855,
1102,
65,
18,
1600,
11323,
828,
5855,
1102,
65,
18,
529,
1600,
23134,
828,
5855,
15410,
65,
18,
1600,
21761,
828,
5855,
19608,
397,
18,
1600,
22352,
828,
5855,
42503,
65,
18,
1600,
17501,
828,
5855,
1102,
65,
18,
83,
3829,
1600,
21056,
828,
5855,
48119,
1600,
14280,
22305,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
1451,
72,
12360,
34,
17,
21575,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
11128,
72,
12360,
7004,
21575,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
38107,
11,
604,
11,
767,
11,
642,
11,
352,
11,
718,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
3103,
2536,
6003,
38176,
7,
28008,
11395,
3103,
2536,
2913,
7,
16,
11,
362,
11,
513,
11,
604,
4008,
737,
21018,
7,
13190,
40161,
28,
45,
2434,
40161,
7,
7203,
42180,
1600,
352,
828,
5855,
10414,
1600,
362,
828,
5855,
521,
1600,
513,
828,
5855,
4363,
1600,
604,
22305,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
1451,
72,
12360,
7004,
21575,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
11128,
72,
12360,
15057,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
38107,
11,
604,
11,
767,
11,
642,
11,
352,
11,
767,
828,
22212,
11395,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
1451,
72,
12360,
15057,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
11128,
72,
16934,
10962,
796,
337,
571,
10962,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
38107,
11,
604,
11,
767,
11,
718,
828,
1267,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
1451,
72,
16934,
10962,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
11128,
72,
16934,
30150,
796,
337,
571,
10962,
25166,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
38107,
11,
604,
11,
767,
11,
718,
11,
352,
828,
6739,
2617,
15732,
36690,
19510,
15,
11,
366,
3483,
1565,
8141,
12,
11473,
11860,
12,
34,
17614,
12,
8895,
33,
1600,
366,
11128,
72,
16934,
1273,
74,
15057,
48774,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
1451,
72,
16934,
30150,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
11128,
72,
16934,
1273,
74,
15057,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
38107,
11,
604,
11,
767,
11,
718,
11,
352,
11,
352,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
11395,
17257,
3103,
2536,
2913,
7,
15,
11,
3261,
4008,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
1451,
72,
16934,
1273,
74,
15057,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
11128,
72,
16934,
46512,
38,
18,
49,
33967,
22785,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
38107,
11,
604,
11,
767,
11,
718,
11,
352,
11,
362,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
3103,
2536,
6003,
38176,
7,
28008,
11395,
3103,
2536,
2913,
7,
16,
11,
362,
11,
513,
11,
604,
11,
642,
11,
718,
11,
767,
4008,
737,
21018,
7,
13190,
40161,
28,
45,
2434,
40161,
7,
7203,
81,
2780,
405,
1600,
352,
828,
5855,
81,
22,
2167,
1600,
362,
828,
5855,
81,
4846,
405,
1600,
513,
828,
5855,
81,
1415,
7029,
1600,
604,
828,
5855,
47033,
1600,
642,
828,
5855,
1662,
12,
15182,
1600,
718,
828,
5855,
33678,
1600,
767,
22305,
737,
2617,
11518,
15457,
7203,
961,
13564,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
1451,
72,
16934,
46512,
38,
18,
49,
33967,
22785,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
11128,
72,
16934,
46512,
38,
18,
2943,
44,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
38107,
11,
604,
11,
767,
11,
718,
11,
352,
11,
513,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
3103,
2536,
6003,
38176,
7,
28008,
11395,
3103,
2536,
2913,
7,
16,
11,
362,
11,
513,
4008,
737,
21018,
7,
13190,
40161,
28,
45,
2434,
40161,
7,
7203,
261,
1600,
352,
828,
5855,
2364,
1600,
362,
828,
5855,
1662,
12,
15182,
1600,
513,
22305,
737,
2617,
11518,
15457,
7203,
961,
13564,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
1451,
72,
16934,
46512,
38,
18,
2943,
44,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
11128,
72,
16934,
46512,
38,
18,
39681,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
38107,
11,
604,
11,
767,
11,
718,
11,
352,
11,
604,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
3103,
2536,
6003,
38176,
7,
28008,
11395,
3103,
2536,
2913,
7,
16,
11,
362,
11,
513,
11,
604,
4008,
737,
21018,
7,
13190,
40161,
28,
45,
2434,
40161,
7,
7203,
6404,
78,
12,
25677,
1600,
352,
828,
5855,
3919,
12,
6404,
78,
1600,
362,
828,
5855,
3919,
12,
25677,
1600,
513,
828,
5855,
1662,
12,
15182,
1600,
604,
22305,
737,
2617,
11518,
15457,
7203,
961,
13564,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
1451,
72,
16934,
46512,
38,
18,
39681,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
11128,
72,
16934,
35708,
34,
7656,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
38107,
11,
604,
11,
767,
11,
718,
11,
352,
11,
642,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
3103,
2536,
6003,
38176,
7,
28008,
11395,
3103,
2536,
2913,
7,
16,
11,
362,
4008,
737,
21018,
7,
13190,
40161,
28,
45,
2434,
40161,
7,
7203,
11265,
1600,
352,
828,
5855,
50188,
1600,
362,
22305,
737,
2617,
11518,
15457,
7203,
961,
13564,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
1451,
72,
16934,
35708,
34,
7656,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
11128,
72,
16934,
25206,
36420,
278,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
38107,
11,
604,
11,
767,
11,
718,
11,
352,
11,
718,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
3103,
2536,
6003,
38176,
7,
28008,
11395,
3103,
2536,
2913,
7,
16,
11,
362,
11,
513,
4008,
737,
21018,
7,
13190,
40161,
28,
45,
2434,
40161,
7,
7203,
12081,
1600,
352,
828,
5855,
964,
1600,
362,
828,
5855,
38888,
12,
8807,
1600,
513,
22305,
737,
2617,
11518,
15457,
7203,
961,
13564,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
1451,
72,
16934,
25206,
36420,
278,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
11128,
72,
16934,
53,
3682,
41907,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
38107,
11,
604,
11,
767,
11,
718,
11,
352,
11,
767,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
3103,
2536,
6003,
38176,
7,
28008,
11395,
3103,
2536,
2913,
7,
16,
11,
362,
11,
513,
4008,
737,
21018,
7,
13190,
40161,
28,
45,
2434,
40161,
7,
7203,
261,
1600,
352,
828,
5855,
2364,
1600,
362,
828,
5855,
1662,
12,
15182,
1600,
513,
22305,
737,
2617,
11518,
15457,
7203,
961,
13564,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
1451,
72,
16934,
53,
3682,
41907,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
11128,
72,
16934,
5841,
368,
19463,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
38107,
11,
604,
11,
767,
11,
718,
11,
352,
11,
807,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
3103,
2536,
6003,
38176,
7,
28008,
11395,
3103,
2536,
2913,
7,
16,
11,
362,
11,
513,
11,
604,
11,
642,
11,
718,
11,
767,
11,
807,
4008,
737,
21018,
7,
13190,
40161,
28,
45,
2434,
40161,
7,
7203,
4666,
368,
12,
13317,
12,
16,
1600,
352,
828,
5855,
4666,
368,
12,
13317,
12,
17,
1600,
362,
828,
5855,
4666,
368,
12,
13317,
12,
18,
1600,
513,
828,
5855,
4666,
368,
12,
13317,
12,
19,
1600,
604,
828,
5855,
4666,
368,
12,
13317,
12,
20,
1600,
642,
828,
5855,
4666,
368,
12,
13317,
12,
21,
1600,
718,
828,
5855,
4666,
368,
12,
13317,
12,
22,
1600,
767,
828,
5855,
4666,
368,
12,
13317,
12,
23,
1600,
807,
22305,
737,
2617,
11518,
15457,
7203,
961,
13564,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
1451,
72,
16934,
5841,
368,
19463,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
11128,
72,
16934,
46512,
5841,
1741,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
38107,
11,
604,
11,
767,
11,
718,
11,
352,
11,
860,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
3103,
2536,
6003,
38176,
7,
28008,
11395,
3103,
2536,
2913,
7,
16,
11,
362,
11,
513,
11,
642,
11,
718,
4008,
737,
21018,
7,
13190,
40161,
28,
45,
2434,
40161,
7,
7203,
85,
1558,
1600,
352,
828,
5855,
85,
2091,
1600,
362,
828,
5855,
85,
1959,
1600,
513,
828,
5855,
85,
1558,
82,
1600,
642,
828,
5855,
85,
2091,
82,
1600,
718,
22305,
737,
2617,
11518,
15457,
7203,
961,
13564,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
1451,
72,
16934,
46512,
5841,
1741,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
11128,
72,
16934,
46512,
1065,
830,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
38107,
11,
604,
11,
767,
11,
718,
11,
352,
11,
838,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
3103,
2536,
6003,
38176,
7,
28008,
11395,
3103,
2536,
2913,
7,
16,
11,
362,
4008,
737,
21018,
7,
13190,
40161,
28,
45,
2434,
40161,
7,
7203,
261,
1600,
352,
828,
5855,
2364,
1600,
362,
22305,
737,
2617,
11518,
15457,
7203,
961,
13564,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
1451,
72,
16934,
46512,
1065,
830,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
11128,
72,
16934,
46512,
29551,
4971,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
38107,
11,
604,
11,
767,
11,
718,
11,
352,
11,
1367,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
3103,
2536,
6003,
38176,
7,
28008,
11395,
3103,
2536,
2913,
7,
16,
11,
362,
11,
513,
11,
604,
11,
642,
11,
718,
4008,
737,
21018,
7,
13190,
40161,
28,
45,
2434,
40161,
7,
7203,
9945,
15,
1600,
352,
828,
5855,
9945,
18,
1600,
362,
828,
5855,
9945,
21,
1600,
513,
828,
5855,
9945,
24,
1600,
604,
828,
5855,
9945,
1065,
1600,
642,
828,
5855,
9945,
1314,
1600,
718,
22305,
737,
2617,
11518,
15457,
7203,
961,
13564,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
1451,
72,
16934,
46512,
29551,
4971,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
11128,
72,
29800,
22130,
10962,
796,
337,
571,
10962,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
38107,
11,
604,
11,
767,
11,
767,
828,
1267,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
1451,
72,
29800,
22130,
10962,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
11128,
72,
29800,
22130,
30150,
796,
337,
571,
10962,
25166,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
38107,
11,
604,
11,
767,
11,
767,
11,
352,
828,
6739,
2617,
15732,
36690,
19510,
15,
11,
366,
3483,
1565,
8141,
12,
11473,
11860,
12,
34,
17614,
12,
8895,
33,
1600,
366,
11128,
72,
22130,
15057,
48774,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
1451,
72,
29800,
22130,
30150,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
11128,
72,
22130,
15057,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
38107,
11,
604,
11,
767,
11,
767,
11,
352,
11,
352,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
11395,
17257,
3103,
2536,
2913,
7,
15,
11,
3261,
4008,
737,
2617,
11518,
15457,
7203,
961,
13564,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
1451,
72,
22130,
15057,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
11128,
72,
22130,
1273,
74,
45195,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
38107,
11,
604,
11,
767,
11,
767,
11,
352,
11,
362,
828,
4722,
11395,
3419,
737,
2617,
11518,
15457,
7203,
961,
13564,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
1451,
72,
22130,
1273,
74,
45195,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
11128,
72,
22130,
14815,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
38107,
11,
604,
11,
767,
11,
767,
11,
352,
11,
513,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
3103,
2536,
6003,
38176,
7,
28008,
11395,
3103,
2536,
2913,
7,
16,
11,
362,
11,
513,
4008,
737,
21018,
7,
13190,
40161,
28,
45,
2434,
40161,
7,
7203,
11128,
72,
1157,
1600,
352,
828,
5855,
11128,
72,
1238,
1600,
362,
828,
5855,
33678,
1600,
513,
22305,
737,
2617,
11518,
15457,
7203,
961,
13564,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
1451,
72,
22130,
14815,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
76,
571,
32875,
13,
39344,
13940,
2022,
10220,
7203,
3483,
1565,
8141,
12,
11473,
11860,
12,
34,
17614,
12,
8895,
33,
1600,
1451,
72,
23061,
12360,
45195,
28,
11128,
72,
23061,
12360,
45195,
11,
1451,
72,
45,
35764,
30150,
28,
11128,
72,
45,
35764,
30150,
11,
23941,
28,
9255,
18166,
11,
1451,
72,
3646,
979,
33,
18,
2964,
1462,
28,
11128,
72,
3646,
979,
33,
18,
2964,
1462,
11,
20764,
28,
67,
375,
11,
1451,
72,
23061,
23416,
28,
11128,
72,
23061,
23416,
11,
1451,
72,
3646,
979,
12360,
45195,
28,
11128,
72,
3646,
979,
12360,
45195,
11,
1451,
72,
12360,
34,
17,
21575,
28,
11128,
72,
12360,
34,
17,
21575,
11,
1451,
72,
29800,
22130,
10962,
28,
11128,
72,
29800,
22130,
10962,
11,
1451,
72,
12360,
10962,
28,
11128,
72,
12360,
10962,
11,
1451,
72,
23061,
34,
541,
45195,
28,
11128,
72,
23061,
34,
541,
45195,
11,
1451,
72,
22130,
1273,
74,
45195,
28,
11128,
72,
22130,
1273,
74,
45195,
11,
1451,
72,
29800,
22130,
30150,
28,
11128,
72,
29800,
22130,
30150,
11,
1451,
72,
23061,
34,
541,
45195,
17,
28,
11128,
72,
23061,
34,
541,
45195,
17,
11,
1451,
72,
3646,
979,
15057,
28,
11128,
72,
3646,
979,
15057,
11,
1451,
72,
23061,
16177,
45195,
28,
11128,
72,
23061,
16177,
45195,
11,
1451,
72,
3646,
979,
33,
16,
2964,
1462,
28,
11128,
72,
3646,
979,
33,
16,
2964,
1462,
11,
1451,
72,
45,
35764,
3646,
979,
28,
11128,
72,
45,
35764,
3646,
979,
11,
275,
600,
721,
28,
65,
600,
721,
11,
1451,
72,
3646,
979,
23416,
28,
11128,
72,
3646,
979,
23416,
11,
1451,
72,
4677,
75,
10962,
28,
11128,
72,
4677,
75,
10962,
11,
1451,
72,
45,
35764,
15057,
28,
11128,
72,
45,
35764,
15057,
11,
1451,
72,
4677,
75,
12360,
13290,
28,
11128,
72,
4677,
75,
12360,
13290,
11,
1451,
72,
12360,
34,
16,
21575,
28,
11128,
72,
12360,
34,
16,
21575,
11,
1451,
72,
12360,
23416,
28,
11128,
72,
12360,
23416,
11,
1451,
72,
16934,
30150,
28,
11128,
72,
16934,
30150,
11,
1451,
72,
22130,
15057,
28,
11128,
72,
22130,
15057,
11,
1451,
72,
4677,
75,
8081,
35,
2436,
74,
10699,
28,
11128,
72,
4677,
75,
8081,
35,
2436,
74,
10699,
11,
1451,
72,
4677,
75,
30150,
28,
11128,
72,
4677,
75,
30150,
11,
1451,
72,
12360,
45,
35764,
28,
11128,
72,
12360,
45,
35764,
11,
1451,
72,
12360,
7004,
21575,
28,
11128,
72,
12360,
7004,
21575,
11,
1451,
72,
23061,
30150,
28,
11128,
72,
23061,
30150,
11,
1451,
72,
16934,
35708,
34,
7656,
28,
11128,
72,
16934,
35708,
34,
7656,
11,
1451,
72,
12360,
15057,
28,
11128,
72,
12360,
15057,
11,
22212,
11395,
28,
39,
1069,
11395,
11,
1451,
72,
16934,
10962,
28,
11128,
72,
16934,
10962,
11,
1451,
72,
4677,
75,
8081,
50108,
34,
429,
28,
11128,
72,
4677,
75,
8081,
50108,
34,
429,
11,
1451,
72,
4677,
75,
8081,
4971,
18,
34,
429,
28,
11128,
72,
4677,
75,
8081,
4971,
18,
34,
429,
11,
1451,
72,
16934,
46512,
5841,
1741,
28,
11128,
72,
16934,
46512,
5841,
1741,
11,
1451,
72,
23061,
22130,
28,
11128,
72,
23061,
22130,
11,
1451,
72,
4677,
75,
14815,
28,
11128,
72,
4677,
75,
14815,
11,
1451,
72,
12360,
30150,
28,
11128,
72,
12360,
30150,
11,
1451,
72,
3646,
979,
9012,
28,
11128,
72,
3646,
979,
9012,
11,
1451,
72,
45,
35764,
10962,
28,
11128,
72,
45,
35764,
10962,
11,
1451,
72,
3646,
979,
10962,
28,
11128,
72,
3646,
979,
10962,
11,
1451,
72,
3646,
979,
17563,
33,
18,
45,
13155,
67,
28,
11128,
72,
3646,
979,
17563,
33,
18,
45,
13155,
67,
11,
5230,
28,
37675,
11,
1451,
72,
12360,
3646,
979,
28,
11128,
72,
12360,
3646,
979,
11,
1451,
72,
4677,
75,
40778,
18743,
28,
11128,
72,
4677,
75,
40778,
18743,
11,
275,
26762,
28,
65,
26762,
11,
1451,
72,
16934,
46512,
38,
18,
39681,
28,
11128,
72,
16934,
46512,
38,
18,
39681,
11,
1451,
72,
4677,
75,
8081,
35,
2436,
74,
34,
429,
28,
11128,
72,
4677,
75,
8081,
35,
2436,
74,
34,
429,
11,
1451,
72,
16934,
1273,
74,
15057,
28,
11128,
72,
16934,
1273,
74,
15057,
11,
1451,
72,
23061,
36,
1031,
45195,
28,
11128,
72,
23061,
36,
1031,
45195,
11,
1451,
72,
23061,
10962,
28,
11128,
72,
23061,
10962,
11,
1451,
72,
3646,
979,
30150,
28,
11128,
72,
3646,
979,
30150,
11,
1451,
72,
3646,
979,
33,
18,
16934,
28,
11128,
72,
3646,
979,
33,
18,
16934,
11,
1451,
72,
3646,
979,
17563,
33,
17,
2964,
1462,
28,
11128,
72,
3646,
979,
17563,
33,
17,
2964,
1462,
11,
1451,
72,
16934,
5841,
368,
19463,
28,
11128,
72,
16934,
5841,
368,
19463,
11,
1451,
72,
22130,
14815,
28,
11128,
72,
22130,
14815,
11,
1451,
72,
3646,
979,
17563,
33,
17,
35,
75,
30094,
28,
11128,
72,
3646,
979,
17563,
33,
17,
35,
75,
30094,
11,
1451,
72,
16934,
25206,
36420,
278,
28,
11128,
72,
16934,
25206,
36420,
278,
11,
1451,
72,
45,
35764,
23416,
28,
11128,
72,
45,
35764,
23416,
11,
1451,
72,
28,
11128,
72,
11,
1451,
72,
3646,
979,
33,
17,
2964,
1462,
28,
11128,
72,
3646,
979,
33,
17,
2964,
1462,
11,
1451,
72,
3646,
979,
17563,
33,
18,
2964,
1462,
28,
11128,
72,
3646,
979,
17563,
33,
18,
2964,
1462,
11,
1451,
72,
3646,
979,
33,
16,
16934,
28,
11128,
72,
3646,
979,
33,
16,
16934,
11,
1451,
72,
4677,
75,
15057,
28,
11128,
72,
4677,
75,
15057,
11,
1451,
72,
16934,
46512,
38,
18,
49,
33967,
22785,
28,
11128,
72,
16934,
46512,
38,
18,
49,
33967,
22785,
11,
1451,
72,
3646,
979,
33,
17,
16934,
28,
11128,
72,
3646,
979,
33,
17,
16934,
11,
1451,
72,
45,
35764,
9012,
28,
11128,
72,
45,
35764,
9012,
11,
2839,
28,
19734,
11,
1451,
72,
16934,
46512,
29551,
4971,
28,
11128,
72,
16934,
46512,
29551,
4971,
11,
1451,
72,
3646,
979,
34,
541,
11395,
28,
11128,
72,
3646,
979,
34,
541,
11395,
11,
1451,
72,
16934,
53,
3682,
41907,
28,
11128,
72,
16934,
53,
3682,
41907,
11,
1451,
72,
16934,
46512,
1065,
830,
28,
11128,
72,
16934,
46512,
1065,
830,
11,
1451,
72,
3646,
979,
22130,
28,
11128,
72,
3646,
979,
22130,
11,
8745,
28,
2398,
11,
1451,
72,
16934,
46512,
38,
18,
2943,
44,
28,
11128,
72,
16934,
46512,
38,
18,
2943,
44,
8,
198
] | 2.538787 | 8,740 |
"""Current-flow betweenness centrality measures."""
import networkx as nx
from networkx.algorithms.centrality.flow_matrix import (
CGInverseLaplacian,
flow_matrix_row,
FullInverseLaplacian,
SuperLUInverseLaplacian,
)
from networkx.utils import (
not_implemented_for,
reverse_cuthill_mckee_ordering,
py_random_state,
)
__all__ = [
"current_flow_betweenness_centrality",
"approximate_current_flow_betweenness_centrality",
"edge_current_flow_betweenness_centrality",
]
@py_random_state(7)
@not_implemented_for("directed")
def approximate_current_flow_betweenness_centrality(
G,
normalized=True,
weight=None,
dtype=float,
solver="full",
epsilon=0.5,
kmax=10000,
seed=None,
):
r"""Compute the approximate current-flow betweenness centrality for nodes.
Approximates the current-flow betweenness centrality within absolute
error of epsilon with high probability [1]_.
Parameters
----------
G : graph
A NetworkX graph
normalized : bool, optional (default=True)
If True the betweenness values are normalized by 2/[(n-1)(n-2)] where
n is the number of nodes in G.
weight : string or None, optional (default=None)
Key for edge data used as the edge weight.
If None, then use 1 as each edge weight.
The weight reflects the capacity or the strength of the
edge.
dtype : data type (float)
Default data type for internal matrices.
Set to np.float32 for lower memory consumption.
solver : string (default='full')
Type of linear solver to use for computing the flow matrix.
Options are "full" (uses most memory), "lu" (recommended), and
"cg" (uses least memory).
epsilon: float
Absolute error tolerance.
kmax: int
Maximum number of sample node pairs to use for approximation.
seed : integer, random_state, or None (default)
Indicator of random number generation state.
See :ref:`Randomness<randomness>`.
Returns
-------
nodes : dictionary
Dictionary of nodes with betweenness centrality as the value.
See Also
--------
current_flow_betweenness_centrality
Notes
-----
The running time is $O((1/\epsilon^2)m{\sqrt k} \log n)$
and the space required is $O(m)$ for $n$ nodes and $m$ edges.
If the edges have a 'weight' attribute they will be used as
weights in this algorithm. Unspecified weights are set to 1.
References
----------
.. [1] Ulrik Brandes and Daniel Fleischer:
Centrality Measures Based on Current Flow.
Proc. 22nd Symp. Theoretical Aspects of Computer Science (STACS '05).
LNCS 3404, pp. 533-544. Springer-Verlag, 2005.
https://doi.org/10.1007/978-3-540-31856-9_44
"""
import numpy as np
if not nx.is_connected(G):
raise nx.NetworkXError("Graph not connected.")
solvername = {
"full": FullInverseLaplacian,
"lu": SuperLUInverseLaplacian,
"cg": CGInverseLaplacian,
}
n = G.number_of_nodes()
ordering = list(reverse_cuthill_mckee_ordering(G))
# make a copy with integer labels according to rcm ordering
# this could be done without a copy if we really wanted to
H = nx.relabel_nodes(G, dict(zip(ordering, range(n))))
L = nx.laplacian_matrix(H, nodelist=range(n), weight=weight).asformat("csc")
L = L.astype(dtype)
C = solvername[solver](L, dtype=dtype) # initialize solver
betweenness = dict.fromkeys(H, 0.0)
nb = (n - 1.0) * (n - 2.0) # normalization factor
cstar = n * (n - 1) / nb
l = 1 # parameter in approximation, adjustable
k = l * int(np.ceil((cstar / epsilon) ** 2 * np.log(n)))
if k > kmax:
msg = f"Number random pairs k>kmax ({k}>{kmax}) "
raise nx.NetworkXError(msg, "Increase kmax or epsilon")
cstar2k = cstar / (2 * k)
for i in range(k):
s, t = seed.sample(range(n), 2)
b = np.zeros(n, dtype=dtype)
b[s] = 1
b[t] = -1
p = C.solve(b)
for v in H:
if v == s or v == t:
continue
for nbr in H[v]:
w = H[v][nbr].get(weight, 1.0)
betweenness[v] += w * np.abs(p[v] - p[nbr]) * cstar2k
if normalized:
factor = 1.0
else:
factor = nb / 2.0
# remap to original node names and "unnormalize" if required
return {ordering[k]: float(v * factor) for k, v in betweenness.items()}
@not_implemented_for("directed")
def current_flow_betweenness_centrality(
G, normalized=True, weight=None, dtype=float, solver="full"
):
r"""Compute current-flow betweenness centrality for nodes.
Current-flow betweenness centrality uses an electrical current
model for information spreading in contrast to betweenness
centrality which uses shortest paths.
Current-flow betweenness centrality is also known as
random-walk betweenness centrality [2]_.
Parameters
----------
G : graph
A NetworkX graph
normalized : bool, optional (default=True)
If True the betweenness values are normalized by 2/[(n-1)(n-2)] where
n is the number of nodes in G.
weight : string or None, optional (default=None)
Key for edge data used as the edge weight.
If None, then use 1 as each edge weight.
The weight reflects the capacity or the strength of the
edge.
dtype : data type (float)
Default data type for internal matrices.
Set to np.float32 for lower memory consumption.
solver : string (default='full')
Type of linear solver to use for computing the flow matrix.
Options are "full" (uses most memory), "lu" (recommended), and
"cg" (uses least memory).
Returns
-------
nodes : dictionary
Dictionary of nodes with betweenness centrality as the value.
See Also
--------
approximate_current_flow_betweenness_centrality
betweenness_centrality
edge_betweenness_centrality
edge_current_flow_betweenness_centrality
Notes
-----
Current-flow betweenness can be computed in $O(I(n-1)+mn \log n)$
time [1]_, where $I(n-1)$ is the time needed to compute the
inverse Laplacian. For a full matrix this is $O(n^3)$ but using
sparse methods you can achieve $O(nm{\sqrt k})$ where $k$ is the
Laplacian matrix condition number.
The space required is $O(nw)$ where $w$ is the width of the sparse
Laplacian matrix. Worse case is $w=n$ for $O(n^2)$.
If the edges have a 'weight' attribute they will be used as
weights in this algorithm. Unspecified weights are set to 1.
References
----------
.. [1] Centrality Measures Based on Current Flow.
Ulrik Brandes and Daniel Fleischer,
Proc. 22nd Symp. Theoretical Aspects of Computer Science (STACS '05).
LNCS 3404, pp. 533-544. Springer-Verlag, 2005.
https://doi.org/10.1007/978-3-540-31856-9_44
.. [2] A measure of betweenness centrality based on random walks,
M. E. J. Newman, Social Networks 27, 39-54 (2005).
"""
if not nx.is_connected(G):
raise nx.NetworkXError("Graph not connected.")
n = G.number_of_nodes()
ordering = list(reverse_cuthill_mckee_ordering(G))
# make a copy with integer labels according to rcm ordering
# this could be done without a copy if we really wanted to
H = nx.relabel_nodes(G, dict(zip(ordering, range(n))))
betweenness = dict.fromkeys(H, 0.0) # b[v]=0 for v in H
for row, (s, t) in flow_matrix_row(H, weight=weight, dtype=dtype, solver=solver):
pos = dict(zip(row.argsort()[::-1], range(n)))
for i in range(n):
betweenness[s] += (i - pos[i]) * row[i]
betweenness[t] += (n - i - 1 - pos[i]) * row[i]
if normalized:
nb = (n - 1.0) * (n - 2.0) # normalization factor
else:
nb = 2.0
for v in H:
betweenness[v] = float((betweenness[v] - v) * 2.0 / nb)
return {ordering[k]: v for k, v in betweenness.items()}
@not_implemented_for("directed")
def edge_current_flow_betweenness_centrality(
G, normalized=True, weight=None, dtype=float, solver="full"
):
r"""Compute current-flow betweenness centrality for edges.
Current-flow betweenness centrality uses an electrical current
model for information spreading in contrast to betweenness
centrality which uses shortest paths.
Current-flow betweenness centrality is also known as
random-walk betweenness centrality [2]_.
Parameters
----------
G : graph
A NetworkX graph
normalized : bool, optional (default=True)
If True the betweenness values are normalized by 2/[(n-1)(n-2)] where
n is the number of nodes in G.
weight : string or None, optional (default=None)
Key for edge data used as the edge weight.
If None, then use 1 as each edge weight.
The weight reflects the capacity or the strength of the
edge.
dtype : data type (default=float)
Default data type for internal matrices.
Set to np.float32 for lower memory consumption.
solver : string (default='full')
Type of linear solver to use for computing the flow matrix.
Options are "full" (uses most memory), "lu" (recommended), and
"cg" (uses least memory).
Returns
-------
nodes : dictionary
Dictionary of edge tuples with betweenness centrality as the value.
Raises
------
NetworkXError
The algorithm does not support DiGraphs.
If the input graph is an instance of DiGraph class, NetworkXError
is raised.
See Also
--------
betweenness_centrality
edge_betweenness_centrality
current_flow_betweenness_centrality
Notes
-----
Current-flow betweenness can be computed in $O(I(n-1)+mn \log n)$
time [1]_, where $I(n-1)$ is the time needed to compute the
inverse Laplacian. For a full matrix this is $O(n^3)$ but using
sparse methods you can achieve $O(nm{\sqrt k})$ where $k$ is the
Laplacian matrix condition number.
The space required is $O(nw)$ where $w$ is the width of the sparse
Laplacian matrix. Worse case is $w=n$ for $O(n^2)$.
If the edges have a 'weight' attribute they will be used as
weights in this algorithm. Unspecified weights are set to 1.
References
----------
.. [1] Centrality Measures Based on Current Flow.
Ulrik Brandes and Daniel Fleischer,
Proc. 22nd Symp. Theoretical Aspects of Computer Science (STACS '05).
LNCS 3404, pp. 533-544. Springer-Verlag, 2005.
https://doi.org/10.1007/978-3-540-31856-9_44
.. [2] A measure of betweenness centrality based on random walks,
M. E. J. Newman, Social Networks 27, 39-54 (2005).
"""
from networkx.utils import reverse_cuthill_mckee_ordering
if not nx.is_connected(G):
raise nx.NetworkXError("Graph not connected.")
n = G.number_of_nodes()
ordering = list(reverse_cuthill_mckee_ordering(G))
# make a copy with integer labels according to rcm ordering
# this could be done without a copy if we really wanted to
H = nx.relabel_nodes(G, dict(zip(ordering, range(n))))
edges = (tuple(sorted((u, v))) for u, v in H.edges())
betweenness = dict.fromkeys(edges, 0.0)
if normalized:
nb = (n - 1.0) * (n - 2.0) # normalization factor
else:
nb = 2.0
for row, (e) in flow_matrix_row(H, weight=weight, dtype=dtype, solver=solver):
pos = dict(zip(row.argsort()[::-1], range(1, n + 1)))
for i in range(n):
betweenness[e] += (i + 1 - pos[i]) * row[i]
betweenness[e] += (n - i - pos[i]) * row[i]
betweenness[e] /= nb
return {(ordering[s], ordering[t]): float(v) for (s, t), v in betweenness.items()}
| [
37811,
11297,
12,
11125,
1022,
1108,
4318,
414,
5260,
526,
15931,
198,
11748,
3127,
87,
355,
299,
87,
198,
6738,
3127,
87,
13,
282,
7727,
907,
13,
31463,
414,
13,
11125,
62,
6759,
8609,
1330,
357,
198,
220,
220,
220,
29925,
818,
4399,
14772,
489,
330,
666,
11,
198,
220,
220,
220,
5202,
62,
6759,
8609,
62,
808,
11,
198,
220,
220,
220,
6462,
818,
4399,
14772,
489,
330,
666,
11,
198,
220,
220,
220,
3115,
41596,
818,
4399,
14772,
489,
330,
666,
11,
198,
8,
198,
6738,
3127,
87,
13,
26791,
1330,
357,
198,
220,
220,
220,
407,
62,
320,
1154,
12061,
62,
1640,
11,
198,
220,
220,
220,
9575,
62,
66,
1071,
359,
62,
23209,
11035,
62,
34555,
11,
198,
220,
220,
220,
12972,
62,
25120,
62,
5219,
11,
198,
8,
198,
198,
834,
439,
834,
796,
685,
198,
220,
220,
220,
366,
14421,
62,
11125,
62,
23395,
1108,
62,
31463,
414,
1600,
198,
220,
220,
220,
366,
1324,
13907,
1920,
62,
14421,
62,
11125,
62,
23395,
1108,
62,
31463,
414,
1600,
198,
220,
220,
220,
366,
14907,
62,
14421,
62,
11125,
62,
23395,
1108,
62,
31463,
414,
1600,
198,
60,
628,
198,
31,
9078,
62,
25120,
62,
5219,
7,
22,
8,
198,
31,
1662,
62,
320,
1154,
12061,
62,
1640,
7203,
34762,
4943,
198,
4299,
27665,
62,
14421,
62,
11125,
62,
23395,
1108,
62,
31463,
414,
7,
198,
220,
220,
220,
402,
11,
198,
220,
220,
220,
39279,
28,
17821,
11,
198,
220,
220,
220,
3463,
28,
14202,
11,
198,
220,
220,
220,
288,
4906,
28,
22468,
11,
198,
220,
220,
220,
1540,
332,
2625,
12853,
1600,
198,
220,
220,
220,
304,
862,
33576,
28,
15,
13,
20,
11,
198,
220,
220,
220,
479,
9806,
28,
49388,
11,
198,
220,
220,
220,
9403,
28,
14202,
11,
198,
2599,
198,
220,
220,
220,
374,
37811,
7293,
1133,
262,
27665,
1459,
12,
11125,
1022,
1108,
4318,
414,
329,
13760,
13,
628,
220,
220,
220,
2034,
13907,
26748,
262,
1459,
12,
11125,
1022,
1108,
4318,
414,
1626,
4112,
198,
220,
220,
220,
4049,
286,
304,
862,
33576,
351,
1029,
12867,
685,
16,
60,
44807,
628,
198,
220,
220,
220,
40117,
198,
220,
220,
220,
24200,
438,
198,
220,
220,
220,
402,
1058,
4823,
198,
220,
220,
220,
220,
220,
317,
7311,
55,
4823,
628,
220,
220,
220,
39279,
1058,
20512,
11,
11902,
357,
12286,
28,
17821,
8,
198,
220,
220,
220,
220,
220,
1002,
6407,
262,
1022,
1108,
3815,
389,
39279,
416,
362,
14,
58,
7,
77,
12,
16,
5769,
77,
12,
17,
15437,
810,
198,
220,
220,
220,
220,
220,
299,
318,
262,
1271,
286,
13760,
287,
402,
13,
628,
220,
220,
220,
3463,
1058,
4731,
393,
6045,
11,
11902,
357,
12286,
28,
14202,
8,
198,
220,
220,
220,
220,
220,
7383,
329,
5743,
1366,
973,
355,
262,
5743,
3463,
13,
198,
220,
220,
220,
220,
220,
1002,
6045,
11,
788,
779,
352,
355,
1123,
5743,
3463,
13,
198,
220,
220,
220,
220,
220,
383,
3463,
12497,
262,
5339,
393,
262,
4202,
286,
262,
198,
220,
220,
220,
220,
220,
5743,
13,
628,
220,
220,
220,
288,
4906,
1058,
1366,
2099,
357,
22468,
8,
198,
220,
220,
220,
220,
220,
15161,
1366,
2099,
329,
5387,
2603,
45977,
13,
198,
220,
220,
220,
220,
220,
5345,
284,
45941,
13,
22468,
2624,
329,
2793,
4088,
7327,
13,
628,
220,
220,
220,
1540,
332,
1058,
4731,
357,
12286,
11639,
12853,
11537,
198,
220,
220,
220,
220,
220,
220,
5994,
286,
14174,
1540,
332,
284,
779,
329,
14492,
262,
5202,
17593,
13,
198,
220,
220,
220,
220,
220,
220,
18634,
389,
366,
12853,
1,
357,
2664,
749,
4088,
828,
366,
2290,
1,
357,
47335,
1631,
828,
290,
198,
220,
220,
220,
220,
220,
220,
366,
66,
70,
1,
357,
2664,
1551,
4088,
737,
628,
220,
220,
220,
304,
862,
33576,
25,
12178,
198,
220,
220,
220,
220,
220,
220,
220,
36532,
4049,
15621,
13,
628,
220,
220,
220,
479,
9806,
25,
493,
198,
220,
220,
220,
220,
220,
220,
22246,
1271,
286,
6291,
10139,
14729,
284,
779,
329,
40874,
13,
628,
220,
220,
220,
9403,
1058,
18253,
11,
4738,
62,
5219,
11,
393,
6045,
357,
12286,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1423,
26407,
286,
4738,
1271,
5270,
1181,
13,
198,
220,
220,
220,
220,
220,
220,
220,
4091,
1058,
5420,
25,
63,
29531,
1108,
27,
25120,
1108,
29,
44646,
628,
220,
220,
220,
16409,
198,
220,
220,
220,
35656,
198,
220,
220,
220,
13760,
1058,
22155,
198,
220,
220,
220,
220,
220,
220,
28261,
286,
13760,
351,
1022,
1108,
4318,
414,
355,
262,
1988,
13,
628,
220,
220,
220,
4091,
4418,
198,
220,
220,
220,
24200,
198,
220,
220,
220,
1459,
62,
11125,
62,
23395,
1108,
62,
31463,
414,
628,
220,
220,
220,
11822,
198,
220,
220,
220,
37404,
198,
220,
220,
220,
383,
2491,
640,
318,
720,
46,
19510,
16,
14,
59,
538,
18217,
261,
61,
17,
8,
76,
31478,
31166,
17034,
479,
92,
3467,
6404,
299,
8,
3,
198,
220,
220,
220,
290,
262,
2272,
2672,
318,
720,
46,
7,
76,
8,
3,
329,
720,
77,
3,
13760,
290,
720,
76,
3,
13015,
13,
628,
220,
220,
220,
1002,
262,
13015,
423,
257,
705,
6551,
6,
11688,
484,
481,
307,
973,
355,
198,
220,
220,
220,
19590,
287,
428,
11862,
13,
220,
791,
23599,
19590,
389,
900,
284,
352,
13,
628,
220,
220,
220,
31458,
198,
220,
220,
220,
24200,
438,
198,
220,
220,
220,
11485,
685,
16,
60,
16322,
12602,
13512,
274,
290,
7806,
12005,
24645,
25,
198,
220,
220,
220,
220,
220,
220,
5694,
414,
45040,
13403,
319,
9236,
27782,
13,
198,
220,
220,
220,
220,
220,
220,
31345,
13,
2534,
358,
1632,
3149,
13,
383,
9997,
605,
1081,
38046,
286,
13851,
5800,
357,
2257,
2246,
50,
705,
2713,
737,
198,
220,
220,
220,
220,
220,
220,
406,
7792,
50,
513,
26429,
11,
9788,
13,
642,
2091,
12,
47576,
13,
43100,
12,
13414,
30909,
11,
5075,
13,
198,
220,
220,
220,
220,
220,
220,
3740,
1378,
34023,
13,
2398,
14,
940,
13,
44318,
14,
32196,
12,
18,
12,
35005,
12,
36042,
3980,
12,
24,
62,
2598,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
1330,
299,
32152,
355,
45941,
628,
220,
220,
220,
611,
407,
299,
87,
13,
271,
62,
15236,
7,
38,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
5298,
299,
87,
13,
26245,
55,
12331,
7203,
37065,
407,
5884,
19570,
198,
220,
220,
220,
1540,
933,
480,
796,
1391,
198,
220,
220,
220,
220,
220,
220,
220,
366,
12853,
1298,
6462,
818,
4399,
14772,
489,
330,
666,
11,
198,
220,
220,
220,
220,
220,
220,
220,
366,
2290,
1298,
3115,
41596,
818,
4399,
14772,
489,
330,
666,
11,
198,
220,
220,
220,
220,
220,
220,
220,
366,
66,
70,
1298,
29925,
818,
4399,
14772,
489,
330,
666,
11,
198,
220,
220,
220,
1782,
198,
220,
220,
220,
299,
796,
402,
13,
17618,
62,
1659,
62,
77,
4147,
3419,
198,
220,
220,
220,
16216,
796,
1351,
7,
50188,
62,
66,
1071,
359,
62,
23209,
11035,
62,
34555,
7,
38,
4008,
198,
220,
220,
220,
1303,
787,
257,
4866,
351,
18253,
14722,
1864,
284,
374,
11215,
16216,
198,
220,
220,
220,
1303,
428,
714,
307,
1760,
1231,
257,
4866,
611,
356,
1107,
2227,
284,
198,
220,
220,
220,
367,
796,
299,
87,
13,
2411,
9608,
62,
77,
4147,
7,
38,
11,
8633,
7,
13344,
7,
34555,
11,
2837,
7,
77,
35514,
198,
220,
220,
220,
406,
796,
299,
87,
13,
5031,
489,
330,
666,
62,
6759,
8609,
7,
39,
11,
18666,
46331,
28,
9521,
7,
77,
828,
3463,
28,
6551,
737,
292,
18982,
7203,
66,
1416,
4943,
198,
220,
220,
220,
406,
796,
406,
13,
459,
2981,
7,
67,
4906,
8,
198,
220,
220,
220,
327,
796,
1540,
933,
480,
58,
82,
14375,
16151,
43,
11,
288,
4906,
28,
67,
4906,
8,
220,
1303,
41216,
1540,
332,
198,
220,
220,
220,
1022,
1108,
796,
8633,
13,
6738,
13083,
7,
39,
11,
657,
13,
15,
8,
198,
220,
220,
220,
299,
65,
796,
357,
77,
532,
352,
13,
15,
8,
1635,
357,
77,
532,
362,
13,
15,
8,
220,
1303,
3487,
1634,
5766,
198,
220,
220,
220,
269,
7364,
796,
299,
1635,
357,
77,
532,
352,
8,
1220,
299,
65,
198,
220,
220,
220,
300,
796,
352,
220,
1303,
11507,
287,
40874,
11,
28138,
198,
220,
220,
220,
479,
796,
300,
1635,
493,
7,
37659,
13,
344,
346,
19510,
66,
7364,
1220,
304,
862,
33576,
8,
12429,
362,
1635,
45941,
13,
6404,
7,
77,
22305,
198,
220,
220,
220,
611,
479,
1875,
479,
9806,
25,
198,
220,
220,
220,
220,
220,
220,
220,
31456,
796,
277,
1,
15057,
4738,
14729,
479,
29,
74,
9806,
37913,
74,
92,
29,
90,
74,
9806,
30072,
366,
198,
220,
220,
220,
220,
220,
220,
220,
5298,
299,
87,
13,
26245,
55,
12331,
7,
19662,
11,
366,
46890,
479,
9806,
393,
304,
862,
33576,
4943,
198,
220,
220,
220,
269,
7364,
17,
74,
796,
269,
7364,
1220,
357,
17,
1635,
479,
8,
198,
220,
220,
220,
329,
1312,
287,
2837,
7,
74,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
264,
11,
256,
796,
9403,
13,
39873,
7,
9521,
7,
77,
828,
362,
8,
198,
220,
220,
220,
220,
220,
220,
220,
275,
796,
45941,
13,
9107,
418,
7,
77,
11,
288,
4906,
28,
67,
4906,
8,
198,
220,
220,
220,
220,
220,
220,
220,
275,
58,
82,
60,
796,
352,
198,
220,
220,
220,
220,
220,
220,
220,
275,
58,
83,
60,
796,
532,
16,
198,
220,
220,
220,
220,
220,
220,
220,
279,
796,
327,
13,
82,
6442,
7,
65,
8,
198,
220,
220,
220,
220,
220,
220,
220,
329,
410,
287,
367,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
410,
6624,
264,
393,
410,
6624,
256,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2555,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
299,
1671,
287,
367,
58,
85,
5974,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
266,
796,
367,
58,
85,
7131,
77,
1671,
4083,
1136,
7,
6551,
11,
352,
13,
15,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1022,
1108,
58,
85,
60,
15853,
266,
1635,
45941,
13,
8937,
7,
79,
58,
85,
60,
532,
279,
58,
77,
1671,
12962,
1635,
269,
7364,
17,
74,
198,
220,
220,
220,
611,
39279,
25,
198,
220,
220,
220,
220,
220,
220,
220,
5766,
796,
352,
13,
15,
198,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
5766,
796,
299,
65,
1220,
362,
13,
15,
198,
220,
220,
220,
1303,
816,
499,
284,
2656,
10139,
3891,
290,
366,
403,
11265,
1096,
1,
611,
2672,
198,
220,
220,
220,
1441,
1391,
34555,
58,
74,
5974,
12178,
7,
85,
1635,
5766,
8,
329,
479,
11,
410,
287,
1022,
1108,
13,
23814,
3419,
92,
628,
198,
31,
1662,
62,
320,
1154,
12061,
62,
1640,
7203,
34762,
4943,
198,
4299,
1459,
62,
11125,
62,
23395,
1108,
62,
31463,
414,
7,
198,
220,
220,
220,
402,
11,
39279,
28,
17821,
11,
3463,
28,
14202,
11,
288,
4906,
28,
22468,
11,
1540,
332,
2625,
12853,
1,
198,
2599,
198,
220,
220,
220,
374,
37811,
7293,
1133,
1459,
12,
11125,
1022,
1108,
4318,
414,
329,
13760,
13,
628,
220,
220,
220,
9236,
12,
11125,
1022,
1108,
4318,
414,
3544,
281,
12278,
1459,
198,
220,
220,
220,
2746,
329,
1321,
14342,
287,
6273,
284,
1022,
1108,
198,
220,
220,
220,
4318,
414,
543,
3544,
35581,
13532,
13,
628,
220,
220,
220,
9236,
12,
11125,
1022,
1108,
4318,
414,
318,
635,
1900,
355,
198,
220,
220,
220,
4738,
12,
11152,
1022,
1108,
4318,
414,
685,
17,
60,
44807,
628,
220,
220,
220,
40117,
198,
220,
220,
220,
24200,
438,
198,
220,
220,
220,
402,
1058,
4823,
198,
220,
220,
220,
220,
220,
317,
7311,
55,
4823,
628,
220,
220,
220,
39279,
1058,
20512,
11,
11902,
357,
12286,
28,
17821,
8,
198,
220,
220,
220,
220,
220,
1002,
6407,
262,
1022,
1108,
3815,
389,
39279,
416,
362,
14,
58,
7,
77,
12,
16,
5769,
77,
12,
17,
15437,
810,
198,
220,
220,
220,
220,
220,
299,
318,
262,
1271,
286,
13760,
287,
402,
13,
628,
220,
220,
220,
3463,
1058,
4731,
393,
6045,
11,
11902,
357,
12286,
28,
14202,
8,
198,
220,
220,
220,
220,
220,
7383,
329,
5743,
1366,
973,
355,
262,
5743,
3463,
13,
198,
220,
220,
220,
220,
220,
1002,
6045,
11,
788,
779,
352,
355,
1123,
5743,
3463,
13,
198,
220,
220,
220,
220,
220,
383,
3463,
12497,
262,
5339,
393,
262,
4202,
286,
262,
198,
220,
220,
220,
220,
220,
5743,
13,
628,
220,
220,
220,
288,
4906,
1058,
1366,
2099,
357,
22468,
8,
198,
220,
220,
220,
220,
220,
15161,
1366,
2099,
329,
5387,
2603,
45977,
13,
198,
220,
220,
220,
220,
220,
5345,
284,
45941,
13,
22468,
2624,
329,
2793,
4088,
7327,
13,
628,
220,
220,
220,
1540,
332,
1058,
4731,
357,
12286,
11639,
12853,
11537,
198,
220,
220,
220,
220,
220,
220,
5994,
286,
14174,
1540,
332,
284,
779,
329,
14492,
262,
5202,
17593,
13,
198,
220,
220,
220,
220,
220,
220,
18634,
389,
366,
12853,
1,
357,
2664,
749,
4088,
828,
366,
2290,
1,
357,
47335,
1631,
828,
290,
198,
220,
220,
220,
220,
220,
220,
366,
66,
70,
1,
357,
2664,
1551,
4088,
737,
628,
220,
220,
220,
16409,
198,
220,
220,
220,
35656,
198,
220,
220,
220,
13760,
1058,
22155,
198,
220,
220,
220,
220,
220,
220,
28261,
286,
13760,
351,
1022,
1108,
4318,
414,
355,
262,
1988,
13,
628,
220,
220,
220,
4091,
4418,
198,
220,
220,
220,
24200,
198,
220,
220,
220,
27665,
62,
14421,
62,
11125,
62,
23395,
1108,
62,
31463,
414,
198,
220,
220,
220,
1022,
1108,
62,
31463,
414,
198,
220,
220,
220,
5743,
62,
23395,
1108,
62,
31463,
414,
198,
220,
220,
220,
5743,
62,
14421,
62,
11125,
62,
23395,
1108,
62,
31463,
414,
628,
220,
220,
220,
11822,
198,
220,
220,
220,
37404,
198,
220,
220,
220,
9236,
12,
11125,
1022,
1108,
460,
307,
29231,
287,
220,
720,
46,
7,
40,
7,
77,
12,
16,
47762,
10295,
3467,
6404,
299,
8,
3,
198,
220,
220,
220,
640,
685,
16,
60,
62,
11,
810,
720,
40,
7,
77,
12,
16,
8,
3,
318,
262,
640,
2622,
284,
24061,
262,
198,
220,
220,
220,
34062,
4689,
489,
330,
666,
13,
220,
1114,
257,
1336,
17593,
428,
318,
720,
46,
7,
77,
61,
18,
8,
3,
475,
1262,
198,
220,
220,
220,
29877,
5050,
345,
460,
4620,
720,
46,
7,
21533,
31478,
31166,
17034,
479,
30072,
3,
810,
720,
74,
3,
318,
262,
198,
220,
220,
220,
4689,
489,
330,
666,
17593,
4006,
1271,
13,
628,
220,
220,
220,
383,
2272,
2672,
318,
720,
46,
7,
47516,
8,
3,
810,
720,
86,
3,
318,
262,
9647,
286,
262,
29877,
198,
220,
220,
220,
4689,
489,
330,
666,
17593,
13,
220,
36855,
1339,
318,
720,
86,
28,
77,
3,
329,
720,
46,
7,
77,
61,
17,
8,
35307,
628,
220,
220,
220,
1002,
262,
13015,
423,
257,
705,
6551,
6,
11688,
484,
481,
307,
973,
355,
198,
220,
220,
220,
19590,
287,
428,
11862,
13,
220,
791,
23599,
19590,
389,
900,
284,
352,
13,
628,
220,
220,
220,
31458,
198,
220,
220,
220,
24200,
438,
198,
220,
220,
220,
11485,
685,
16,
60,
5694,
414,
45040,
13403,
319,
9236,
27782,
13,
198,
220,
220,
220,
220,
220,
220,
16322,
12602,
13512,
274,
290,
7806,
12005,
24645,
11,
198,
220,
220,
220,
220,
220,
220,
31345,
13,
2534,
358,
1632,
3149,
13,
383,
9997,
605,
1081,
38046,
286,
13851,
5800,
357,
2257,
2246,
50,
705,
2713,
737,
198,
220,
220,
220,
220,
220,
220,
406,
7792,
50,
513,
26429,
11,
9788,
13,
642,
2091,
12,
47576,
13,
43100,
12,
13414,
30909,
11,
5075,
13,
198,
220,
220,
220,
220,
220,
220,
3740,
1378,
34023,
13,
2398,
14,
940,
13,
44318,
14,
32196,
12,
18,
12,
35005,
12,
36042,
3980,
12,
24,
62,
2598,
628,
220,
220,
220,
11485,
685,
17,
60,
317,
3953,
286,
1022,
1108,
4318,
414,
1912,
319,
4738,
11114,
11,
198,
220,
220,
220,
220,
220,
220,
337,
13,
412,
13,
449,
13,
27698,
11,
5483,
27862,
2681,
11,
5014,
12,
4051,
357,
14315,
737,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
611,
407,
299,
87,
13,
271,
62,
15236,
7,
38,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
5298,
299,
87,
13,
26245,
55,
12331,
7203,
37065,
407,
5884,
19570,
198,
220,
220,
220,
299,
796,
402,
13,
17618,
62,
1659,
62,
77,
4147,
3419,
198,
220,
220,
220,
16216,
796,
1351,
7,
50188,
62,
66,
1071,
359,
62,
23209,
11035,
62,
34555,
7,
38,
4008,
198,
220,
220,
220,
1303,
787,
257,
4866,
351,
18253,
14722,
1864,
284,
374,
11215,
16216,
198,
220,
220,
220,
1303,
428,
714,
307,
1760,
1231,
257,
4866,
611,
356,
1107,
2227,
284,
198,
220,
220,
220,
367,
796,
299,
87,
13,
2411,
9608,
62,
77,
4147,
7,
38,
11,
8633,
7,
13344,
7,
34555,
11,
2837,
7,
77,
35514,
198,
220,
220,
220,
1022,
1108,
796,
8633,
13,
6738,
13083,
7,
39,
11,
657,
13,
15,
8,
220,
1303,
275,
58,
85,
22241,
15,
329,
410,
287,
367,
198,
220,
220,
220,
329,
5752,
11,
357,
82,
11,
256,
8,
287,
5202,
62,
6759,
8609,
62,
808,
7,
39,
11,
3463,
28,
6551,
11,
288,
4906,
28,
67,
4906,
11,
1540,
332,
28,
82,
14375,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
1426,
796,
8633,
7,
13344,
7,
808,
13,
22046,
419,
3419,
58,
3712,
12,
16,
4357,
2837,
7,
77,
22305,
198,
220,
220,
220,
220,
220,
220,
220,
329,
1312,
287,
2837,
7,
77,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1022,
1108,
58,
82,
60,
15853,
357,
72,
532,
1426,
58,
72,
12962,
1635,
5752,
58,
72,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1022,
1108,
58,
83,
60,
15853,
357,
77,
532,
1312,
532,
352,
532,
1426,
58,
72,
12962,
1635,
5752,
58,
72,
60,
198,
220,
220,
220,
611,
39279,
25,
198,
220,
220,
220,
220,
220,
220,
220,
299,
65,
796,
357,
77,
532,
352,
13,
15,
8,
1635,
357,
77,
532,
362,
13,
15,
8,
220,
1303,
3487,
1634,
5766,
198,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
299,
65,
796,
362,
13,
15,
198,
220,
220,
220,
329,
410,
287,
367,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1022,
1108,
58,
85,
60,
796,
12178,
19510,
23395,
1108,
58,
85,
60,
532,
410,
8,
1635,
362,
13,
15,
1220,
299,
65,
8,
198,
220,
220,
220,
1441,
1391,
34555,
58,
74,
5974,
410,
329,
479,
11,
410,
287,
1022,
1108,
13,
23814,
3419,
92,
628,
198,
31,
1662,
62,
320,
1154,
12061,
62,
1640,
7203,
34762,
4943,
198,
4299,
5743,
62,
14421,
62,
11125,
62,
23395,
1108,
62,
31463,
414,
7,
198,
220,
220,
220,
402,
11,
39279,
28,
17821,
11,
3463,
28,
14202,
11,
288,
4906,
28,
22468,
11,
1540,
332,
2625,
12853,
1,
198,
2599,
198,
220,
220,
220,
374,
37811,
7293,
1133,
1459,
12,
11125,
1022,
1108,
4318,
414,
329,
13015,
13,
628,
220,
220,
220,
9236,
12,
11125,
1022,
1108,
4318,
414,
3544,
281,
12278,
1459,
198,
220,
220,
220,
2746,
329,
1321,
14342,
287,
6273,
284,
1022,
1108,
198,
220,
220,
220,
4318,
414,
543,
3544,
35581,
13532,
13,
628,
220,
220,
220,
9236,
12,
11125,
1022,
1108,
4318,
414,
318,
635,
1900,
355,
198,
220,
220,
220,
4738,
12,
11152,
1022,
1108,
4318,
414,
685,
17,
60,
44807,
628,
220,
220,
220,
40117,
198,
220,
220,
220,
24200,
438,
198,
220,
220,
220,
402,
1058,
4823,
198,
220,
220,
220,
220,
220,
317,
7311,
55,
4823,
628,
220,
220,
220,
39279,
1058,
20512,
11,
11902,
357,
12286,
28,
17821,
8,
198,
220,
220,
220,
220,
220,
1002,
6407,
262,
1022,
1108,
3815,
389,
39279,
416,
362,
14,
58,
7,
77,
12,
16,
5769,
77,
12,
17,
15437,
810,
198,
220,
220,
220,
220,
220,
299,
318,
262,
1271,
286,
13760,
287,
402,
13,
628,
220,
220,
220,
3463,
1058,
4731,
393,
6045,
11,
11902,
357,
12286,
28,
14202,
8,
198,
220,
220,
220,
220,
220,
7383,
329,
5743,
1366,
973,
355,
262,
5743,
3463,
13,
198,
220,
220,
220,
220,
220,
1002,
6045,
11,
788,
779,
352,
355,
1123,
5743,
3463,
13,
198,
220,
220,
220,
220,
220,
383,
3463,
12497,
262,
5339,
393,
262,
4202,
286,
262,
198,
220,
220,
220,
220,
220,
5743,
13,
628,
220,
220,
220,
288,
4906,
1058,
1366,
2099,
357,
12286,
28,
22468,
8,
198,
220,
220,
220,
220,
220,
15161,
1366,
2099,
329,
5387,
2603,
45977,
13,
198,
220,
220,
220,
220,
220,
5345,
284,
45941,
13,
22468,
2624,
329,
2793,
4088,
7327,
13,
628,
220,
220,
220,
1540,
332,
1058,
4731,
357,
12286,
11639,
12853,
11537,
198,
220,
220,
220,
220,
220,
220,
5994,
286,
14174,
1540,
332,
284,
779,
329,
14492,
262,
5202,
17593,
13,
198,
220,
220,
220,
220,
220,
220,
18634,
389,
366,
12853,
1,
357,
2664,
749,
4088,
828,
366,
2290,
1,
357,
47335,
1631,
828,
290,
198,
220,
220,
220,
220,
220,
220,
366,
66,
70,
1,
357,
2664,
1551,
4088,
737,
628,
220,
220,
220,
16409,
198,
220,
220,
220,
35656,
198,
220,
220,
220,
13760,
1058,
22155,
198,
220,
220,
220,
220,
220,
220,
28261,
286,
5743,
12777,
2374,
351,
1022,
1108,
4318,
414,
355,
262,
1988,
13,
628,
220,
220,
220,
7567,
2696,
198,
220,
220,
220,
40103,
198,
220,
220,
220,
7311,
55,
12331,
198,
220,
220,
220,
220,
220,
220,
220,
383,
11862,
857,
407,
1104,
6031,
37065,
82,
13,
198,
220,
220,
220,
220,
220,
220,
220,
1002,
262,
5128,
4823,
318,
281,
4554,
286,
6031,
37065,
1398,
11,
7311,
55,
12331,
198,
220,
220,
220,
220,
220,
220,
220,
318,
4376,
13,
628,
220,
220,
220,
4091,
4418,
198,
220,
220,
220,
24200,
198,
220,
220,
220,
1022,
1108,
62,
31463,
414,
198,
220,
220,
220,
5743,
62,
23395,
1108,
62,
31463,
414,
198,
220,
220,
220,
1459,
62,
11125,
62,
23395,
1108,
62,
31463,
414,
628,
220,
220,
220,
11822,
198,
220,
220,
220,
37404,
198,
220,
220,
220,
9236,
12,
11125,
1022,
1108,
460,
307,
29231,
287,
720,
46,
7,
40,
7,
77,
12,
16,
47762,
10295,
3467,
6404,
299,
8,
3,
198,
220,
220,
220,
640,
685,
16,
60,
62,
11,
810,
720,
40,
7,
77,
12,
16,
8,
3,
318,
262,
640,
2622,
284,
24061,
262,
198,
220,
220,
220,
34062,
4689,
489,
330,
666,
13,
220,
1114,
257,
1336,
17593,
428,
318,
720,
46,
7,
77,
61,
18,
8,
3,
475,
1262,
198,
220,
220,
220,
29877,
5050,
345,
460,
4620,
720,
46,
7,
21533,
31478,
31166,
17034,
479,
30072,
3,
810,
720,
74,
3,
318,
262,
198,
220,
220,
220,
4689,
489,
330,
666,
17593,
4006,
1271,
13,
628,
220,
220,
220,
383,
2272,
2672,
318,
720,
46,
7,
47516,
8,
3,
810,
720,
86,
3,
318,
262,
9647,
286,
262,
29877,
198,
220,
220,
220,
4689,
489,
330,
666,
17593,
13,
220,
36855,
1339,
318,
720,
86,
28,
77,
3,
329,
720,
46,
7,
77,
61,
17,
8,
35307,
628,
220,
220,
220,
1002,
262,
13015,
423,
257,
705,
6551,
6,
11688,
484,
481,
307,
973,
355,
198,
220,
220,
220,
19590,
287,
428,
11862,
13,
220,
791,
23599,
19590,
389,
900,
284,
352,
13,
628,
220,
220,
220,
31458,
198,
220,
220,
220,
24200,
438,
198,
220,
220,
220,
11485,
685,
16,
60,
5694,
414,
45040,
13403,
319,
9236,
27782,
13,
198,
220,
220,
220,
220,
220,
220,
16322,
12602,
13512,
274,
290,
7806,
12005,
24645,
11,
198,
220,
220,
220,
220,
220,
220,
31345,
13,
2534,
358,
1632,
3149,
13,
383,
9997,
605,
1081,
38046,
286,
13851,
5800,
357,
2257,
2246,
50,
705,
2713,
737,
198,
220,
220,
220,
220,
220,
220,
406,
7792,
50,
513,
26429,
11,
9788,
13,
642,
2091,
12,
47576,
13,
43100,
12,
13414,
30909,
11,
5075,
13,
198,
220,
220,
220,
220,
220,
220,
3740,
1378,
34023,
13,
2398,
14,
940,
13,
44318,
14,
32196,
12,
18,
12,
35005,
12,
36042,
3980,
12,
24,
62,
2598,
628,
220,
220,
220,
11485,
685,
17,
60,
317,
3953,
286,
1022,
1108,
4318,
414,
1912,
319,
4738,
11114,
11,
198,
220,
220,
220,
220,
220,
220,
337,
13,
412,
13,
449,
13,
27698,
11,
5483,
27862,
2681,
11,
5014,
12,
4051,
357,
14315,
737,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
422,
3127,
87,
13,
26791,
1330,
9575,
62,
66,
1071,
359,
62,
23209,
11035,
62,
34555,
628,
220,
220,
220,
611,
407,
299,
87,
13,
271,
62,
15236,
7,
38,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
5298,
299,
87,
13,
26245,
55,
12331,
7203,
37065,
407,
5884,
19570,
198,
220,
220,
220,
299,
796,
402,
13,
17618,
62,
1659,
62,
77,
4147,
3419,
198,
220,
220,
220,
16216,
796,
1351,
7,
50188,
62,
66,
1071,
359,
62,
23209,
11035,
62,
34555,
7,
38,
4008,
198,
220,
220,
220,
1303,
787,
257,
4866,
351,
18253,
14722,
1864,
284,
374,
11215,
16216,
198,
220,
220,
220,
1303,
428,
714,
307,
1760,
1231,
257,
4866,
611,
356,
1107,
2227,
284,
198,
220,
220,
220,
367,
796,
299,
87,
13,
2411,
9608,
62,
77,
4147,
7,
38,
11,
8633,
7,
13344,
7,
34555,
11,
2837,
7,
77,
35514,
198,
220,
220,
220,
13015,
796,
357,
83,
29291,
7,
82,
9741,
19510,
84,
11,
410,
22305,
329,
334,
11,
410,
287,
367,
13,
276,
3212,
28955,
198,
220,
220,
220,
1022,
1108,
796,
8633,
13,
6738,
13083,
7,
276,
3212,
11,
657,
13,
15,
8,
198,
220,
220,
220,
611,
39279,
25,
198,
220,
220,
220,
220,
220,
220,
220,
299,
65,
796,
357,
77,
532,
352,
13,
15,
8,
1635,
357,
77,
532,
362,
13,
15,
8,
220,
1303,
3487,
1634,
5766,
198,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
299,
65,
796,
362,
13,
15,
198,
220,
220,
220,
329,
5752,
11,
357,
68,
8,
287,
5202,
62,
6759,
8609,
62,
808,
7,
39,
11,
3463,
28,
6551,
11,
288,
4906,
28,
67,
4906,
11,
1540,
332,
28,
82,
14375,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
1426,
796,
8633,
7,
13344,
7,
808,
13,
22046,
419,
3419,
58,
3712,
12,
16,
4357,
2837,
7,
16,
11,
299,
1343,
352,
22305,
198,
220,
220,
220,
220,
220,
220,
220,
329,
1312,
287,
2837,
7,
77,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1022,
1108,
58,
68,
60,
15853,
357,
72,
1343,
352,
532,
1426,
58,
72,
12962,
1635,
5752,
58,
72,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1022,
1108,
58,
68,
60,
15853,
357,
77,
532,
1312,
532,
1426,
58,
72,
12962,
1635,
5752,
58,
72,
60,
198,
220,
220,
220,
220,
220,
220,
220,
1022,
1108,
58,
68,
60,
1220,
28,
299,
65,
198,
220,
220,
220,
1441,
1391,
7,
34555,
58,
82,
4357,
16216,
58,
83,
60,
2599,
12178,
7,
85,
8,
329,
357,
82,
11,
256,
828,
410,
287,
1022,
1108,
13,
23814,
3419,
92,
198
] | 2.581299 | 4,588 |
# from requests_html import HTMLSession
# import re
# from multiprocessing import Pool, Manager, Process
# import pandas as pd
# from functools import partial
import json
import sys
# records = {} # index -> data
# count = 0
if __name__ == '__main__':
if len(sys.argv) != 2:
print("python3 read.py <json_filename>")
file = sys.argv[1]
if not sys.argv[1].endswith('.json'):
file += '.json'
read(file)
| [
2,
422,
7007,
62,
6494,
1330,
11532,
36044,
198,
2,
1330,
302,
198,
2,
422,
18540,
305,
919,
278,
1330,
19850,
11,
9142,
11,
10854,
198,
2,
1330,
19798,
292,
355,
279,
67,
198,
2,
422,
1257,
310,
10141,
1330,
13027,
198,
11748,
33918,
198,
11748,
25064,
198,
198,
2,
4406,
796,
23884,
220,
1303,
6376,
4613,
1366,
220,
198,
2,
954,
796,
657,
198,
220,
220,
220,
220,
198,
198,
361,
11593,
3672,
834,
6624,
705,
834,
12417,
834,
10354,
198,
220,
220,
220,
611,
18896,
7,
17597,
13,
853,
85,
8,
14512,
362,
25,
198,
220,
220,
220,
220,
220,
220,
220,
3601,
7203,
29412,
18,
1100,
13,
9078,
1279,
17752,
62,
34345,
29,
4943,
198,
220,
220,
220,
2393,
796,
25064,
13,
853,
85,
58,
16,
60,
198,
220,
220,
220,
611,
407,
25064,
13,
853,
85,
58,
16,
4083,
437,
2032,
342,
7,
4458,
17752,
6,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
2393,
15853,
45302,
17752,
6,
198,
220,
220,
220,
1100,
7,
7753,
8,
628
] | 2.554913 | 173 |
#===============================================================================
# This file is part of Jwalk.
#
# Jwalk - A tool to calculate the solvent accessible surface distance (SASD)
# between crosslinked residues.
#
# Copyright 2016 Jwalk Inventor and Birkbeck College University of London.
# The Jwalk Inventor is: Josh Bullock
#
#
# Jwalk is available under Public Licence.
# This software is made available under GPL V3
#
# Please cite your use of Jwalk in published work:
#
# J.Bullock, J. Schwab, K. Thalassinos, M. Topf (2016)
# The importance of non-accessible crosslinks and solvent accessible surface distance
# in modelling proteins with restraints from crosslinking mass spectrometry.
# Molecular and Cellular Proteomics (15) pp.2491-2500
#
#===============================================================================
import sys
from math import cos, sin
import subprocess
def expand_points(atom,sphere):
""" Exapnd the unit sphere around specific x,y,z point and returns surface points"""
points = {}
atom.point_list = []
CH2 = 1.68
radius = {"N":1.43,
"O":1.30,
"C":1.68,
"S":1.67,
}
r = radius[atom.atom_name[0]] + CH2
(x,y,z) = (atom.x, atom.y, atom.z)
for s in sphere:
x1 = x + s[0]*r
y1 = y + s[1]*r
z1 = z + s[2]*r
points[x1,y1,z1] = 0
return points
def create_unit_sphere():
""" Generates a unit sphere with 30 points on the surface """
unit_sphere = []
unit_sphere.append( [0.0, 1.0, 0.0] )
unit_sphere.append( [0.0, -1.0, 0.0] )
nstep = 5
PI = 3.1415926536
theta = PI/nstep
arc = theta
for istep in range(nstep):
istep = istep + 1 # to change range from 0--9 to 1--10
y1 = cos(istep*theta)
r2 = sin(istep*theta)
ndot2= 2*PI*r2/arc # the circumference at that radius / proportion of pi
if ndot2 == 0.0:
continue
theta2 = 2*PI/ndot2
for idot in range(int(ndot2)):
idot = idot + 1 # to change range from 0-- to 1--
x2 = r2*cos(idot*theta2)
z2 = r2*sin(idot*theta2)
unit_sphere.append( [x2, y1, z2] )
return unit_sphere
def check_solvent_accessibility(prot,aa1_CA,xl_list = False):
'''
Checks solvent accessibility of residues in aa1_CA
Returns aa1_CA of solvent accessible residues.
Arguments
*prot*
Tempy structure instance
*aa1_CA*
residues of interest
'''
# dictionary for text output
string_dict = {"LYS":"lysines",
"CYS":"cysteines",
"ASP":"acidic residues",
"GLU":"acidic residues",
"VAL":"valines",
"ILE":"isoleucines",
"LEU":"leucines",
"ARG":"arginines",
"PRO":"prolines",
"GLY":"glycines",
"ALA":"alanines",
"TRP":"tryptophans",
"PHE":"phenylalanines",
"SER":"serines",
"GLN":"glutamines",
"HIS":"histidines",
"MET":"methionines",
"THR":"threonines",
"ASN":"asparagines",
"TYR":"tyrosines"
}
radius = {"N":1.43,
"O":1.30,
"C":1.68,
"S":1.67,
}
sd_res = False
# create sphere of 30 points to expand around atoms
sphere = create_unit_sphere()
SA_res = {}
CH2 = 1.68
# this is not very efficient ... freesasa implementation to come
for atom in prot.atomList:
atom.clash = 1
if (atom.res_no,atom.chain,atom.res) in aa1_CA:
sd_res = atom.res
# generate 30 points in unit spehere around atom
points = expand_points(atom,sphere)
for p in points:
(x,y,z) = (p[0],p[1],p[2])
# for every other atom check if points intersects with it
for atom2 in prot.atomList:
if atom2.res != atom.res or (atom2.res == atom.res and atom2.atom_name != atom.atom_name):
r = radius[atom2.atom_name[0]] + CH2
# need to transpose x,y,z
(tx,ty,tz) = (x-atom2.x,y-atom2.y,z-atom2.z)
# if the point lies within the sphere of that atom then it clashes
if tx**2 + ty**2 + tz**2 <= r**2:
points[p] = 1
break
# if any point on the sphere doesn't intersect with another then the atom is solvent accessible
if points[p] == 0:
atom.clash = 0
break
# if atom doesn't clash then residue information is kept in SA_res
if atom.clash == 0:
SA_res[atom.res_no,atom.chain,atom.res] = aa1_CA[atom.res_no,atom.chain,atom.res]
# inform user on buried resiudes
if xl_list:
pass
elif sd_res == "LYS":
print "%d %s and 1 N-terminus of which %d are on the surface" % (len(aa1_CA)-1,string_dict[sd_res], len(SA_res))
else:
print "%d %s of which %d are on the surface" % (len(aa1_CA),string_dict[sd_res], len(SA_res))
return SA_res
def update_crosslink_pairs(crosslink_pairs, aa1_CA, aa2_CA, remove_aa1, remove_aa2):
'''Removes buried residues from crosslink_pairs'''
buried_residues = []
index_to_delete = []
for i in xrange(len(crosslink_pairs)): # for each residue pair, check both are solvent accessible
x1, x2 = crosslink_pairs[i]
if x1 not in aa1_CA:
index_to_delete.append(i)
if x1 not in buried_residues:
buried_residues.append(x1)
if x2 not in aa2_CA and x2 not in buried_residues:
buried_residues.append(x2)
elif x2 not in aa2_CA:
index_to_delete.append(i)
if x2 not in buried_residues:
buried_residues.append(x2)
if [x1[0],x1[1]] in remove_aa1:
index_to_delete.append(i)
if x1 not in buried_residues:
buried_residues.append(x1)
if x2 in remove_aa2 and not x2 in buried_residues:
buried_residues.append(x2)
elif [x2[0],x2[1]] in remove_aa2:
index_to_delete.append(i)
if x2 not in buried_residues:
buried_residues.append(x2)
no_sasd_possible = []
crosslink_pairs_final = []
for i in xrange(len(crosslink_pairs)):
if i not in index_to_delete:
crosslink_pairs_final.append(crosslink_pairs[i])
else:
no_sasd_possible.append(crosslink_pairs[i])
if len(no_sasd_possible) > 0:
print "the following crosslinks cannot be calculated:"
for s in no_sasd_possible:
print "%s-%s-%s - %s-%s-%s" % (s[0][2],s[0][0],s[0][1],s[1][2],s[1][0],s[1][1])
return crosslink_pairs_final
| [
2,
23926,
25609,
18604,
198,
2,
220,
220,
220,
220,
770,
2393,
318,
636,
286,
449,
11152,
13,
198,
2,
220,
220,
220,
220,
220,
198,
2,
220,
220,
220,
220,
449,
11152,
532,
317,
2891,
284,
15284,
262,
43209,
9857,
4417,
5253,
357,
50,
1921,
35,
8,
220,
198,
2,
220,
220,
220,
220,
1022,
3272,
25614,
47185,
13,
198,
2,
220,
220,
220,
220,
220,
198,
2,
220,
220,
220,
220,
15069,
1584,
449,
11152,
554,
1151,
273,
290,
12817,
74,
27343,
5535,
2059,
286,
3576,
13,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
383,
449,
11152,
554,
1151,
273,
318,
25,
8518,
8266,
735,
198,
2,
220,
198,
2,
220,
198,
2,
220,
220,
220,
220,
449,
11152,
318,
1695,
739,
5094,
10483,
594,
13,
198,
2,
220,
220,
220,
220,
770,
3788,
318,
925,
1695,
739,
38644,
569,
18,
198,
2,
198,
2,
220,
220,
220,
220,
4222,
21729,
534,
779,
286,
449,
11152,
287,
3199,
670,
25,
198,
2,
220,
220,
220,
220,
220,
198,
2,
220,
220,
220,
220,
449,
13,
39549,
735,
11,
449,
13,
20469,
397,
11,
509,
13,
536,
282,
562,
11996,
11,
337,
13,
5849,
69,
357,
5304,
8,
198,
2,
220,
220,
220,
220,
383,
6817,
286,
1729,
12,
33780,
3272,
28751,
290,
43209,
9857,
4417,
5253,
198,
2,
220,
220,
220,
220,
287,
38591,
15568,
351,
45369,
422,
3272,
75,
8040,
2347,
5444,
398,
11973,
13,
220,
198,
2,
220,
220,
220,
220,
38275,
290,
50072,
1041,
660,
31994,
357,
1314,
8,
9788,
13,
1731,
6420,
12,
44688,
198,
2,
198,
2,
23926,
25609,
18604,
198,
198,
11748,
25064,
198,
6738,
10688,
1330,
8615,
11,
7813,
198,
11748,
850,
14681,
198,
198,
4299,
4292,
62,
13033,
7,
37696,
11,
2777,
1456,
2599,
198,
220,
220,
220,
37227,
1475,
499,
358,
262,
4326,
16558,
1088,
2176,
2124,
11,
88,
11,
89,
966,
290,
5860,
4417,
2173,
37811,
198,
220,
220,
220,
2173,
796,
23884,
198,
220,
220,
220,
22037,
13,
4122,
62,
4868,
796,
17635,
198,
220,
220,
220,
5870,
17,
796,
352,
13,
3104,
198,
220,
220,
220,
16874,
796,
19779,
45,
1298,
16,
13,
3559,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
46,
1298,
16,
13,
1270,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
34,
1298,
16,
13,
3104,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
50,
1298,
16,
13,
3134,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1782,
198,
220,
220,
220,
220,
198,
220,
220,
220,
374,
796,
16874,
58,
37696,
13,
37696,
62,
3672,
58,
15,
11907,
1343,
5870,
17,
198,
220,
220,
220,
357,
87,
11,
88,
11,
89,
8,
796,
357,
37696,
13,
87,
11,
22037,
13,
88,
11,
22037,
13,
89,
8,
198,
220,
220,
220,
220,
198,
220,
220,
220,
329,
264,
287,
16558,
25,
198,
220,
220,
220,
220,
220,
220,
220,
2124,
16,
796,
2124,
1343,
264,
58,
15,
60,
9,
81,
198,
220,
220,
220,
220,
220,
220,
220,
331,
16,
796,
331,
1343,
264,
58,
16,
60,
9,
81,
198,
220,
220,
220,
220,
220,
220,
220,
1976,
16,
796,
1976,
1343,
264,
58,
17,
60,
9,
81,
198,
220,
220,
220,
220,
220,
220,
220,
2173,
58,
87,
16,
11,
88,
16,
11,
89,
16,
60,
796,
657,
628,
220,
220,
220,
1441,
2173,
198,
198,
4299,
2251,
62,
20850,
62,
2777,
1456,
33529,
198,
220,
220,
220,
37227,
2980,
689,
257,
4326,
16558,
351,
1542,
2173,
319,
262,
4417,
37227,
198,
220,
220,
220,
220,
198,
220,
220,
220,
4326,
62,
2777,
1456,
796,
17635,
198,
220,
220,
220,
220,
198,
220,
220,
220,
4326,
62,
2777,
1456,
13,
33295,
7,
685,
15,
13,
15,
11,
352,
13,
15,
11,
657,
13,
15,
60,
1267,
198,
220,
220,
220,
4326,
62,
2777,
1456,
13,
33295,
7,
685,
15,
13,
15,
11,
532,
16,
13,
15,
11,
657,
13,
15,
60,
1267,
198,
220,
220,
220,
220,
198,
220,
220,
220,
299,
9662,
796,
642,
198,
220,
220,
220,
30434,
796,
513,
13,
1415,
19707,
22980,
2623,
198,
220,
220,
220,
262,
8326,
796,
30434,
14,
77,
9662,
198,
220,
220,
220,
10389,
796,
262,
8326,
198,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
329,
318,
83,
538,
287,
2837,
7,
77,
9662,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
318,
83,
538,
796,
318,
83,
538,
1343,
352,
220,
220,
220,
1303,
284,
1487,
2837,
422,
657,
438,
24,
284,
352,
438,
940,
198,
220,
220,
220,
220,
220,
220,
220,
331,
16,
796,
8615,
7,
396,
538,
9,
1169,
8326,
8,
198,
220,
220,
220,
220,
220,
220,
220,
374,
17,
796,
7813,
7,
396,
538,
9,
1169,
8326,
8,
198,
220,
220,
220,
220,
220,
220,
220,
299,
26518,
17,
28,
362,
9,
11901,
9,
81,
17,
14,
5605,
220,
220,
1303,
262,
38447,
379,
326,
16874,
1220,
9823,
286,
31028,
198,
220,
220,
220,
220,
220,
220,
220,
611,
299,
26518,
17,
6624,
657,
13,
15,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2555,
198,
220,
220,
220,
220,
220,
220,
220,
262,
8326,
17,
796,
362,
9,
11901,
14,
358,
313,
17,
198,
220,
220,
220,
220,
220,
220,
220,
329,
4686,
313,
287,
2837,
7,
600,
7,
358,
313,
17,
8,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4686,
313,
796,
4686,
313,
1343,
352,
220,
1303,
284,
1487,
2837,
422,
657,
438,
284,
352,
438,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2124,
17,
796,
374,
17,
9,
6966,
7,
312,
313,
9,
1169,
8326,
17,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1976,
17,
796,
374,
17,
9,
31369,
7,
312,
313,
9,
1169,
8326,
17,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4326,
62,
2777,
1456,
13,
33295,
7,
685,
87,
17,
11,
331,
16,
11,
1976,
17,
60,
1267,
198,
220,
220,
220,
220,
198,
220,
220,
220,
1441,
4326,
62,
2777,
1456,
220,
198,
197,
198,
4299,
2198,
62,
34453,
1151,
62,
15526,
2247,
7,
11235,
11,
7252,
16,
62,
8141,
11,
87,
75,
62,
4868,
796,
10352,
2599,
198,
220,
220,
220,
220,
198,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
220,
198,
220,
220,
220,
47719,
43209,
28969,
286,
47185,
287,
257,
64,
16,
62,
8141,
198,
220,
220,
220,
16409,
257,
64,
16,
62,
8141,
286,
43209,
9857,
47185,
13,
220,
198,
220,
220,
220,
220,
198,
220,
220,
220,
20559,
2886,
198,
220,
220,
220,
220,
220,
220,
220,
1635,
11235,
9,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5825,
9078,
4645,
4554,
198,
220,
220,
220,
220,
220,
220,
220,
1635,
7252,
16,
62,
8141,
9,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
47185,
286,
1393,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
1303,
22155,
329,
2420,
5072,
198,
220,
220,
220,
4731,
62,
11600,
796,
19779,
11319,
50,
2404,
27385,
1127,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
34,
16309,
2404,
948,
4169,
1127,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
1921,
47,
2404,
46309,
291,
47185,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
8763,
52,
2404,
46309,
291,
47185,
1600,
220,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
23428,
2404,
2100,
1127,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
41119,
2404,
271,
2305,
1229,
1127,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
2538,
52,
2404,
293,
1229,
1127,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
1503,
38,
2404,
853,
259,
1127,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
31190,
2404,
1676,
6615,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
8763,
56,
2404,
10853,
66,
1127,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
1847,
32,
2404,
25786,
1127,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
5446,
47,
2404,
83,
6012,
2522,
504,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
11909,
36,
2404,
31024,
2645,
25786,
1127,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
35009,
2404,
2655,
1127,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
8763,
45,
2404,
4743,
315,
41047,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
39,
1797,
2404,
10034,
312,
1127,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
47123,
2404,
76,
2788,
295,
1127,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
4221,
49,
2404,
400,
21833,
1127,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
1921,
45,
2404,
292,
1845,
363,
1127,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
9936,
49,
2404,
774,
4951,
1127,
1,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1782,
198,
220,
220,
220,
220,
198,
220,
220,
220,
16874,
796,
19779,
45,
1298,
16,
13,
3559,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
46,
1298,
16,
13,
1270,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
34,
1298,
16,
13,
3104,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
50,
1298,
16,
13,
3134,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1782,
198,
220,
220,
220,
45647,
62,
411,
796,
10352,
198,
220,
220,
220,
1303,
2251,
16558,
286,
1542,
2173,
284,
4292,
1088,
23235,
198,
220,
220,
220,
16558,
796,
2251,
62,
20850,
62,
2777,
1456,
3419,
198,
220,
220,
220,
220,
198,
220,
220,
220,
14719,
62,
411,
796,
23884,
198,
220,
220,
220,
5870,
17,
796,
352,
13,
3104,
198,
220,
220,
220,
220,
198,
220,
220,
220,
1303,
428,
318,
407,
845,
6942,
2644,
2030,
274,
15462,
7822,
284,
1282,
198,
220,
220,
220,
329,
22037,
287,
1237,
13,
37696,
8053,
25,
198,
220,
220,
220,
220,
220,
220,
220,
22037,
13,
565,
1077,
796,
352,
198,
220,
220,
220,
220,
220,
220,
220,
611,
357,
37696,
13,
411,
62,
3919,
11,
37696,
13,
7983,
11,
37696,
13,
411,
8,
287,
257,
64,
16,
62,
8141,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
45647,
62,
411,
796,
22037,
13,
411,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
7716,
1542,
2173,
287,
4326,
693,
1456,
1088,
22037,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2173,
796,
4292,
62,
13033,
7,
37696,
11,
2777,
1456,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
279,
287,
2173,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
87,
11,
88,
11,
89,
8,
796,
357,
79,
58,
15,
4357,
79,
58,
16,
4357,
79,
58,
17,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
329,
790,
584,
22037,
2198,
611,
2173,
36177,
82,
351,
340,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
22037,
17,
287,
1237,
13,
37696,
8053,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
22037,
17,
13,
411,
14512,
22037,
13,
411,
393,
357,
37696,
17,
13,
411,
6624,
22037,
13,
411,
290,
22037,
17,
13,
37696,
62,
3672,
14512,
22037,
13,
37696,
62,
3672,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
374,
796,
16874,
58,
37696,
17,
13,
37696,
62,
3672,
58,
15,
11907,
1343,
5870,
17,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
761,
284,
1007,
3455,
2124,
11,
88,
11,
89,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
17602,
11,
774,
11,
22877,
8,
796,
357,
87,
12,
37696,
17,
13,
87,
11,
88,
12,
37696,
17,
13,
88,
11,
89,
12,
37696,
17,
13,
89,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
611,
262,
966,
7363,
1626,
262,
16558,
286,
326,
22037,
788,
340,
21022,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
27765,
1174,
17,
1343,
1259,
1174,
17,
1343,
256,
89,
1174,
17,
19841,
374,
1174,
17,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2173,
58,
79,
60,
796,
352,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2270,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
611,
597,
966,
319,
262,
16558,
1595,
470,
36177,
351,
1194,
788,
262,
22037,
318,
43209,
9857,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2173,
58,
79,
60,
6624,
657,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
22037,
13,
565,
1077,
796,
657,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2270,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
611,
22037,
1595,
470,
19122,
788,
35186,
1321,
318,
4030,
287,
14719,
62,
411,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
22037,
13,
565,
1077,
6624,
657,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
14719,
62,
411,
58,
37696,
13,
411,
62,
3919,
11,
37696,
13,
7983,
11,
37696,
13,
411,
60,
796,
257,
64,
16,
62,
8141,
58,
37696,
13,
411,
62,
3919,
11,
37696,
13,
7983,
11,
37696,
13,
411,
60,
198,
220,
220,
220,
220,
198,
220,
220,
220,
1303,
4175,
2836,
319,
11694,
581,
72,
8401,
198,
220,
220,
220,
611,
2124,
75,
62,
4868,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1208,
198,
220,
220,
220,
1288,
361,
45647,
62,
411,
6624,
366,
11319,
50,
1298,
198,
220,
220,
220,
220,
220,
220,
220,
3601,
36521,
67,
4064,
82,
290,
352,
399,
12,
23705,
385,
286,
543,
4064,
67,
389,
319,
262,
4417,
1,
4064,
357,
11925,
7,
7252,
16,
62,
8141,
13219,
16,
11,
8841,
62,
11600,
58,
21282,
62,
411,
4357,
18896,
7,
4090,
62,
411,
4008,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
2073,
25,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
3601,
36521,
67,
4064,
82,
286,
543,
4064,
67,
389,
319,
262,
4417,
1,
4064,
357,
11925,
7,
7252,
16,
62,
8141,
828,
8841,
62,
11600,
58,
21282,
62,
411,
4357,
18896,
7,
4090,
62,
411,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
1441,
14719,
62,
411,
220,
220,
220,
198,
220,
220,
220,
220,
198,
4299,
4296,
62,
19692,
8726,
62,
79,
3468,
7,
19692,
8726,
62,
79,
3468,
11,
257,
64,
16,
62,
8141,
11,
257,
64,
17,
62,
8141,
11,
4781,
62,
7252,
16,
11,
4781,
62,
7252,
17,
2599,
198,
220,
220,
220,
220,
198,
220,
220,
220,
705,
7061,
8413,
5241,
11694,
47185,
422,
3272,
8726,
62,
79,
3468,
7061,
6,
198,
220,
220,
220,
220,
198,
220,
220,
220,
11694,
62,
411,
312,
947,
796,
17635,
198,
220,
220,
220,
6376,
62,
1462,
62,
33678,
796,
17635,
198,
220,
220,
220,
220,
198,
220,
220,
220,
329,
1312,
287,
2124,
9521,
7,
11925,
7,
19692,
8726,
62,
79,
3468,
8,
2599,
1303,
329,
1123,
35186,
5166,
11,
2198,
1111,
389,
43209,
9857,
198,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
2124,
16,
11,
2124,
17,
796,
3272,
8726,
62,
79,
3468,
58,
72,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
611,
2124,
16,
407,
287,
257,
64,
16,
62,
8141,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6376,
62,
1462,
62,
33678,
13,
33295,
7,
72,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2124,
16,
407,
287,
11694,
62,
411,
312,
947,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
11694,
62,
411,
312,
947,
13,
33295,
7,
87,
16,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2124,
17,
407,
287,
257,
64,
17,
62,
8141,
290,
2124,
17,
407,
287,
11694,
62,
411,
312,
947,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
11694,
62,
411,
312,
947,
13,
33295,
7,
87,
17,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
2124,
17,
407,
287,
257,
64,
17,
62,
8141,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6376,
62,
1462,
62,
33678,
13,
33295,
7,
72,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2124,
17,
407,
287,
11694,
62,
411,
312,
947,
25,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
11694,
62,
411,
312,
947,
13,
33295,
7,
87,
17,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
611,
685,
87,
16,
58,
15,
4357,
87,
16,
58,
16,
11907,
287,
4781,
62,
7252,
16,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6376,
62,
1462,
62,
33678,
13,
33295,
7,
72,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2124,
16,
407,
287,
11694,
62,
411,
312,
947,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
11694,
62,
411,
312,
947,
13,
33295,
7,
87,
16,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2124,
17,
287,
4781,
62,
7252,
17,
290,
407,
2124,
17,
287,
11694,
62,
411,
312,
947,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
11694,
62,
411,
312,
947,
13,
33295,
7,
87,
17,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
685,
87,
17,
58,
15,
4357,
87,
17,
58,
16,
11907,
287,
4781,
62,
7252,
17,
25,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6376,
62,
1462,
62,
33678,
13,
33295,
7,
72,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2124,
17,
407,
287,
11694,
62,
411,
312,
947,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
11694,
62,
411,
312,
947,
13,
33295,
7,
87,
17,
8,
198,
220,
220,
220,
220,
198,
220,
220,
220,
645,
62,
82,
292,
67,
62,
79,
4733,
796,
17635,
198,
220,
220,
220,
3272,
8726,
62,
79,
3468,
62,
20311,
796,
17635,
198,
220,
220,
220,
329,
1312,
287,
2124,
9521,
7,
11925,
7,
19692,
8726,
62,
79,
3468,
8,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
611,
1312,
407,
287,
6376,
62,
1462,
62,
33678,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3272,
8726,
62,
79,
3468,
62,
20311,
13,
33295,
7,
19692,
8726,
62,
79,
3468,
58,
72,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
645,
62,
82,
292,
67,
62,
79,
4733,
13,
33295,
7,
19692,
8726,
62,
79,
3468,
58,
72,
12962,
198,
220,
220,
220,
220,
198,
220,
220,
220,
611,
18896,
7,
3919,
62,
82,
292,
67,
62,
79,
4733,
8,
1875,
657,
25,
198,
220,
220,
220,
220,
220,
220,
220,
3601,
366,
1169,
1708,
3272,
28751,
2314,
307,
10488,
11097,
198,
220,
220,
220,
220,
220,
220,
220,
329,
264,
287,
645,
62,
82,
292,
67,
62,
79,
4733,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3601,
36521,
82,
12,
4,
82,
12,
4,
82,
532,
4064,
82,
12,
4,
82,
12,
4,
82,
1,
4064,
357,
82,
58,
15,
7131,
17,
4357,
82,
58,
15,
7131,
15,
4357,
82,
58,
15,
7131,
16,
4357,
82,
58,
16,
7131,
17,
4357,
82,
58,
16,
7131,
15,
4357,
82,
58,
16,
7131,
16,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
1441,
3272,
8726,
62,
79,
3468,
62,
20311,
198,
220,
220,
220,
220
] | 1.897002 | 3,903 |
import riemann
from riemann import utils
from riemann.tx import shared
from riemann.script import serialization
from riemann.tx.shared import ByteData, VarInt
from typing import List, Optional, overload, Sequence, Tuple
class Outpoint(ByteData):
'''
An outpoint. A pointer to the previous output being consumed by the
associated input. It specifies the prevout by transaction id and index
within that transaction's output vector
NB: Args must be little-endian
Args:
tx_id: the 32-byte LE hash of the previous transaction
index: the 4-byte LE encoded index of the prevout in its transaction
Attributes:
tx_id: the 32-byte LE hash of the previous transaction
index: the 4-byte LE encoded index of the prevout in its transaction
'''
tx_id: bytes
index: bytes
def copy(self,
tx_id: Optional[bytes] = None,
index: Optional[bytes] = None) -> 'Outpoint':
'''
Make a new copy of the object with optional modifications.
'''
return Outpoint(
tx_id=tx_id if tx_id is not None else self.tx_id,
index=index if index is not None else self.index)
@classmethod
def null(Outpoint) -> 'Outpoint':
'''Make a null outpoint, as found in coinbase transactions'''
return Outpoint(b'\x00' * 32, b'\xff' * 4)
@classmethod
def from_bytes(Outpoint, byte_string: bytes) -> 'Outpoint':
'''
Parse an Outpoint from a bytestring. Also available as from_hex
'''
return Outpoint(
tx_id=byte_string[:32],
index=byte_string[32:36])
class TxIn(ByteData):
'''
A transaction input, composed of an outpoint, a script_sig and a sequence
number. Legacy TxIn script sigs contain spend authorization information for
the referenced UTXO. Compatibility TxIn script sigs contain the witness
program only. Segwit Txin script sigs are empty.
The sequence number is used to set relative timelocks. See
`this blog post <https://prestwi.ch/bitcoin-time-locks/>`_ for details.
Args:
outpoint: The `Outpoint` object pointing to the prevout being consumed
by this input
stack_script: The Script program that sets the initial stack, if any.
Legacy inputs are unsigned without this. Segwit inputs
never have this.
redeem_script: The Script program that controls spending, if any. Only
present when spending a Legacy or Compatibility SH UTXO.
Segwit inputs never have this.
sequence: The 4-byte LE encoded sequence number of the input. Can be
used to set relative timelocks.
Attributes:
outpoint: The `Outpoint` object pointing to the prevout being consumed
by this input
stack_script: The Script program that sets the initial stack, if any.
Legacy inputs are unsigned without this. Segwit inputs
never have this.
redeem_script: The Script program that controls spending, if any. Only
present when spending a Legacy or Compatibility SH UTXO.
Segwit inputs never have this.
script_sig: The combined stack_script and redeem_script. For Legacy and
Compatibility PKH transactions this will be equal to the
stack script.
sequence: The 4-byte LE encoded sequence number of the input. Can be
used to set relative timelocks.
'''
outpoint: Outpoint
stack_script: bytes
redeem_script: bytes
sequence: bytes
def copy(self,
outpoint: Optional[Outpoint] = None,
stack_script: Optional[bytes] = None,
redeem_script: Optional[bytes] = None,
sequence: Optional[bytes] = None) -> 'TxIn':
'''
Make a new copy of the object with optional modifications.
'''
return TxIn(
outpoint=outpoint if outpoint is not None else self.outpoint,
stack_script=(stack_script if stack_script is not None
else self.stack_script),
redeem_script=(redeem_script if redeem_script is not None
else self.redeem_script),
sequence=sequence if sequence is not None else self.sequence)
def is_p2sh(self) -> bool:
'''
Return True if the TxIn has a non-empty `redeem_script`
'''
return self.redeem_script != b''
@staticmethod
def _parse_script_sig(script_sig: bytes) -> Tuple[bytes, bytes]:
'''
Parse the scriptsig into a stack script and a redeem_script
byte_string -> (byte_string, byte_string)
'''
# Is there a better way to do this?
stack_script = script_sig
redeem_script = b''
try:
# If the last entry deserializes, it's a p2sh input
# There is a vanishingly small edge case where the pubkey
# forms a deserializable script.
# Edge case: serialization errors on CODESEPARATOR
deserialized = serialization.deserialize(script_sig)
items = deserialized.split()
serialization.hex_deserialize(items[-1])
stack_script = serialization.serialize(' '.join(items[:-1]))
redeem_script = serialization.serialize(items[-1])
except (IndexError, ValueError, NotImplementedError):
pass
return stack_script, redeem_script
@classmethod
def from_bytes(TxIn, byte_string: bytes) -> 'TxIn':
'''
Parse a TxIn from a bytestring. Also available as from_hex
'''
outpoint = Outpoint.from_bytes(byte_string[:36])
# Extract the script sig length
script_sig_len = VarInt.from_bytes(byte_string[36:45])
# Extract the script sig
script_start = 36 + len(script_sig_len)
script_end = script_start + script_sig_len.number
script_sig = byte_string[script_start:script_end]
sequence = byte_string[script_end:script_end + 4]
# If the script-sig is blank, both stack and redeem are blank
if script_sig == b'':
stack_script = b''
redeem_script = b''
# If the outpoint is null (coinbase), don't try parsing the script sig
elif outpoint == Outpoint.null():
stack_script = script_sig
redeem_script = b''
# Parse the script sig into stack and redeem
else:
stack_script, redeem_script = TxIn._parse_script_sig(script_sig)
return TxIn(
outpoint=outpoint,
stack_script=stack_script,
redeem_script=redeem_script,
sequence=sequence)
class TxOut(ByteData):
'''
A transaction output, composed of a value (in satoshi) and an output script
describing the spend conditions on the new UTXO.
Value is serialized as an 8-byte LE integer, measured in satoshi. Use the
`i2le_padded` function in :ref:`utils` to serialize integers.
TxOut accepts un-prepended output scripts, and adds their length for you.
Args:
value: the 8-byte LE encoded value of the output (in satoshi)
output_script: the non-length-prepended output script as a bytestring
Attributes:
value: the 8-byte LE encoded value of the output (in satoshi)
output_script: the non-length-prepended output script as a bytestring
'''
value: bytes
output_script: bytes
def copy(self,
value: Optional[bytes] = None,
output_script: Optional[bytes] = None) -> 'TxOut':
'''
Make a new copy of the object with optional modifications.
'''
return TxOut(
value=value if value is not None else self.value,
output_script=(output_script if output_script is not None
else self.output_script))
@classmethod
def from_bytes(TxOut, byte_string: bytes) -> 'TxOut':
'''
Parse a TxOut from a bytestring. Also available as from_hex
'''
n = VarInt.from_bytes(byte_string[8:])
script_start = 8 + len(n)
script_end = script_start + n.number
if n.number < 0xfc:
return TxOut(
value=byte_string[:8],
output_script=byte_string[script_start:script_end])
else:
raise NotImplementedError(
'No support for abnormally long pk_scripts.')
class WitnessStackItem(ByteData):
'''
A witness stack item. Each input witness is composed of an initial stack
to be evaluated by the witness program. Witnesses for P2WSH inputs have a
serialized script as the last stack element.
Args:
item: the raw data to be placed on the stack
Attributes:
item: the raw data to be placed on the stack
'''
@classmethod
def from_bytes(WitnessStackItem, byte_string: bytes) -> 'WitnessStackItem':
'''
Parse a WitnessStackItem from a bytestring. Also available as from_hex
'''
n = VarInt.from_bytes(byte_string)
item_start = len(n)
item_end = item_start + n.number
return WitnessStackItem(byte_string[item_start:item_end])
class InputWitness(ByteData):
'''
The witness for a Compatibility or Segwit TxIn. It consists of a stack that
will be evaluated by the witness program, represented as an ordered list of
`WitnessStackItem` objects.
Args:
stack: the ordered sequence of WitnessStackItems
Attributes:
stack: the ordered sequence of WitnessStackItems
'''
stack: Tuple[WitnessStackItem, ...]
def __init__(self, stack: Sequence[WitnessStackItem]):
'''
list(WitnessStackItem) -> InputWitness
'''
super().__init__()
for item in stack:
if not isinstance(item, WitnessStackItem):
raise ValueError(
'Invalid witness stack item. '
'Expected WitnessStackItem. Got {}'
.format(item))
self += VarInt(len(stack))
for item in stack:
self += item
self.stack = tuple(item for item in stack)
self._make_immutable()
@classmethod
def from_bytes(InputWitness, byte_string: bytes) -> 'InputWitness':
'''
Parse an InputWitness from a bytestring. Also available as from_hex
'''
stack_items = VarInt.from_bytes(byte_string)
item_start = len(stack_items)
items: List[WitnessStackItem] = []
while len(items) < stack_items.number:
item = WitnessStackItem.from_bytes(byte_string[item_start:])
item_start += len(item)
items.append(item)
return InputWitness(items)
def copy(self,
stack: Optional[List[WitnessStackItem]] = None) -> 'InputWitness':
'''
Make a new copy of the object with optional modifications.
'''
return InputWitness(
stack=stack if stack is not None else self.stack)
class Tx(ByteData):
'''
A complete transaction. It consists of a version, a flag that indicates the
presence of witnesses (and breaks legacy parsers), a length-prepended
vector of `TxIn` objects, a length-prepended vector of `TxOut` objects, and
a locktime number. Compatibility and Segwit transactions MUST contain the
witness flag. Signed Compatibility and Segwit transactions will
additionally contain a vector of `InputWitness` objects.
This object provides a number of conveniences for interacting with
transactions, including `tx_id` calculation, and sighash calculation.
To serialize the transaction, call `to_bytes()` or `hex()`.
Note:
The `lock_time` field is used to set absolute timelocks.
These are complex and confusing. See
`this blog post <https://prestwi.ch/bitcoin-time-locks/>`_ for details.
Args:
version: the 4-byte LE version number. Must be 1 or 2. Setting to 1
deactivates relative lock times.
tx_ins: the ordered sequence of TxIn objects representing TXOs.
consumed by this transaction. Signed Legacy transaction will
include spend authorization here.
tx_outs: the ordered sequence of TxOut objects representing TXOs
created by this transaction.
tx_witnesses: the ordered sequence of InputWitness objects associated
with this transaction. Always empty in Legacy
transactions. In Compatibility and Segwit transactions
there must be one witness per input.
lock_time: the 4-byte LE locktime number. Setting this invokes the
absolute time lock system. If it is below 500,000,000 it is
interpreted as a blockheight before which the transaction is
invalid. If set above that, it is interpreted as a Unix
timestamp before which the transaction is invalid.
Attributes:
version: the 4-byte LE version number. Must be 1 or 2. Setting to 1
deactivates relative lock times.
flag: the 2-byte witness transaction flag. Always empty for Legacy
transaction, or '0001' for Compatibility and Witness transactions
tx_ins: the ordered sequence of TxIn objects representing TXOs.
consumed by this transaction. Signed Legacy transaction will
include spend authorization here.
tx_outs: the ordered sequence of TxOut objects representing TXOs
created by this transaction.
tx_witnesses: the ordered sequence of InputWitness objects associated
with this transaction. Always empty in Legacy
transactions. In Compatibility and Segwit transactions
there must be one witness per input.
lock_time: the 4-byte LE locktime number. Setting this invokes the
absolute time lock system. If it is below 500,000,000 it is
interpreted as a blockheight before which the transaction is
invalid. If set above that, it is interpreted as a Unix
timestamp before which the transaction is invalid.
tx_id_le: the LE (in-protocol) hash committed to by the block header
transaction merkle tree.
wtx_id_le: the LE (in-protocol) hash committed to by the coinbase
transaction witness merkle tree. Not present in Legacy
transactions.
tx_id: the BE (block explorer or human-facing) tx_id.
wtx_id: the BE (block explorer or human-facing) wtx_id. Not present in
Legacy transactions.
'''
version: bytes
flag: Optional[bytes]
tx_ins: Tuple[TxIn, ...]
tx_outs: Tuple[TxOut, ...]
tx_witnesses: Optional[Tuple[InputWitness, ...]]
lock_time: bytes
tx_id_le: bytes
wtx_id_le: Optional[bytes]
tx_id: bytes
wtx_id: Optional[bytes]
@classmethod
def from_hex(Tx, hex_string: str) -> 'Tx':
'''Instantiate a Tx object from a hex string'''
return Tx.from_bytes(bytes.fromhex(hex_string))
@classmethod
def from_bytes(Tx, byte_string: bytes) -> 'Tx':
'''Instantiate a Tx object from a bytestring'''
# Get the version number
version = byte_string[0:4]
# Check if this is a witness tx
if byte_string[4:6] == riemann.network.SEGWIT_TX_FLAG:
tx_ins_num_loc = 6
flag = riemann.network.SEGWIT_TX_FLAG
else:
tx_ins_num_loc = 4
flag = None
# Get the length of the tx_in vector
tx_ins = []
tx_ins_num = VarInt.from_bytes(byte_string[tx_ins_num_loc:])
# `current` is the index of next read
current = tx_ins_num_loc + len(tx_ins_num)
# Deserialize all tx_ins
for _ in range(tx_ins_num.number):
tx_in = TxIn.from_bytes(byte_string[current:])
current += len(tx_in)
tx_ins.append(tx_in)
# Get the length of the tx_out vector
tx_outs = []
tx_outs_num = VarInt.from_bytes(byte_string[current:])
# Deserialize all outputs
current += len(tx_outs_num)
for _ in range(tx_outs_num.number):
tx_out = TxOut.from_bytes(byte_string[current:])
current += len(tx_out)
tx_outs.append(tx_out)
# Deserialize all witnesses if necessary
tx_witnesses: List[InputWitness] = []
if flag and len(byte_string[current:]) > 4:
tx_witnesses_num = tx_ins_num
for _ in range(tx_witnesses_num.number):
tx_witness = InputWitness.from_bytes(byte_string[current:])
current += len(tx_witness)
tx_witnesses.append(tx_witness)
# Get the lock time and return a complete tx
lock_time = byte_string[current:current + 4]
return Tx(
version=version,
flag=flag,
tx_ins=tx_ins,
tx_outs=tx_outs,
tx_witnesses=tx_witnesses,
lock_time=lock_time)
def no_witness(self) -> bytes:
'''
Return the Tx as a bytestring stripped of witnesses. This is the
preimage of `tx_id` and `tx_id_le`.
'''
tx = bytes()
tx += self.version
tx += VarInt(len(self.tx_ins)).to_bytes()
for tx_in in self.tx_ins:
tx += tx_in.to_bytes()
tx += VarInt(len(self.tx_outs)).to_bytes()
for tx_out in self.tx_outs:
tx += tx_out.to_bytes()
tx += self.lock_time
return tx
def is_witness(self) -> bool:
'''Return True if the transaction witness flag is set'''
return self.flag is not None or self.tx_witnesses is not None
def calculate_fee(self, input_values: Sequence[int]) -> int:
'''
Calculate the fee associated with a transaction. Caller must provide a
sequence representing the value (in satoshi) of each input.
Args:
input_values: The value of each input in order.
Returns:
The total fee paid to miners by this transaction.
'''
return \
sum(input_values) \
- sum([utils.le2i(o.value) for o in self.tx_outs])
def sighash_none(self) -> bytes:
'''SIGHASH_NONE is a bad idea.'''
raise NotImplementedError('SIGHASH_NONE is a bad idea.')
def copy(self,
version: Optional[bytes] = None,
flag: Optional[bytes] = None,
tx_ins: Optional[Sequence[TxIn]] = None,
tx_outs: Optional[Sequence[TxOut]] = None,
tx_witnesses: Optional[Sequence[InputWitness]] = None,
lock_time: Optional[bytes] = None) -> 'Tx':
'''
Make a new copy of the object with optional modifications.
'''
return Tx(version=version if version is not None else self.version,
flag=flag if flag is not None else self.flag,
tx_ins=tx_ins if tx_ins is not None else self.tx_ins,
tx_outs=tx_outs if tx_outs is not None else self.tx_outs,
tx_witnesses=(tx_witnesses if tx_witnesses is not None
else self.tx_witnesses),
lock_time=(lock_time if lock_time is not None
else self.lock_time))
def _sighash_prep(self, index: int, script: bytes) -> 'Tx':
'''
Sighashes suck
Performs the sighash setup described here:
https://en.bitcoin.it/wiki/OP_CHECKSIG#How_it_works
https://bitcoin.stackexchange.com/questions/3374/how-to-redeem-a-basic-tx
We save on complexity by refusing to support OP_CODESEPARATOR
'''
# 0 out scripts in tx_ins
copy_tx_ins = [tx_in.copy(stack_script=b'', redeem_script=b'')
for tx_in in self.tx_ins]
# NB: The script for the current transaction input in txCopy is set to
# subScript (lead in by its length as a var-integer encoded!)
to_strip = VarInt.from_bytes(script)
copy_tx_ins[index] = \
copy_tx_ins[index].copy(redeem_script=script[len(to_strip):])
return self.copy(tx_ins=copy_tx_ins)
@overload
@overload # noqa: F811
@overload # noqa: F811
@overload # noqa: F811
def sighash_all(self, # noqa: F811
index,
script,
prevout_value=None,
anyone_can_pay=False) -> bytes:
'''
Calculate the hash to be signed when adding authorization information
(a script sig or a witness) to an input using SIGHASH_ALL.
SIGHASH_ALL commits to ALL inputs, and ALL outputs. It indicates that
no further modification of the transaction is allowed without
invalidating the signature.
SIGHASH_ALL + ANYONECANPAY commits to ONE input and ALL outputs. It
indicates that anyone may add additional value to the transaction, but
that no one may modify the payments made. Any extra value added above
the sum of output values will be given to miners as part of the tx fee.
We must specify the index of the input in the `tx_ins` sequence, the
script controlling the TXO being spent by the input, and whether to use
the ANYONECANPAY sighash modifier. Compatibility and Witness inputs
must additionally supply the value of the TXO being consumed.
This function automatically selects between Legacy, Witness, and Bcash
SIGHASH_FORKID based on the network selected, and whether the witness
flag is present in the transaction.
For Legacy sighash documentation, see here:
- https://en.bitcoin.it/wiki/OP_CHECKSIG#Hashtype_SIGHASH_ALL_.28default.29
For BIP143 (Witness and Compatibility) documentation, see here:
- https://github.com/bitcoin/bips/blob/master/bip-0143.mediawiki
For the BitcoinCash specific rip-off of BIP143 documentation, see here:
- https://github.com/bitcoincashorg/spec/blob/master/replay-protected-sighash.md
Note:
After signing the digest, you MUST append the sighash indicator
byte to the resulting signature. This will be 0x01 (SIGHASH_ALL) or
0x81 (SIGHASH_ALL + SIGHASH_ANYONECANPAY).
Args:
index: The index of the input being authorized
script: The length-prepended script associated with the TXO being
spent. For PKH outputs this will be a pkh spend script (
i.e. '1976a914....88ac'). For SH outputs this will be the
redeem_script (Legacy) or Witness Script (Compatibility and
Segwit). If the TXO being spent has a non-standard output
script, use that here.
prevout_value: The 8-byte LE integer-encoded value of the prevout
anyone_can_pay: True if using the ANYONECANPAY sighash modifier
Returns:
The 32-byte digest to be signed.
''' # noqa: E501
if riemann.network.FORKID is not None:
return self._sighash_forkid(index=index,
script=script,
prevout_value=prevout_value,
sighash_type=shared.SIGHASH_ALL,
anyone_can_pay=anyone_can_pay)
if self.is_witness():
return self.segwit_sighash(
index=index,
script=script,
prevout_value=prevout_value,
sighash_type=shared.SIGHASH_ALL,
anyone_can_pay=anyone_can_pay)
copy_tx = self._sighash_prep(index=index, script=script)
if anyone_can_pay:
return self._sighash_anyone_can_pay(
index=index, copy_tx=copy_tx, sighash_type=shared.SIGHASH_ALL)
return self._sighash_final_hashing(copy_tx, shared.SIGHASH_ALL)
@overload
@overload # noqa: F811
@overload # noqa: F811
@overload # noqa: F811
def sighash_single(self, # noqa: F811
index,
script,
prevout_value=None,
anyone_can_pay=False):
'''
Calculate the hash to be signed when adding authorization information
(a script sig or a witness) to an input using SIGHASH_SINGLE.
SIGHASH_SINGLE commits to ALL inputs, and ONE output. It indicates that/
anyone may append additional outputs to the transaction to reroute
funds from the inputs. Additional inputs cannot be added without
invalidating the signature. It is logically difficult to use securely,
as it consents to funds being moved, without specifying their
destination.
SIGHASH_SINGLE commits specifically the the output at the same index as
the input being signed. If there is no output at that index, (because,
e.g. the input vector is longer than the output vector) it behaves
insecurely, and we do not implement that protocol bug.
SIGHASH_SINGLE + ANYONECANPAY commits to ONE input and ONE output. It
indicates that anyone may add additional value to the transaction, and
route value to any other location. The signed input and output must be
included in the fully-formed transaction at the same index in their
respective vectors.
When the input is larger than the output, a partial transaction signed
this way cedes the difference to whoever cares to construct a complete
transaction. However, when the output is larger than the input, it
functions as a one-time-use payment invoice. Anyone may consume the
input by adding value. This is useful for addressing race conditions in
certain cross-chain protocols that the author of this documentation
invented. :)
We must specify the index of the input in the `tx_ins` sequence, the
script controlling the TXO being spent by the input, and whether to use
the ANYONECANPAY sighash modifier. Compatibility and Witness inputs
must additionally supply the value of the TXO being consumed.
This function automatically selects between Legacy, Witness, and Bcash
SIGHASH_FORKID based on the network selected, and whether the witness
flag is present in the transaction.
For Legacy sighash documentation, see here:
- https://en.bitcoin.it/wiki/OP_CHECKSIG#Procedure_for_Hashtype_SIGHASH_SINGLE
- https://bitcoin.stackexchange.com/questions/3890/for-sighash-single-do-the-outputs-other-than-at-the-input-index-have-8-bytes-or
- https://github.com/petertodd/python-bitcoinlib/blob/051ec4e28c1f6404fd46713c2810d4ebbed38de4/bitcoin/core/script.py#L913-L965
For BIP143 (Witness and Compatibility) documentation, see here:
- https://github.com/bitcoin/bips/blob/master/bip-0143.mediawiki
For the BitcoinCash specific rip-off of BIP143 documentation, see here:
- https://github.com/bitcoincashorg/spec/blob/master/replay-protected-sighash.md
Note:
After signing the digest, you MUST append the sighash indicator
byte to the resulting signature. This will be 0x03 (SIGHASH_SINGLE)
or 0x83 (SIGHASH_SINGLE + SIGHASH_ANYONECANPAY).
Args:
index: The index of the input being authorized
script: The length-prepended script associated with the TXO being
spent. For PKH outputs this will be a pkh spend script (
i.e. '1976a914....88ac'). For SH outputs this will be the
redeem_script (Legacy) or Witness Script (Compatibility and
Segwit). If the TXO being spent has a non-standard output
script, use that here.
prevout_value: The 8-byte LE integer-encoded value of the prevout
anyone_can_pay: True if using the ANYONECANPAY sighash modifier
Returns:
The 32-byte digest to be signed.
''' # noqa: E501
if index >= len(self.tx_outs):
raise NotImplementedError(
'I refuse to implement the SIGHASH_SINGLE bug.')
if riemann.network.FORKID is not None:
return self._sighash_forkid(index=index,
script=script,
prevout_value=prevout_value,
sighash_type=shared.SIGHASH_SINGLE,
anyone_can_pay=anyone_can_pay)
if self.is_witness():
return self.segwit_sighash(
index=index,
script=script,
prevout_value=prevout_value,
sighash_type=shared.SIGHASH_SINGLE,
anyone_can_pay=anyone_can_pay)
copy_tx = self._sighash_prep(index=index, script=script)
# Remove outputs after the one we're signing
# Other tx_outs are set to -1 value and null scripts
copy_tx_outs = list(copy_tx.tx_outs[:index + 1])
copy_tx_outs = [TxOut(value=b'\xff' * 8, output_script=b'')
for _ in copy_tx.tx_ins] # Null them all
copy_tx_outs[index] = copy_tx.tx_outs[index] # Fix the current one
# Other tx_ins sequence numbers are set to 0
copy_tx_ins = [tx_in.copy(sequence=b'\x00\x00\x00\x00')
for tx_in in copy_tx.tx_ins] # Set all to 0
copy_tx_ins[index] = copy_tx.tx_ins[index] # Fix the current one
copy_tx = copy_tx.copy(
tx_ins=copy_tx_ins,
tx_outs=copy_tx_outs)
if anyone_can_pay: # Forward onwards
return self._sighash_anyone_can_pay(
index, copy_tx, shared.SIGHASH_SINGLE)
return self._sighash_final_hashing(copy_tx, shared.SIGHASH_SINGLE)
def segwit_sighash(self,
index: int,
sighash_type: int,
prevout_value: bytes,
script: bytes,
anyone_can_pay: bool = False) -> bytes:
'''
Implements bip143 (witness) sighash. Prefer calling `sighash_all` or
`sighash_single`.
For documentation see here:
https://github.com/bitcoin/bips/blob/master/bip-0143.mediawiki
For an excellent pasta dinner, see here:
https://ricette.giallozafferano.it/Spaghetti-alla-Norma.html
'''
data = ByteData()
# 1. nVersion of the transaction (4-byte little endian)
data += self.version
# 2. hashPrevouts (32-byte hash)
data += self._hash_prevouts(anyone_can_pay=anyone_can_pay)
# 3. hashSequence (32-byte hash)
data += self._hash_sequence(sighash_type=sighash_type,
anyone_can_pay=anyone_can_pay)
# 4. outpoint (32-byte hash + 4-byte little endian)
data += self.tx_ins[index].outpoint
# 5. scriptCode of the input (serialized as scripts inside CTxOuts)
data += script
# 6. value of the output spent by this input (8-byte little endian)
data += prevout_value
# 7. nSequence of the input (4-byte little endian)
data += self.tx_ins[index].sequence
# 8. hashOutputs (32-byte hash)
data += self._hash_outputs(index=index, sighash_type=sighash_type)
# 9. nLocktime of the transaction (4-byte little endian)
data += self.lock_time
# 10. sighash type of the signature (4-byte little endian)
data += self._segwit_sighash_adjustment(sighash_type=sighash_type,
anyone_can_pay=anyone_can_pay)
return utils.hash256(data.to_bytes())
def _sighash_anyone_can_pay(
self,
index: int,
copy_tx: 'Tx',
sighash_type: int) -> bytes:
'''
int, byte-like, Tx, int -> bytes
Applies SIGHASH_ANYONECANPAY procedure.
Should be called by another SIGHASH procedure.
Not on its own.
https://en.bitcoin.it/wiki/OP_CHECKSIG#Procedure_for_Hashtype_SIGHASH_ANYONECANPAY
'''
# The txCopy input vector is resized to a length of one.
copy_tx_ins = [copy_tx.tx_ins[index]]
copy_tx = copy_tx.copy(tx_ins=copy_tx_ins)
return self._sighash_final_hashing(
copy_tx, sighash_type | shared.SIGHASH_ANYONECANPAY)
def _sighash_final_hashing(
self,
copy_tx: 'Tx',
sighash_type: int) -> bytes:
'''
Tx, int -> bytes
Returns the hash that should be signed
https://en.bitcoin.it/wiki/OP_CHECKSIG#Procedure_for_Hashtype_SIGHASH_ANYONECANPAY
'''
sighash = ByteData()
sighash += copy_tx.to_bytes()
sighash += utils.i2le_padded(sighash_type, 4)
return utils.hash256(sighash.to_bytes())
def _hash_sequence(self, sighash_type: int, anyone_can_pay: bool) -> bytes:
'''BIP143 hashSequence implementation
Args:
sighash_type (int): SIGHASH_SINGLE or SIGHASH_ALL
anyone_can_pay (bool): true if ANYONECANPAY should be set
Returns:
(bytes): the hashSequence, a 32 byte hash
'''
if anyone_can_pay or sighash_type == shared.SIGHASH_SINGLE:
# If any of ANYONECANPAY, SINGLE sighash type is set,
# hashSequence is a uint256 of 0x0000......0000.
return b'\x00' * 32
else:
# hashSequence is the double SHA256 of nSequence of all inputs;
sequences = ByteData()
for tx_in in self.tx_ins:
sequences += tx_in.sequence
return utils.hash256(sequences.to_bytes())
def _hash_outputs(self, index: int, sighash_type: int) -> bytes:
'''BIP143 hashOutputs implementation
Args:
index (int): index of input being signed
sighash_type (int): SIGHASH_SINGLE or SIGHASH_ALL
Returns:
(bytes): the hashOutputs, a 32 byte hash
'''
if sighash_type == shared.SIGHASH_ALL:
# If the sighash type is ALL,
# hashOutputs is the double SHA256 of all output amounts
# paired up with their scriptPubKey;
outputs = ByteData()
for tx_out in self.tx_outs:
outputs += tx_out.to_bytes()
return utils.hash256(outputs.to_bytes())
elif (sighash_type == shared.SIGHASH_SINGLE
and index < len(self.tx_outs)):
# if sighash type is SINGLE
# and the input index is smaller than the number of outputs,
# hashOutputs is the double SHA256 of the output at the same index
return utils.hash256(self.tx_outs[index].to_bytes())
else:
# Otherwise, hashOutputs is a uint256 of 0x0000......0000
raise NotImplementedError(
'I refuse to implement the SIGHASH_SINGLE bug.')
def _sighash_forkid(
self,
index: int,
script: bytes,
prevout_value: bytes,
sighash_type: int,
anyone_can_pay: bool = False):
'''
https://github.com/bitcoincashorg/spec/blob/master/replay-protected-sighash.md
'''
self.validate_bytes(prevout_value, 8)
data = ByteData()
# 1. nVersion of the transaction (4-byte little endian)
data += self.version
# 2. hashPrevouts (32-byte hash)
data += self._hash_prevouts(anyone_can_pay=anyone_can_pay)
# 3. hashSequence (32-byte hash)
data += self._hash_sequence(sighash_type=sighash_type,
anyone_can_pay=anyone_can_pay)
# 4. outpoint (32-byte hash + 4-byte little endian)
data += self.tx_ins[index].outpoint
# 5. scriptCode of the input (serialized as scripts inside CTxOuts)
data += script
# 6. value of the output spent by this input (8-byte little endian)
data += prevout_value
# 7. nSequence of the input (4-byte little endian)
data += self.tx_ins[index].sequence
# 8. hashOutputs (32-byte hash)
data += self._hash_outputs(index=index, sighash_type=sighash_type)
# 9. nLocktime of the transaction (4-byte little endian)
data += self.lock_time
# 10. sighash type of the signature (4-byte little endian)
data += self._forkid_sighash_adjustment(sighash_type=sighash_type,
anyone_can_pay=anyone_can_pay)
return utils.hash256(data.to_bytes())
| [
11748,
374,
26597,
1236,
198,
6738,
374,
26597,
1236,
1330,
3384,
4487,
198,
6738,
374,
26597,
1236,
13,
17602,
1330,
4888,
198,
6738,
374,
26597,
1236,
13,
12048,
1330,
11389,
1634,
198,
6738,
374,
26597,
1236,
13,
17602,
13,
28710,
1330,
30589,
6601,
11,
12372,
5317,
198,
198,
6738,
19720,
1330,
7343,
11,
32233,
11,
31754,
11,
45835,
11,
309,
29291,
628,
198,
4871,
3806,
4122,
7,
40778,
6601,
2599,
198,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
1052,
503,
4122,
13,
317,
17562,
284,
262,
2180,
5072,
852,
13529,
416,
262,
198,
220,
220,
220,
3917,
5128,
13,
632,
26052,
262,
8654,
448,
416,
8611,
4686,
290,
6376,
198,
220,
220,
220,
1626,
326,
8611,
338,
5072,
15879,
628,
220,
220,
220,
41354,
25,
943,
14542,
1276,
307,
1310,
12,
437,
666,
628,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
220,
220,
27765,
62,
312,
25,
262,
3933,
12,
26327,
12509,
12234,
286,
262,
2180,
8611,
198,
220,
220,
220,
220,
220,
220,
220,
6376,
25,
262,
604,
12,
26327,
12509,
30240,
6376,
286,
262,
8654,
448,
287,
663,
8611,
628,
220,
220,
220,
49213,
25,
198,
220,
220,
220,
220,
220,
220,
220,
27765,
62,
312,
25,
262,
3933,
12,
26327,
12509,
12234,
286,
262,
2180,
8611,
198,
220,
220,
220,
220,
220,
220,
220,
6376,
25,
262,
604,
12,
26327,
12509,
30240,
6376,
286,
262,
8654,
448,
287,
663,
8611,
198,
220,
220,
220,
705,
7061,
628,
220,
220,
220,
27765,
62,
312,
25,
9881,
198,
220,
220,
220,
6376,
25,
9881,
628,
220,
220,
220,
825,
4866,
7,
944,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
27765,
62,
312,
25,
32233,
58,
33661,
60,
796,
6045,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6376,
25,
32233,
58,
33661,
60,
796,
6045,
8,
4613,
705,
7975,
4122,
10354,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
220,
220,
220,
220,
6889,
257,
649,
4866,
286,
262,
2134,
351,
11902,
19008,
13,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
3806,
4122,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
27765,
62,
312,
28,
17602,
62,
312,
611,
27765,
62,
312,
318,
407,
6045,
2073,
2116,
13,
17602,
62,
312,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6376,
28,
9630,
611,
6376,
318,
407,
6045,
2073,
2116,
13,
9630,
8,
628,
220,
220,
220,
2488,
4871,
24396,
198,
220,
220,
220,
825,
9242,
7,
7975,
4122,
8,
4613,
705,
7975,
4122,
10354,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
12050,
257,
9242,
503,
4122,
11,
355,
1043,
287,
10752,
8692,
8945,
7061,
6,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
3806,
4122,
7,
65,
6,
59,
87,
405,
6,
1635,
3933,
11,
275,
6,
59,
47596,
6,
1635,
604,
8,
628,
220,
220,
220,
2488,
4871,
24396,
198,
220,
220,
220,
825,
422,
62,
33661,
7,
7975,
4122,
11,
18022,
62,
8841,
25,
9881,
8,
4613,
705,
7975,
4122,
10354,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
220,
220,
220,
220,
2547,
325,
281,
3806,
4122,
422,
257,
416,
9288,
1806,
13,
4418,
1695,
355,
422,
62,
33095,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
3806,
4122,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
27765,
62,
312,
28,
26327,
62,
8841,
58,
25,
2624,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6376,
28,
26327,
62,
8841,
58,
2624,
25,
2623,
12962,
628,
198,
4871,
309,
87,
818,
7,
40778,
6601,
2599,
198,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
317,
8611,
5128,
11,
13160,
286,
281,
503,
4122,
11,
257,
4226,
62,
82,
328,
290,
257,
8379,
198,
220,
220,
220,
1271,
13,
14843,
309,
87,
818,
4226,
264,
9235,
3994,
4341,
19601,
1321,
329,
198,
220,
220,
220,
262,
20717,
19255,
55,
46,
13,
46021,
309,
87,
818,
4226,
264,
9235,
3994,
262,
4973,
198,
220,
220,
220,
1430,
691,
13,
31220,
39289,
309,
87,
259,
4226,
264,
9235,
389,
6565,
13,
628,
220,
220,
220,
383,
8379,
1271,
318,
973,
284,
900,
3585,
4628,
417,
3320,
13,
4091,
198,
220,
220,
220,
4600,
5661,
4130,
1281,
1279,
5450,
1378,
79,
2118,
37686,
13,
354,
14,
35395,
12,
2435,
12,
28860,
15913,
63,
62,
329,
3307,
13,
628,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
220,
220,
503,
4122,
25,
383,
4600,
7975,
4122,
63,
2134,
10609,
284,
262,
8654,
448,
852,
13529,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
416,
428,
5128,
198,
220,
220,
220,
220,
220,
220,
220,
8931,
62,
12048,
25,
383,
12327,
1430,
326,
5621,
262,
4238,
8931,
11,
611,
597,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
14843,
17311,
389,
22165,
1231,
428,
13,
31220,
39289,
17311,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1239,
423,
428,
13,
198,
220,
220,
220,
220,
220,
220,
220,
26509,
62,
12048,
25,
383,
12327,
1430,
326,
6973,
4581,
11,
611,
597,
13,
5514,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1944,
618,
4581,
257,
14843,
393,
46021,
6006,
19255,
55,
46,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
31220,
39289,
17311,
1239,
423,
428,
13,
198,
220,
220,
220,
220,
220,
220,
220,
8379,
25,
383,
604,
12,
26327,
12509,
30240,
8379,
1271,
286,
262,
5128,
13,
1680,
307,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
973,
284,
900,
3585,
4628,
417,
3320,
13,
628,
220,
220,
220,
49213,
25,
198,
220,
220,
220,
220,
220,
220,
220,
503,
4122,
25,
383,
4600,
7975,
4122,
63,
2134,
10609,
284,
262,
8654,
448,
852,
13529,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
416,
428,
5128,
198,
220,
220,
220,
220,
220,
220,
220,
8931,
62,
12048,
25,
383,
12327,
1430,
326,
5621,
262,
4238,
8931,
11,
611,
597,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
14843,
17311,
389,
22165,
1231,
428,
13,
31220,
39289,
17311,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1239,
423,
428,
13,
198,
220,
220,
220,
220,
220,
220,
220,
26509,
62,
12048,
25,
383,
12327,
1430,
326,
6973,
4581,
11,
611,
597,
13,
5514,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1944,
618,
4581,
257,
14843,
393,
46021,
6006,
19255,
55,
46,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
31220,
39289,
17311,
1239,
423,
428,
13,
198,
220,
220,
220,
220,
220,
220,
220,
4226,
62,
82,
328,
25,
383,
5929,
8931,
62,
12048,
290,
26509,
62,
12048,
13,
1114,
14843,
290,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
46021,
29673,
39,
8945,
428,
481,
307,
4961,
284,
262,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8931,
4226,
13,
198,
220,
220,
220,
220,
220,
220,
220,
8379,
25,
383,
604,
12,
26327,
12509,
30240,
8379,
1271,
286,
262,
5128,
13,
1680,
307,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
973,
284,
900,
3585,
4628,
417,
3320,
13,
198,
220,
220,
220,
705,
7061,
628,
220,
220,
220,
503,
4122,
25,
3806,
4122,
198,
220,
220,
220,
8931,
62,
12048,
25,
9881,
198,
220,
220,
220,
26509,
62,
12048,
25,
9881,
198,
220,
220,
220,
8379,
25,
9881,
628,
220,
220,
220,
825,
4866,
7,
944,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
503,
4122,
25,
32233,
58,
7975,
4122,
60,
796,
6045,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8931,
62,
12048,
25,
32233,
58,
33661,
60,
796,
6045,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
26509,
62,
12048,
25,
32233,
58,
33661,
60,
796,
6045,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8379,
25,
32233,
58,
33661,
60,
796,
6045,
8,
4613,
705,
46047,
818,
10354,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
220,
220,
220,
220,
6889,
257,
649,
4866,
286,
262,
2134,
351,
11902,
19008,
13,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
309,
87,
818,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
503,
4122,
28,
448,
4122,
611,
503,
4122,
318,
407,
6045,
2073,
2116,
13,
448,
4122,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8931,
62,
12048,
16193,
25558,
62,
12048,
611,
8931,
62,
12048,
318,
407,
6045,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
2116,
13,
25558,
62,
12048,
828,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
26509,
62,
12048,
16193,
445,
13761,
62,
12048,
611,
26509,
62,
12048,
318,
407,
6045,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
2116,
13,
445,
13761,
62,
12048,
828,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8379,
28,
43167,
611,
8379,
318,
407,
6045,
2073,
2116,
13,
43167,
8,
628,
220,
220,
220,
825,
318,
62,
79,
17,
1477,
7,
944,
8,
4613,
20512,
25,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
220,
220,
220,
220,
8229,
6407,
611,
262,
309,
87,
818,
468,
257,
1729,
12,
28920,
4600,
445,
13761,
62,
12048,
63,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
2116,
13,
445,
13761,
62,
12048,
14512,
275,
7061,
628,
220,
220,
220,
2488,
12708,
24396,
198,
220,
220,
220,
825,
4808,
29572,
62,
12048,
62,
82,
328,
7,
12048,
62,
82,
328,
25,
9881,
8,
4613,
309,
29291,
58,
33661,
11,
9881,
5974,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
220,
220,
220,
220,
2547,
325,
262,
14750,
328,
656,
257,
8931,
4226,
290,
257,
26509,
62,
12048,
198,
220,
220,
220,
220,
220,
220,
220,
18022,
62,
8841,
4613,
357,
26327,
62,
8841,
11,
18022,
62,
8841,
8,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
1148,
612,
257,
1365,
835,
284,
466,
428,
30,
198,
220,
220,
220,
220,
220,
220,
220,
8931,
62,
12048,
796,
4226,
62,
82,
328,
198,
220,
220,
220,
220,
220,
220,
220,
26509,
62,
12048,
796,
275,
7061,
198,
220,
220,
220,
220,
220,
220,
220,
1949,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
1002,
262,
938,
5726,
748,
48499,
4340,
11,
340,
338,
257,
279,
17,
1477,
5128,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
1318,
318,
257,
49047,
306,
1402,
5743,
1339,
810,
262,
2240,
2539,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
220,
220,
5107,
257,
748,
48499,
13821,
4226,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
13113,
1339,
25,
11389,
1634,
8563,
319,
327,
3727,
1546,
8905,
1503,
25633,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
748,
48499,
1143,
796,
11389,
1634,
13,
8906,
48499,
1096,
7,
12048,
62,
82,
328,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3709,
796,
748,
48499,
1143,
13,
35312,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
11389,
1634,
13,
33095,
62,
8906,
48499,
1096,
7,
23814,
58,
12,
16,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8931,
62,
12048,
796,
11389,
1634,
13,
46911,
1096,
10786,
45302,
22179,
7,
23814,
58,
21912,
16,
60,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
26509,
62,
12048,
796,
11389,
1634,
13,
46911,
1096,
7,
23814,
58,
12,
16,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
2845,
357,
15732,
12331,
11,
11052,
12331,
11,
1892,
3546,
1154,
12061,
12331,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1208,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
8931,
62,
12048,
11,
26509,
62,
12048,
628,
220,
220,
220,
2488,
4871,
24396,
198,
220,
220,
220,
825,
422,
62,
33661,
7,
46047,
818,
11,
18022,
62,
8841,
25,
9881,
8,
4613,
705,
46047,
818,
10354,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
220,
220,
220,
220,
2547,
325,
257,
309,
87,
818,
422,
257,
416,
9288,
1806,
13,
4418,
1695,
355,
422,
62,
33095,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
220,
220,
220,
220,
503,
4122,
796,
3806,
4122,
13,
6738,
62,
33661,
7,
26327,
62,
8841,
58,
25,
2623,
12962,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
29677,
262,
4226,
43237,
4129,
198,
220,
220,
220,
220,
220,
220,
220,
4226,
62,
82,
328,
62,
11925,
796,
12372,
5317,
13,
6738,
62,
33661,
7,
26327,
62,
8841,
58,
2623,
25,
2231,
12962,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
29677,
262,
4226,
43237,
198,
220,
220,
220,
220,
220,
220,
220,
4226,
62,
9688,
796,
4570,
1343,
18896,
7,
12048,
62,
82,
328,
62,
11925,
8,
198,
220,
220,
220,
220,
220,
220,
220,
4226,
62,
437,
796,
4226,
62,
9688,
1343,
4226,
62,
82,
328,
62,
11925,
13,
17618,
198,
220,
220,
220,
220,
220,
220,
220,
4226,
62,
82,
328,
796,
18022,
62,
8841,
58,
12048,
62,
9688,
25,
12048,
62,
437,
60,
628,
220,
220,
220,
220,
220,
220,
220,
8379,
796,
18022,
62,
8841,
58,
12048,
62,
437,
25,
12048,
62,
437,
1343,
604,
60,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
1002,
262,
4226,
12,
82,
328,
318,
9178,
11,
1111,
8931,
290,
26509,
389,
9178,
198,
220,
220,
220,
220,
220,
220,
220,
611,
4226,
62,
82,
328,
6624,
275,
7061,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8931,
62,
12048,
796,
275,
7061,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
26509,
62,
12048,
796,
275,
7061,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
1002,
262,
503,
4122,
318,
9242,
357,
3630,
8692,
828,
836,
470,
1949,
32096,
262,
4226,
43237,
198,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
503,
4122,
6624,
3806,
4122,
13,
8423,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8931,
62,
12048,
796,
4226,
62,
82,
328,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
26509,
62,
12048,
796,
275,
7061,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
2547,
325,
262,
4226,
43237,
656,
8931,
290,
26509,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8931,
62,
12048,
11,
26509,
62,
12048,
796,
309,
87,
818,
13557,
29572,
62,
12048,
62,
82,
328,
7,
12048,
62,
82,
328,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
309,
87,
818,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
503,
4122,
28,
448,
4122,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8931,
62,
12048,
28,
25558,
62,
12048,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
26509,
62,
12048,
28,
445,
13761,
62,
12048,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8379,
28,
43167,
8,
628,
198,
4871,
309,
87,
7975,
7,
40778,
6601,
2599,
198,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
317,
8611,
5072,
11,
13160,
286,
257,
1988,
357,
259,
3332,
13704,
8,
290,
281,
5072,
4226,
198,
220,
220,
220,
12059,
262,
4341,
3403,
319,
262,
649,
19255,
55,
46,
13,
628,
220,
220,
220,
11052,
318,
11389,
1143,
355,
281,
807,
12,
26327,
12509,
18253,
11,
8630,
287,
3332,
13704,
13,
5765,
262,
198,
220,
220,
220,
4600,
72,
17,
293,
62,
79,
29373,
63,
2163,
287,
1058,
5420,
25,
63,
26791,
63,
284,
11389,
1096,
37014,
13,
628,
220,
220,
220,
309,
87,
7975,
18178,
555,
12,
46012,
1631,
5072,
14750,
11,
290,
6673,
511,
4129,
329,
345,
13,
628,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1988,
25,
262,
807,
12,
26327,
12509,
30240,
1988,
286,
262,
5072,
357,
259,
3332,
13704,
8,
198,
220,
220,
220,
220,
220,
220,
220,
5072,
62,
12048,
25,
262,
1729,
12,
13664,
12,
46012,
1631,
5072,
4226,
355,
257,
416,
9288,
1806,
628,
220,
220,
220,
49213,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1988,
25,
262,
807,
12,
26327,
12509,
30240,
1988,
286,
262,
5072,
357,
259,
3332,
13704,
8,
198,
220,
220,
220,
220,
220,
220,
220,
5072,
62,
12048,
25,
262,
1729,
12,
13664,
12,
46012,
1631,
5072,
4226,
355,
257,
416,
9288,
1806,
198,
220,
220,
220,
705,
7061,
628,
220,
220,
220,
1988,
25,
9881,
198,
220,
220,
220,
5072,
62,
12048,
25,
9881,
628,
220,
220,
220,
825,
4866,
7,
944,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1988,
25,
32233,
58,
33661,
60,
796,
6045,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5072,
62,
12048,
25,
32233,
58,
33661,
60,
796,
6045,
8,
4613,
705,
46047,
7975,
10354,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
220,
220,
220,
220,
6889,
257,
649,
4866,
286,
262,
2134,
351,
11902,
19008,
13,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
309,
87,
7975,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1988,
28,
8367,
611,
1988,
318,
407,
6045,
2073,
2116,
13,
8367,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5072,
62,
12048,
16193,
22915,
62,
12048,
611,
5072,
62,
12048,
318,
407,
6045,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
2116,
13,
22915,
62,
12048,
4008,
628,
220,
220,
220,
2488,
4871,
24396,
198,
220,
220,
220,
825,
422,
62,
33661,
7,
46047,
7975,
11,
18022,
62,
8841,
25,
9881,
8,
4613,
705,
46047,
7975,
10354,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
220,
220,
220,
220,
2547,
325,
257,
309,
87,
7975,
422,
257,
416,
9288,
1806,
13,
4418,
1695,
355,
422,
62,
33095,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
220,
220,
220,
220,
299,
796,
12372,
5317,
13,
6738,
62,
33661,
7,
26327,
62,
8841,
58,
23,
25,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
4226,
62,
9688,
796,
807,
1343,
18896,
7,
77,
8,
198,
220,
220,
220,
220,
220,
220,
220,
4226,
62,
437,
796,
4226,
62,
9688,
1343,
299,
13,
17618,
198,
220,
220,
220,
220,
220,
220,
220,
611,
299,
13,
17618,
1279,
657,
87,
16072,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
309,
87,
7975,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1988,
28,
26327,
62,
8841,
58,
25,
23,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5072,
62,
12048,
28,
26327,
62,
8841,
58,
12048,
62,
9688,
25,
12048,
62,
437,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5298,
1892,
3546,
1154,
12061,
12331,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
2949,
1104,
329,
42364,
453,
890,
279,
74,
62,
46521,
2637,
8,
628,
198,
4871,
21440,
25896,
7449,
7,
40778,
6601,
2599,
198,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
317,
4973,
8931,
2378,
13,
5501,
5128,
4973,
318,
13160,
286,
281,
4238,
8931,
198,
220,
220,
220,
284,
307,
16726,
416,
262,
4973,
1430,
13,
35165,
329,
350,
17,
54,
9693,
17311,
423,
257,
198,
220,
220,
220,
11389,
1143,
4226,
355,
262,
938,
8931,
5002,
13,
628,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
220,
220,
2378,
25,
262,
8246,
1366,
284,
307,
4624,
319,
262,
8931,
628,
220,
220,
220,
49213,
25,
198,
220,
220,
220,
220,
220,
220,
220,
2378,
25,
262,
8246,
1366,
284,
307,
4624,
319,
262,
8931,
198,
220,
220,
220,
705,
7061,
628,
220,
220,
220,
2488,
4871,
24396,
198,
220,
220,
220,
825,
422,
62,
33661,
7,
38670,
25896,
7449,
11,
18022,
62,
8841,
25,
9881,
8,
4613,
705,
38670,
25896,
7449,
10354,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
220,
220,
220,
220,
2547,
325,
257,
21440,
25896,
7449,
422,
257,
416,
9288,
1806,
13,
4418,
1695,
355,
422,
62,
33095,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
220,
220,
220,
220,
299,
796,
12372,
5317,
13,
6738,
62,
33661,
7,
26327,
62,
8841,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2378,
62,
9688,
796,
18896,
7,
77,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2378,
62,
437,
796,
2378,
62,
9688,
1343,
299,
13,
17618,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
21440,
25896,
7449,
7,
26327,
62,
8841,
58,
9186,
62,
9688,
25,
9186,
62,
437,
12962,
628,
198,
4871,
23412,
38670,
7,
40778,
6601,
2599,
198,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
383,
4973,
329,
257,
46021,
393,
31220,
39289,
309,
87,
818,
13,
632,
10874,
286,
257,
8931,
326,
198,
220,
220,
220,
481,
307,
16726,
416,
262,
4973,
1430,
11,
7997,
355,
281,
6149,
1351,
286,
198,
220,
220,
220,
4600,
38670,
25896,
7449,
63,
5563,
13,
628,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
220,
220,
8931,
25,
262,
6149,
8379,
286,
21440,
25896,
23022,
628,
220,
220,
220,
49213,
25,
198,
220,
220,
220,
220,
220,
220,
220,
8931,
25,
262,
6149,
8379,
286,
21440,
25896,
23022,
198,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
8931,
25,
309,
29291,
58,
38670,
25896,
7449,
11,
2644,
60,
628,
220,
220,
220,
825,
11593,
15003,
834,
7,
944,
11,
8931,
25,
45835,
58,
38670,
25896,
7449,
60,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
220,
220,
220,
220,
1351,
7,
38670,
25896,
7449,
8,
4613,
23412,
38670,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
220,
220,
220,
220,
2208,
22446,
834,
15003,
834,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
329,
2378,
287,
8931,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
407,
318,
39098,
7,
9186,
11,
21440,
25896,
7449,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5298,
11052,
12331,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
44651,
4973,
8931,
2378,
13,
705,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
3109,
7254,
21440,
25896,
7449,
13,
11853,
23884,
6,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
764,
18982,
7,
9186,
4008,
628,
220,
220,
220,
220,
220,
220,
220,
2116,
15853,
12372,
5317,
7,
11925,
7,
25558,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
329,
2378,
287,
8931,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
15853,
2378,
628,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
25558,
796,
46545,
7,
9186,
329,
2378,
287,
8931,
8,
628,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
15883,
62,
8608,
18187,
3419,
628,
220,
220,
220,
2488,
4871,
24396,
198,
220,
220,
220,
825,
422,
62,
33661,
7,
20560,
38670,
11,
18022,
62,
8841,
25,
9881,
8,
4613,
705,
20560,
38670,
10354,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
220,
220,
220,
220,
2547,
325,
281,
23412,
38670,
422,
257,
416,
9288,
1806,
13,
4418,
1695,
355,
422,
62,
33095,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
220,
220,
220,
220,
8931,
62,
23814,
796,
12372,
5317,
13,
6738,
62,
33661,
7,
26327,
62,
8841,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2378,
62,
9688,
796,
18896,
7,
25558,
62,
23814,
8,
198,
220,
220,
220,
220,
220,
220,
220,
3709,
25,
7343,
58,
38670,
25896,
7449,
60,
796,
17635,
198,
220,
220,
220,
220,
220,
220,
220,
981,
18896,
7,
23814,
8,
1279,
8931,
62,
23814,
13,
17618,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2378,
796,
21440,
25896,
7449,
13,
6738,
62,
33661,
7,
26327,
62,
8841,
58,
9186,
62,
9688,
25,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2378,
62,
9688,
15853,
18896,
7,
9186,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3709,
13,
33295,
7,
9186,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
23412,
38670,
7,
23814,
8,
628,
220,
220,
220,
825,
4866,
7,
944,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8931,
25,
32233,
58,
8053,
58,
38670,
25896,
7449,
11907,
796,
6045,
8,
4613,
705,
20560,
38670,
10354,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
220,
220,
220,
220,
6889,
257,
649,
4866,
286,
262,
2134,
351,
11902,
19008,
13,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
23412,
38670,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8931,
28,
25558,
611,
8931,
318,
407,
6045,
2073,
2116,
13,
25558,
8,
628,
198,
4871,
309,
87,
7,
40778,
6601,
2599,
198,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
317,
1844,
8611,
13,
632,
10874,
286,
257,
2196,
11,
257,
6056,
326,
9217,
262,
198,
220,
220,
220,
4931,
286,
11432,
357,
392,
9457,
10655,
13544,
364,
828,
257,
4129,
12,
46012,
1631,
198,
220,
220,
220,
15879,
286,
4600,
46047,
818,
63,
5563,
11,
257,
4129,
12,
46012,
1631,
15879,
286,
4600,
46047,
7975,
63,
5563,
11,
290,
198,
220,
220,
220,
257,
5793,
2435,
1271,
13,
46021,
290,
31220,
39289,
8945,
17191,
3994,
262,
198,
220,
220,
220,
4973,
6056,
13,
36215,
46021,
290,
31220,
39289,
8945,
481,
198,
220,
220,
220,
36527,
3994,
257,
15879,
286,
4600,
20560,
38670,
63,
5563,
13,
628,
220,
220,
220,
770,
2134,
3769,
257,
1271,
286,
7292,
10035,
329,
24986,
351,
198,
220,
220,
220,
8945,
11,
1390,
4600,
17602,
62,
312,
63,
17952,
11,
290,
19680,
1077,
17952,
13,
628,
220,
220,
220,
1675,
11389,
1096,
262,
8611,
11,
869,
4600,
1462,
62,
33661,
3419,
63,
393,
4600,
33095,
3419,
44646,
628,
220,
220,
220,
5740,
25,
198,
220,
220,
220,
220,
220,
220,
220,
383,
4600,
5354,
62,
2435,
63,
2214,
318,
973,
284,
900,
4112,
4628,
417,
3320,
13,
198,
220,
220,
220,
220,
220,
220,
220,
2312,
389,
3716,
290,
15337,
13,
4091,
198,
220,
220,
220,
220,
220,
220,
220,
4600,
5661,
4130,
1281,
1279,
5450,
1378,
79,
2118,
37686,
13,
354,
14,
35395,
12,
2435,
12,
28860,
15913,
63,
62,
329,
3307,
13,
628,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
220,
220,
2196,
25,
262,
604,
12,
26327,
12509,
2196,
1271,
13,
12039,
307,
352,
393,
362,
13,
25700,
284,
352,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
390,
15791,
689,
3585,
5793,
1661,
13,
198,
220,
220,
220,
220,
220,
220,
220,
27765,
62,
1040,
25,
262,
6149,
8379,
286,
309,
87,
818,
5563,
10200,
15326,
16748,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
13529,
416,
428,
8611,
13,
36215,
14843,
8611,
481,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2291,
4341,
19601,
994,
13,
198,
220,
220,
220,
220,
220,
220,
220,
27765,
62,
5269,
25,
262,
6149,
8379,
286,
309,
87,
7975,
5563,
10200,
15326,
16748,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2727,
416,
428,
8611,
13,
198,
220,
220,
220,
220,
220,
220,
220,
27765,
62,
86,
3659,
274,
25,
262,
6149,
8379,
286,
23412,
38670,
5563,
3917,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
351,
428,
8611,
13,
16622,
6565,
287,
14843,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8945,
13,
554,
46021,
290,
31220,
39289,
8945,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
612,
1276,
307,
530,
4973,
583,
5128,
13,
198,
220,
220,
220,
220,
220,
220,
220,
5793,
62,
2435,
25,
262,
604,
12,
26327,
12509,
5793,
2435,
1271,
13,
25700,
428,
800,
3369,
262,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4112,
640,
5793,
1080,
13,
1002,
340,
318,
2174,
5323,
11,
830,
11,
830,
340,
318,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
16173,
355,
257,
2512,
17015,
878,
543,
262,
8611,
318,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
12515,
13,
1002,
900,
2029,
326,
11,
340,
318,
16173,
355,
257,
33501,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
41033,
878,
543,
262,
8611,
318,
12515,
13,
628,
220,
220,
220,
49213,
25,
198,
220,
220,
220,
220,
220,
220,
220,
2196,
25,
262,
604,
12,
26327,
12509,
2196,
1271,
13,
12039,
307,
352,
393,
362,
13,
25700,
284,
352,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
390,
15791,
689,
3585,
5793,
1661,
13,
198,
220,
220,
220,
220,
220,
220,
220,
6056,
25,
262,
362,
12,
26327,
4973,
8611,
6056,
13,
16622,
6565,
329,
14843,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8611,
11,
393,
705,
18005,
6,
329,
46021,
290,
21440,
8945,
198,
220,
220,
220,
220,
220,
220,
220,
27765,
62,
1040,
25,
262,
6149,
8379,
286,
309,
87,
818,
5563,
10200,
15326,
16748,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
13529,
416,
428,
8611,
13,
36215,
14843,
8611,
481,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2291,
4341,
19601,
994,
13,
198,
220,
220,
220,
220,
220,
220,
220,
27765,
62,
5269,
25,
262,
6149,
8379,
286,
309,
87,
7975,
5563,
10200,
15326,
16748,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2727,
416,
428,
8611,
13,
198,
220,
220,
220,
220,
220,
220,
220,
27765,
62,
86,
3659,
274,
25,
262,
6149,
8379,
286,
23412,
38670,
5563,
3917,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
351,
428,
8611,
13,
16622,
6565,
287,
14843,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8945,
13,
554,
46021,
290,
31220,
39289,
8945,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
612,
1276,
307,
530,
4973,
583,
5128,
13,
198,
220,
220,
220,
220,
220,
220,
220,
5793,
62,
2435,
25,
262,
604,
12,
26327,
12509,
5793,
2435,
1271,
13,
25700,
428,
800,
3369,
262,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4112,
640,
5793,
1080,
13,
1002,
340,
318,
2174,
5323,
11,
830,
11,
830,
340,
318,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
16173,
355,
257,
2512,
17015,
878,
543,
262,
8611,
318,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
12515,
13,
1002,
900,
2029,
326,
11,
340,
318,
16173,
355,
257,
33501,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
41033,
878,
543,
262,
8611,
318,
12515,
13,
198,
220,
220,
220,
220,
220,
220,
220,
27765,
62,
312,
62,
293,
25,
262,
12509,
357,
259,
12,
11235,
4668,
8,
12234,
5364,
284,
416,
262,
2512,
13639,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8611,
4017,
74,
293,
5509,
13,
198,
220,
220,
220,
220,
220,
220,
220,
266,
17602,
62,
312,
62,
293,
25,
262,
12509,
357,
259,
12,
11235,
4668,
8,
12234,
5364,
284,
416,
262,
10752,
8692,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8611,
4973,
4017,
74,
293,
5509,
13,
1892,
1944,
287,
14843,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8945,
13,
198,
220,
220,
220,
220,
220,
220,
220,
27765,
62,
312,
25,
262,
9348,
357,
9967,
39349,
393,
1692,
12,
29532,
8,
27765,
62,
312,
13,
198,
220,
220,
220,
220,
220,
220,
220,
266,
17602,
62,
312,
25,
262,
9348,
357,
9967,
39349,
393,
1692,
12,
29532,
8,
266,
17602,
62,
312,
13,
1892,
1944,
287,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
14843,
8945,
13,
628,
220,
220,
220,
705,
7061,
628,
220,
220,
220,
2196,
25,
9881,
198,
220,
220,
220,
6056,
25,
32233,
58,
33661,
60,
198,
220,
220,
220,
27765,
62,
1040,
25,
309,
29291,
58,
46047,
818,
11,
2644,
60,
198,
220,
220,
220,
27765,
62,
5269,
25,
309,
29291,
58,
46047,
7975,
11,
2644,
60,
198,
220,
220,
220,
27765,
62,
86,
3659,
274,
25,
32233,
58,
51,
29291,
58,
20560,
38670,
11,
2644,
11907,
198,
220,
220,
220,
5793,
62,
2435,
25,
9881,
198,
220,
220,
220,
27765,
62,
312,
62,
293,
25,
9881,
198,
220,
220,
220,
266,
17602,
62,
312,
62,
293,
25,
32233,
58,
33661,
60,
198,
220,
220,
220,
27765,
62,
312,
25,
9881,
198,
220,
220,
220,
266,
17602,
62,
312,
25,
32233,
58,
33661,
60,
628,
220,
220,
220,
2488,
4871,
24396,
198,
220,
220,
220,
825,
422,
62,
33095,
7,
46047,
11,
17910,
62,
8841,
25,
965,
8,
4613,
705,
46047,
10354,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
49933,
9386,
257,
309,
87,
2134,
422,
257,
17910,
4731,
7061,
6,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
309,
87,
13,
6738,
62,
33661,
7,
33661,
13,
6738,
33095,
7,
33095,
62,
8841,
4008,
628,
220,
220,
220,
2488,
4871,
24396,
198,
220,
220,
220,
825,
422,
62,
33661,
7,
46047,
11,
18022,
62,
8841,
25,
9881,
8,
4613,
705,
46047,
10354,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
49933,
9386,
257,
309,
87,
2134,
422,
257,
416,
9288,
1806,
7061,
6,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
3497,
262,
2196,
1271,
198,
220,
220,
220,
220,
220,
220,
220,
2196,
796,
18022,
62,
8841,
58,
15,
25,
19,
60,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
6822,
611,
428,
318,
257,
4973,
27765,
198,
220,
220,
220,
220,
220,
220,
220,
611,
18022,
62,
8841,
58,
19,
25,
21,
60,
6624,
374,
26597,
1236,
13,
27349,
13,
5188,
33191,
2043,
62,
29551,
62,
38948,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
27765,
62,
1040,
62,
22510,
62,
17946,
796,
718,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6056,
796,
374,
26597,
1236,
13,
27349,
13,
5188,
33191,
2043,
62,
29551,
62,
38948,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
27765,
62,
1040,
62,
22510,
62,
17946,
796,
604,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6056,
796,
6045,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
3497,
262,
4129,
286,
262,
27765,
62,
259,
15879,
198,
220,
220,
220,
220,
220,
220,
220,
27765,
62,
1040,
796,
17635,
198,
220,
220,
220,
220,
220,
220,
220,
27765,
62,
1040,
62,
22510,
796,
12372,
5317,
13,
6738,
62,
33661,
7,
26327,
62,
8841,
58,
17602,
62,
1040,
62,
22510,
62,
17946,
25,
12962,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
4600,
14421,
63,
318,
262,
6376,
286,
1306,
1100,
198,
220,
220,
220,
220,
220,
220,
220,
1459,
796,
27765,
62,
1040,
62,
22510,
62,
17946,
1343,
18896,
7,
17602,
62,
1040,
62,
22510,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
2935,
48499,
1096,
477,
27765,
62,
1040,
198,
220,
220,
220,
220,
220,
220,
220,
329,
4808,
287,
2837,
7,
17602,
62,
1040,
62,
22510,
13,
17618,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
27765,
62,
259,
796,
309,
87,
818,
13,
6738,
62,
33661,
7,
26327,
62,
8841,
58,
14421,
25,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1459,
15853,
18896,
7,
17602,
62,
259,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
27765,
62,
1040,
13,
33295,
7,
17602,
62,
259,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
3497,
262,
4129,
286,
262,
27765,
62,
448,
15879,
198,
220,
220,
220,
220,
220,
220,
220,
27765,
62,
5269,
796,
17635,
198,
220,
220,
220,
220,
220,
220,
220,
27765,
62,
5269,
62,
22510,
796,
12372,
5317,
13,
6738,
62,
33661,
7,
26327,
62,
8841,
58,
14421,
25,
12962,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
2935,
48499,
1096,
477,
23862,
198,
220,
220,
220,
220,
220,
220,
220,
1459,
15853,
18896,
7,
17602,
62,
5269,
62,
22510,
8,
198,
220,
220,
220,
220,
220,
220,
220,
329,
4808,
287,
2837,
7,
17602,
62,
5269,
62,
22510,
13,
17618,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
27765,
62,
448,
796,
309,
87,
7975,
13,
6738,
62,
33661,
7,
26327,
62,
8841,
58,
14421,
25,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1459,
15853,
18896,
7,
17602,
62,
448,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
27765,
62,
5269,
13,
33295,
7,
17602,
62,
448,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
2935,
48499,
1096,
477,
11432,
611,
3306,
198,
220,
220,
220,
220,
220,
220,
220,
27765,
62,
86,
3659,
274,
25,
7343,
58,
20560,
38670,
60,
796,
17635,
198,
220,
220,
220,
220,
220,
220,
220,
611,
6056,
290,
18896,
7,
26327,
62,
8841,
58,
14421,
25,
12962,
1875,
604,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
27765,
62,
86,
3659,
274,
62,
22510,
796,
27765,
62,
1040,
62,
22510,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
4808,
287,
2837,
7,
17602,
62,
86,
3659,
274,
62,
22510,
13,
17618,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
27765,
62,
86,
3659,
796,
23412,
38670,
13,
6738,
62,
33661,
7,
26327,
62,
8841,
58,
14421,
25,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1459,
15853,
18896,
7,
17602,
62,
86,
3659,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
27765,
62,
86,
3659,
274,
13,
33295,
7,
17602,
62,
86,
3659,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
3497,
262,
5793,
640,
290,
1441,
257,
1844,
27765,
198,
220,
220,
220,
220,
220,
220,
220,
5793,
62,
2435,
796,
18022,
62,
8841,
58,
14421,
25,
14421,
1343,
604,
60,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
309,
87,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2196,
28,
9641,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6056,
28,
32109,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
27765,
62,
1040,
28,
17602,
62,
1040,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
27765,
62,
5269,
28,
17602,
62,
5269,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
27765,
62,
86,
3659,
274,
28,
17602,
62,
86,
3659,
274,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5793,
62,
2435,
28,
5354,
62,
2435,
8,
628,
220,
220,
220,
825,
645,
62,
86,
3659,
7,
944,
8,
4613,
9881,
25,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
220,
220,
220,
220,
8229,
262,
309,
87,
355,
257,
416,
9288,
1806,
18818,
286,
11432,
13,
770,
318,
262,
198,
220,
220,
220,
220,
220,
220,
220,
662,
9060,
286,
4600,
17602,
62,
312,
63,
290,
4600,
17602,
62,
312,
62,
293,
44646,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
220,
220,
220,
220,
27765,
796,
9881,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
27765,
15853,
2116,
13,
9641,
198,
220,
220,
220,
220,
220,
220,
220,
27765,
15853,
12372,
5317,
7,
11925,
7,
944,
13,
17602,
62,
1040,
29720,
1462,
62,
33661,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
329,
27765,
62,
259,
287,
2116,
13,
17602,
62,
1040,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
27765,
15853,
27765,
62,
259,
13,
1462,
62,
33661,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
27765,
15853,
12372,
5317,
7,
11925,
7,
944,
13,
17602,
62,
5269,
29720,
1462,
62,
33661,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
329,
27765,
62,
448,
287,
2116,
13,
17602,
62,
5269,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
27765,
15853,
27765,
62,
448,
13,
1462,
62,
33661,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
27765,
15853,
2116,
13,
5354,
62,
2435,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
27765,
628,
220,
220,
220,
825,
318,
62,
86,
3659,
7,
944,
8,
4613,
20512,
25,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
13615,
6407,
611,
262,
8611,
4973,
6056,
318,
900,
7061,
6,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
2116,
13,
32109,
318,
407,
6045,
393,
2116,
13,
17602,
62,
86,
3659,
274,
318,
407,
6045,
628,
220,
220,
220,
825,
15284,
62,
39071,
7,
944,
11,
5128,
62,
27160,
25,
45835,
58,
600,
12962,
4613,
493,
25,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
220,
220,
220,
220,
27131,
378,
262,
6838,
3917,
351,
257,
8611,
13,
10244,
1276,
2148,
257,
198,
220,
220,
220,
220,
220,
220,
220,
8379,
10200,
262,
1988,
357,
259,
3332,
13704,
8,
286,
1123,
5128,
13,
628,
220,
220,
220,
220,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5128,
62,
27160,
25,
383,
1988,
286,
1123,
5128,
287,
1502,
13,
198,
220,
220,
220,
220,
220,
220,
220,
16409,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
383,
2472,
6838,
3432,
284,
18295,
416,
428,
8611,
13,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
3467,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2160,
7,
15414,
62,
27160,
8,
3467,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
532,
2160,
26933,
26791,
13,
293,
17,
72,
7,
78,
13,
8367,
8,
329,
267,
287,
2116,
13,
17602,
62,
5269,
12962,
628,
220,
220,
220,
825,
19680,
1077,
62,
23108,
7,
944,
8,
4613,
9881,
25,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
50,
18060,
11211,
62,
45,
11651,
318,
257,
2089,
2126,
2637,
7061,
198,
220,
220,
220,
220,
220,
220,
220,
5298,
1892,
3546,
1154,
12061,
12331,
10786,
50,
18060,
11211,
62,
45,
11651,
318,
257,
2089,
2126,
2637,
8,
628,
220,
220,
220,
825,
4866,
7,
944,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2196,
25,
32233,
58,
33661,
60,
796,
6045,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6056,
25,
32233,
58,
33661,
60,
796,
6045,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
27765,
62,
1040,
25,
32233,
58,
44015,
594,
58,
46047,
818,
11907,
796,
6045,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
27765,
62,
5269,
25,
32233,
58,
44015,
594,
58,
46047,
7975,
11907,
796,
6045,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
27765,
62,
86,
3659,
274,
25,
32233,
58,
44015,
594,
58,
20560,
38670,
11907,
796,
6045,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5793,
62,
2435,
25,
32233,
58,
33661,
60,
796,
6045,
8,
4613,
705,
46047,
10354,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
220,
220,
220,
220,
6889,
257,
649,
4866,
286,
262,
2134,
351,
11902,
19008,
13,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
309,
87,
7,
9641,
28,
9641,
611,
2196,
318,
407,
6045,
2073,
2116,
13,
9641,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6056,
28,
32109,
611,
6056,
318,
407,
6045,
2073,
2116,
13,
32109,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
27765,
62,
1040,
28,
17602,
62,
1040,
611,
27765,
62,
1040,
318,
407,
6045,
2073,
2116,
13,
17602,
62,
1040,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
27765,
62,
5269,
28,
17602,
62,
5269,
611,
27765,
62,
5269,
318,
407,
6045,
2073,
2116,
13,
17602,
62,
5269,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
27765,
62,
86,
3659,
274,
16193,
17602,
62,
86,
3659,
274,
611,
27765,
62,
86,
3659,
274,
318,
407,
6045,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
2116,
13,
17602,
62,
86,
3659,
274,
828,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5793,
62,
2435,
16193,
5354,
62,
2435,
611,
5793,
62,
2435,
318,
407,
6045,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
2116,
13,
5354,
62,
2435,
4008,
628,
220,
220,
220,
825,
4808,
82,
394,
1077,
62,
46012,
7,
944,
11,
6376,
25,
493,
11,
4226,
25,
9881,
8,
4613,
705,
46047,
10354,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
220,
220,
220,
220,
311,
394,
7465,
10110,
198,
220,
220,
220,
220,
220,
220,
220,
2448,
23914,
262,
19680,
1077,
9058,
3417,
994,
25,
198,
220,
220,
220,
220,
220,
220,
220,
3740,
1378,
268,
13,
35395,
13,
270,
14,
15466,
14,
3185,
62,
50084,
50,
3528,
2,
2437,
62,
270,
62,
5225,
198,
220,
220,
220,
220,
220,
220,
220,
3740,
1378,
35395,
13,
301,
330,
365,
87,
3803,
13,
785,
14,
6138,
507,
14,
2091,
4524,
14,
4919,
12,
1462,
12,
445,
13761,
12,
64,
12,
35487,
12,
17602,
198,
220,
220,
220,
220,
220,
220,
220,
775,
3613,
319,
13357,
416,
15487,
284,
1104,
13349,
62,
34,
3727,
1546,
8905,
1503,
25633,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
657,
503,
14750,
287,
27765,
62,
1040,
198,
220,
220,
220,
220,
220,
220,
220,
4866,
62,
17602,
62,
1040,
796,
685,
17602,
62,
259,
13,
30073,
7,
25558,
62,
12048,
28,
65,
6,
3256,
26509,
62,
12048,
28,
65,
7061,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
27765,
62,
259,
287,
2116,
13,
17602,
62,
1040,
60,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
41354,
25,
383,
4226,
329,
262,
1459,
8611,
5128,
287,
27765,
29881,
318,
900,
284,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
220,
220,
220,
220,
850,
7391,
357,
28230,
287,
416,
663,
4129,
355,
257,
1401,
12,
41433,
30240,
8133,
198,
220,
220,
220,
220,
220,
220,
220,
284,
62,
36311,
796,
12372,
5317,
13,
6738,
62,
33661,
7,
12048,
8,
198,
220,
220,
220,
220,
220,
220,
220,
4866,
62,
17602,
62,
1040,
58,
9630,
60,
796,
3467,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4866,
62,
17602,
62,
1040,
58,
9630,
4083,
30073,
7,
445,
13761,
62,
12048,
28,
12048,
58,
11925,
7,
1462,
62,
36311,
2599,
12962,
628,
220,
220,
220,
220,
220,
220,
220,
1441,
2116,
13,
30073,
7,
17602,
62,
1040,
28,
30073,
62,
17602,
62,
1040,
8,
628,
220,
220,
220,
2488,
2502,
2220,
628,
220,
220,
220,
2488,
2502,
2220,
220,
1303,
645,
20402,
25,
376,
23,
1157,
628,
220,
220,
220,
2488,
2502,
2220,
220,
1303,
645,
20402,
25,
376,
23,
1157,
628,
220,
220,
220,
2488,
2502,
2220,
220,
1303,
645,
20402,
25,
376,
23,
1157,
628,
220,
220,
220,
825,
19680,
1077,
62,
439,
7,
944,
11,
220,
1303,
645,
20402,
25,
376,
23,
1157,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6376,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4226,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8654,
448,
62,
8367,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2687,
62,
5171,
62,
15577,
28,
25101,
8,
4613,
9881,
25,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
220,
220,
220,
220,
27131,
378,
262,
12234,
284,
307,
4488,
618,
4375,
19601,
1321,
198,
220,
220,
220,
220,
220,
220,
220,
357,
64,
4226,
43237,
393,
257,
4973,
8,
284,
281,
5128,
1262,
311,
18060,
11211,
62,
7036,
13,
628,
220,
220,
220,
220,
220,
220,
220,
311,
18060,
11211,
62,
7036,
23463,
284,
11096,
17311,
11,
290,
11096,
23862,
13,
632,
9217,
326,
198,
220,
220,
220,
220,
220,
220,
220,
645,
2252,
17613,
286,
262,
8611,
318,
3142,
1231,
198,
220,
220,
220,
220,
220,
220,
220,
12515,
803,
262,
9877,
13,
628,
220,
220,
220,
220,
220,
220,
220,
311,
18060,
11211,
62,
7036,
1343,
15529,
1340,
2943,
1565,
4537,
56,
23463,
284,
16329,
5128,
290,
11096,
23862,
13,
632,
198,
220,
220,
220,
220,
220,
220,
220,
9217,
326,
2687,
743,
751,
3224,
1988,
284,
262,
8611,
11,
475,
198,
220,
220,
220,
220,
220,
220,
220,
326,
645,
530,
743,
13096,
262,
7524,
925,
13,
4377,
3131,
1988,
2087,
2029,
198,
220,
220,
220,
220,
220,
220,
220,
262,
2160,
286,
5072,
3815,
481,
307,
1813,
284,
18295,
355,
636,
286,
262,
27765,
6838,
13,
628,
220,
220,
220,
220,
220,
220,
220,
775,
1276,
11986,
262,
6376,
286,
262,
5128,
287,
262,
4600,
17602,
62,
1040,
63,
8379,
11,
262,
198,
220,
220,
220,
220,
220,
220,
220,
4226,
12755,
262,
15326,
46,
852,
3377,
416,
262,
5128,
11,
290,
1771,
284,
779,
198,
220,
220,
220,
220,
220,
220,
220,
262,
15529,
1340,
2943,
1565,
4537,
56,
19680,
1077,
23157,
13,
46021,
290,
21440,
17311,
198,
220,
220,
220,
220,
220,
220,
220,
1276,
36527,
5127,
262,
1988,
286,
262,
15326,
46,
852,
13529,
13,
628,
220,
220,
220,
220,
220,
220,
220,
770,
2163,
6338,
40573,
1022,
14843,
11,
21440,
11,
290,
347,
30350,
198,
220,
220,
220,
220,
220,
220,
220,
311,
18060,
11211,
62,
13775,
42,
2389,
1912,
319,
262,
3127,
6163,
11,
290,
1771,
262,
4973,
198,
220,
220,
220,
220,
220,
220,
220,
6056,
318,
1944,
287,
262,
8611,
13,
628,
220,
220,
220,
220,
220,
220,
220,
1114,
14843,
19680,
1077,
10314,
11,
766,
994,
25,
628,
220,
220,
220,
220,
220,
220,
220,
532,
3740,
1378,
268,
13,
35395,
13,
270,
14,
15466,
14,
3185,
62,
50084,
50,
3528,
2,
26257,
4906,
62,
50,
18060,
11211,
62,
7036,
44807,
2078,
12286,
13,
1959,
628,
220,
220,
220,
220,
220,
220,
220,
1114,
347,
4061,
21139,
357,
38670,
290,
46021,
8,
10314,
11,
766,
994,
25,
628,
220,
220,
220,
220,
220,
220,
220,
532,
3740,
1378,
12567,
13,
785,
14,
35395,
14,
65,
2419,
14,
2436,
672,
14,
9866,
14,
65,
541,
12,
486,
3559,
13,
11431,
15466,
628,
220,
220,
220,
220,
220,
220,
220,
1114,
262,
6185,
35361,
2176,
18344,
12,
2364,
286,
347,
4061,
21139,
10314,
11,
766,
994,
25,
628,
220,
220,
220,
220,
220,
220,
220,
532,
3740,
1378,
12567,
13,
785,
14,
2545,
1073,
1939,
1077,
2398,
14,
16684,
14,
2436,
672,
14,
9866,
14,
260,
1759,
12,
24326,
12,
82,
394,
1077,
13,
9132,
628,
220,
220,
220,
220,
220,
220,
220,
5740,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2293,
8415,
262,
16274,
11,
345,
17191,
24443,
262,
19680,
1077,
16916,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
18022,
284,
262,
7186,
9877,
13,
770,
481,
307,
657,
87,
486,
357,
50,
18060,
11211,
62,
7036,
8,
393,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
657,
87,
6659,
357,
50,
18060,
11211,
62,
7036,
1343,
311,
18060,
11211,
62,
31827,
1340,
2943,
1565,
4537,
56,
737,
628,
220,
220,
220,
220,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6376,
25,
383,
6376,
286,
262,
5128,
852,
10435,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4226,
25,
383,
4129,
12,
46012,
1631,
4226,
3917,
351,
262,
15326,
46,
852,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3377,
13,
1114,
29673,
39,
23862,
428,
481,
307,
257,
279,
14636,
4341,
4226,
357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1312,
13,
68,
13,
705,
38108,
64,
24,
1415,
1106,
3459,
330,
27691,
1114,
6006,
23862,
428,
481,
307,
262,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
26509,
62,
12048,
357,
11484,
1590,
8,
393,
21440,
12327,
357,
7293,
25901,
290,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
31220,
39289,
737,
1002,
262,
15326,
46,
852,
3377,
468,
257,
1729,
12,
20307,
5072,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4226,
11,
779,
326,
994,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8654,
448,
62,
8367,
25,
383,
807,
12,
26327,
12509,
18253,
12,
12685,
9043,
1988,
286,
262,
8654,
448,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2687,
62,
5171,
62,
15577,
25,
6407,
611,
1262,
262,
15529,
1340,
2943,
1565,
4537,
56,
19680,
1077,
23157,
628,
220,
220,
220,
220,
220,
220,
220,
16409,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
383,
3933,
12,
26327,
16274,
284,
307,
4488,
13,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
220,
1303,
645,
20402,
25,
412,
33548,
628,
220,
220,
220,
220,
220,
220,
220,
611,
374,
26597,
1236,
13,
27349,
13,
13775,
42,
2389,
318,
407,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
2116,
13557,
82,
394,
1077,
62,
32523,
312,
7,
9630,
28,
9630,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4226,
28,
12048,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8654,
448,
62,
8367,
28,
47050,
448,
62,
8367,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
19680,
1077,
62,
4906,
28,
28710,
13,
50,
18060,
11211,
62,
7036,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2687,
62,
5171,
62,
15577,
28,
1092,
505,
62,
5171,
62,
15577,
8,
628,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
271,
62,
86,
3659,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
2116,
13,
325,
70,
39289,
62,
82,
394,
1077,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6376,
28,
9630,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4226,
28,
12048,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8654,
448,
62,
8367,
28,
47050,
448,
62,
8367,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
19680,
1077,
62,
4906,
28,
28710,
13,
50,
18060,
11211,
62,
7036,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2687,
62,
5171,
62,
15577,
28,
1092,
505,
62,
5171,
62,
15577,
8,
628,
220,
220,
220,
220,
220,
220,
220,
4866,
62,
17602,
796,
2116,
13557,
82,
394,
1077,
62,
46012,
7,
9630,
28,
9630,
11,
4226,
28,
12048,
8,
198,
220,
220,
220,
220,
220,
220,
220,
611,
2687,
62,
5171,
62,
15577,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
2116,
13557,
82,
394,
1077,
62,
1092,
505,
62,
5171,
62,
15577,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6376,
28,
9630,
11,
4866,
62,
17602,
28,
30073,
62,
17602,
11,
19680,
1077,
62,
4906,
28,
28710,
13,
50,
18060,
11211,
62,
7036,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1441,
2116,
13557,
82,
394,
1077,
62,
20311,
62,
71,
2140,
7,
30073,
62,
17602,
11,
4888,
13,
50,
18060,
11211,
62,
7036,
8,
628,
220,
220,
220,
2488,
2502,
2220,
628,
220,
220,
220,
2488,
2502,
2220,
220,
1303,
645,
20402,
25,
376,
23,
1157,
628,
220,
220,
220,
2488,
2502,
2220,
220,
1303,
645,
20402,
25,
376,
23,
1157,
628,
220,
220,
220,
2488,
2502,
2220,
220,
1303,
645,
20402,
25,
376,
23,
1157,
628,
220,
220,
220,
825,
19680,
1077,
62,
29762,
7,
944,
11,
220,
1303,
645,
20402,
25,
376,
23,
1157,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6376,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4226,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8654,
448,
62,
8367,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2687,
62,
5171,
62,
15577,
28,
25101,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
220,
220,
220,
220,
27131,
378,
262,
12234,
284,
307,
4488,
618,
4375,
19601,
1321,
198,
220,
220,
220,
220,
220,
220,
220,
357,
64,
4226,
43237,
393,
257,
4973,
8,
284,
281,
5128,
1262,
311,
18060,
11211,
62,
50,
2751,
2538,
13,
628,
220,
220,
220,
220,
220,
220,
220,
311,
18060,
11211,
62,
50,
2751,
2538,
23463,
284,
11096,
17311,
11,
290,
16329,
5072,
13,
632,
9217,
326,
14,
198,
220,
220,
220,
220,
220,
220,
220,
2687,
743,
24443,
3224,
23862,
284,
262,
8611,
284,
302,
38629,
198,
220,
220,
220,
220,
220,
220,
220,
5153,
422,
262,
17311,
13,
15891,
17311,
2314,
307,
2087,
1231,
198,
220,
220,
220,
220,
220,
220,
220,
12515,
803,
262,
9877,
13,
632,
318,
34193,
2408,
284,
779,
30835,
11,
198,
220,
220,
220,
220,
220,
220,
220,
355,
340,
762,
658,
284,
5153,
852,
3888,
11,
1231,
31577,
511,
198,
220,
220,
220,
220,
220,
220,
220,
10965,
13,
628,
220,
220,
220,
220,
220,
220,
220,
311,
18060,
11211,
62,
50,
2751,
2538,
23463,
5734,
262,
262,
5072,
379,
262,
976,
6376,
355,
198,
220,
220,
220,
220,
220,
220,
220,
262,
5128,
852,
4488,
13,
1002,
612,
318,
645,
5072,
379,
326,
6376,
11,
357,
13893,
11,
198,
220,
220,
220,
220,
220,
220,
220,
304,
13,
70,
13,
262,
5128,
15879,
318,
2392,
621,
262,
5072,
15879,
8,
340,
39341,
198,
220,
220,
220,
220,
220,
220,
220,
31955,
306,
11,
290,
356,
466,
407,
3494,
326,
8435,
5434,
13,
628,
220,
220,
220,
220,
220,
220,
220,
311,
18060,
11211,
62,
50,
2751,
2538,
1343,
15529,
1340,
2943,
1565,
4537,
56,
23463,
284,
16329,
5128,
290,
16329,
5072,
13,
632,
198,
220,
220,
220,
220,
220,
220,
220,
9217,
326,
2687,
743,
751,
3224,
1988,
284,
262,
8611,
11,
290,
198,
220,
220,
220,
220,
220,
220,
220,
6339,
1988,
284,
597,
584,
4067,
13,
383,
4488,
5128,
290,
5072,
1276,
307,
198,
220,
220,
220,
220,
220,
220,
220,
3017,
287,
262,
3938,
12,
12214,
8611,
379,
262,
976,
6376,
287,
511,
198,
220,
220,
220,
220,
220,
220,
220,
11756,
30104,
13,
628,
220,
220,
220,
220,
220,
220,
220,
1649,
262,
5128,
318,
4025,
621,
262,
5072,
11,
257,
13027,
8611,
4488,
198,
220,
220,
220,
220,
220,
220,
220,
428,
835,
269,
37507,
262,
3580,
284,
16958,
16609,
284,
5678,
257,
1844,
198,
220,
220,
220,
220,
220,
220,
220,
8611,
13,
2102,
11,
618,
262,
5072,
318,
4025,
621,
262,
5128,
11,
340,
198,
220,
220,
220,
220,
220,
220,
220,
5499,
355,
257,
530,
12,
2435,
12,
1904,
6074,
45458,
13,
17462,
743,
15000,
262,
198,
220,
220,
220,
220,
220,
220,
220,
5128,
416,
4375,
1988,
13,
770,
318,
4465,
329,
13593,
3234,
3403,
287,
198,
220,
220,
220,
220,
220,
220,
220,
1728,
3272,
12,
7983,
19565,
326,
262,
1772,
286,
428,
10314,
198,
220,
220,
220,
220,
220,
220,
220,
15646,
13,
14373,
628,
220,
220,
220,
220,
220,
220,
220,
775,
1276,
11986,
262,
6376,
286,
262,
5128,
287,
262,
4600,
17602,
62,
1040,
63,
8379,
11,
262,
198,
220,
220,
220,
220,
220,
220,
220,
4226,
12755,
262,
15326,
46,
852,
3377,
416,
262,
5128,
11,
290,
1771,
284,
779,
198,
220,
220,
220,
220,
220,
220,
220,
262,
15529,
1340,
2943,
1565,
4537,
56,
19680,
1077,
23157,
13,
46021,
290,
21440,
17311,
198,
220,
220,
220,
220,
220,
220,
220,
1276,
36527,
5127,
262,
1988,
286,
262,
15326,
46,
852,
13529,
13,
628,
220,
220,
220,
220,
220,
220,
220,
770,
2163,
6338,
40573,
1022,
14843,
11,
21440,
11,
290,
347,
30350,
198,
220,
220,
220,
220,
220,
220,
220,
311,
18060,
11211,
62,
13775,
42,
2389,
1912,
319,
262,
3127,
6163,
11,
290,
1771,
262,
4973,
198,
220,
220,
220,
220,
220,
220,
220,
6056,
318,
1944,
287,
262,
8611,
13,
628,
220,
220,
220,
220,
220,
220,
220,
1114,
14843,
19680,
1077,
10314,
11,
766,
994,
25,
628,
220,
220,
220,
220,
220,
220,
220,
532,
3740,
1378,
268,
13,
35395,
13,
270,
14,
15466,
14,
3185,
62,
50084,
50,
3528,
2,
2964,
771,
495,
62,
1640,
62,
26257,
4906,
62,
50,
18060,
11211,
62,
50,
2751,
2538,
198,
220,
220,
220,
220,
220,
220,
220,
532,
3740,
1378,
35395,
13,
301,
330,
365,
87,
3803,
13,
785,
14,
6138,
507,
14,
2548,
3829,
14,
1640,
12,
82,
394,
1077,
12,
29762,
12,
4598,
12,
1169,
12,
22915,
82,
12,
847,
12,
14813,
12,
265,
12,
1169,
12,
15414,
12,
9630,
12,
14150,
12,
23,
12,
33661,
12,
273,
198,
220,
220,
220,
220,
220,
220,
220,
532,
3740,
1378,
12567,
13,
785,
14,
6449,
36481,
14,
29412,
12,
35395,
8019,
14,
2436,
672,
14,
2713,
16,
721,
19,
68,
2078,
66,
16,
69,
21,
26429,
16344,
24669,
1485,
66,
2078,
940,
67,
19,
1765,
3077,
2548,
2934,
19,
14,
35395,
14,
7295,
14,
12048,
13,
9078,
2,
43,
24,
1485,
12,
43,
24,
2996,
628,
220,
220,
220,
220,
220,
220,
220,
1114,
347,
4061,
21139,
357,
38670,
290,
46021,
8,
10314,
11,
766,
994,
25,
628,
220,
220,
220,
220,
220,
220,
220,
532,
3740,
1378,
12567,
13,
785,
14,
35395,
14,
65,
2419,
14,
2436,
672,
14,
9866,
14,
65,
541,
12,
486,
3559,
13,
11431,
15466,
628,
220,
220,
220,
220,
220,
220,
220,
1114,
262,
6185,
35361,
2176,
18344,
12,
2364,
286,
347,
4061,
21139,
10314,
11,
766,
994,
25,
628,
220,
220,
220,
220,
220,
220,
220,
532,
3740,
1378,
12567,
13,
785,
14,
2545,
1073,
1939,
1077,
2398,
14,
16684,
14,
2436,
672,
14,
9866,
14,
260,
1759,
12,
24326,
12,
82,
394,
1077,
13,
9132,
628,
220,
220,
220,
220,
220,
220,
220,
5740,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2293,
8415,
262,
16274,
11,
345,
17191,
24443,
262,
19680,
1077,
16916,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
18022,
284,
262,
7186,
9877,
13,
770,
481,
307,
657,
87,
3070,
357,
50,
18060,
11211,
62,
50,
2751,
2538,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
393,
657,
87,
5999,
357,
50,
18060,
11211,
62,
50,
2751,
2538,
1343,
311,
18060,
11211,
62,
31827,
1340,
2943,
1565,
4537,
56,
737,
628,
220,
220,
220,
220,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6376,
25,
383,
6376,
286,
262,
5128,
852,
10435,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4226,
25,
383,
4129,
12,
46012,
1631,
4226,
3917,
351,
262,
15326,
46,
852,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3377,
13,
1114,
29673,
39,
23862,
428,
481,
307,
257,
279,
14636,
4341,
4226,
357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1312,
13,
68,
13,
705,
38108,
64,
24,
1415,
1106,
3459,
330,
27691,
1114,
6006,
23862,
428,
481,
307,
262,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
26509,
62,
12048,
357,
11484,
1590,
8,
393,
21440,
12327,
357,
7293,
25901,
290,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
31220,
39289,
737,
1002,
262,
15326,
46,
852,
3377,
468,
257,
1729,
12,
20307,
5072,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4226,
11,
779,
326,
994,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8654,
448,
62,
8367,
25,
383,
807,
12,
26327,
12509,
18253,
12,
12685,
9043,
1988,
286,
262,
8654,
448,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2687,
62,
5171,
62,
15577,
25,
6407,
611,
1262,
262,
15529,
1340,
2943,
1565,
4537,
56,
19680,
1077,
23157,
628,
220,
220,
220,
220,
220,
220,
220,
16409,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
383,
3933,
12,
26327,
16274,
284,
307,
4488,
13,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
220,
1303,
645,
20402,
25,
412,
33548,
628,
220,
220,
220,
220,
220,
220,
220,
611,
6376,
18189,
18896,
7,
944,
13,
17602,
62,
5269,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5298,
1892,
3546,
1154,
12061,
12331,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
40,
11148,
284,
3494,
262,
311,
18060,
11211,
62,
50,
2751,
2538,
5434,
2637,
8,
628,
220,
220,
220,
220,
220,
220,
220,
611,
374,
26597,
1236,
13,
27349,
13,
13775,
42,
2389,
318,
407,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
2116,
13557,
82,
394,
1077,
62,
32523,
312,
7,
9630,
28,
9630,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4226,
28,
12048,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8654,
448,
62,
8367,
28,
47050,
448,
62,
8367,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
19680,
1077,
62,
4906,
28,
28710,
13,
50,
18060,
11211,
62,
50,
2751,
2538,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2687,
62,
5171,
62,
15577,
28,
1092,
505,
62,
5171,
62,
15577,
8,
628,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
271,
62,
86,
3659,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
2116,
13,
325,
70,
39289,
62,
82,
394,
1077,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6376,
28,
9630,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4226,
28,
12048,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8654,
448,
62,
8367,
28,
47050,
448,
62,
8367,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
19680,
1077,
62,
4906,
28,
28710,
13,
50,
18060,
11211,
62,
50,
2751,
2538,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2687,
62,
5171,
62,
15577,
28,
1092,
505,
62,
5171,
62,
15577,
8,
628,
220,
220,
220,
220,
220,
220,
220,
4866,
62,
17602,
796,
2116,
13557,
82,
394,
1077,
62,
46012,
7,
9630,
28,
9630,
11,
4226,
28,
12048,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
17220,
23862,
706,
262,
530,
356,
821,
8415,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
3819,
27765,
62,
5269,
389,
900,
284,
532,
16,
1988,
290,
9242,
14750,
198,
220,
220,
220,
220,
220,
220,
220,
4866,
62,
17602,
62,
5269,
796,
1351,
7,
30073,
62,
17602,
13,
17602,
62,
5269,
58,
25,
9630,
1343,
352,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
4866,
62,
17602,
62,
5269,
796,
685,
46047,
7975,
7,
8367,
28,
65,
6,
59,
47596,
6,
1635,
807,
11,
5072,
62,
12048,
28,
65,
7061,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
4808,
287,
4866,
62,
17602,
13,
17602,
62,
1040,
60,
220,
1303,
35886,
606,
477,
198,
220,
220,
220,
220,
220,
220,
220,
4866,
62,
17602,
62,
5269,
58,
9630,
60,
796,
4866,
62,
17602,
13,
17602,
62,
5269,
58,
9630,
60,
220,
1303,
13268,
262,
1459,
530,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
3819,
27765,
62,
1040,
8379,
3146,
389,
900,
284,
657,
198,
220,
220,
220,
220,
220,
220,
220,
4866,
62,
17602,
62,
1040,
796,
685,
17602,
62,
259,
13,
30073,
7,
43167,
28,
65,
6,
59,
87,
405,
59,
87,
405,
59,
87,
405,
59,
87,
405,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
27765,
62,
259,
287,
4866,
62,
17602,
13,
17602,
62,
1040,
60,
220,
1303,
5345,
477,
284,
657,
198,
220,
220,
220,
220,
220,
220,
220,
4866,
62,
17602,
62,
1040,
58,
9630,
60,
796,
4866,
62,
17602,
13,
17602,
62,
1040,
58,
9630,
60,
220,
1303,
13268,
262,
1459,
530,
628,
220,
220,
220,
220,
220,
220,
220,
4866,
62,
17602,
796,
4866,
62,
17602,
13,
30073,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
27765,
62,
1040,
28,
30073,
62,
17602,
62,
1040,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
27765,
62,
5269,
28,
30073,
62,
17602,
62,
5269,
8,
628,
220,
220,
220,
220,
220,
220,
220,
611,
2687,
62,
5171,
62,
15577,
25,
220,
1303,
19530,
31719,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
2116,
13557,
82,
394,
1077,
62,
1092,
505,
62,
5171,
62,
15577,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6376,
11,
4866,
62,
17602,
11,
4888,
13,
50,
18060,
11211,
62,
50,
2751,
2538,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1441,
2116,
13557,
82,
394,
1077,
62,
20311,
62,
71,
2140,
7,
30073,
62,
17602,
11,
4888,
13,
50,
18060,
11211,
62,
50,
2751,
2538,
8,
628,
220,
220,
220,
825,
384,
70,
39289,
62,
82,
394,
1077,
7,
944,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6376,
25,
493,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
19680,
1077,
62,
4906,
25,
493,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8654,
448,
62,
8367,
25,
9881,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4226,
25,
9881,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2687,
62,
5171,
62,
15577,
25,
20512,
796,
10352,
8,
4613,
9881,
25,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
220,
220,
220,
220,
1846,
1154,
902,
14141,
21139,
357,
86,
3659,
8,
19680,
1077,
13,
3771,
2232,
4585,
4600,
82,
394,
1077,
62,
439,
63,
393,
198,
220,
220,
220,
220,
220,
220,
220,
4600,
82,
394,
1077,
62,
29762,
44646,
628,
220,
220,
220,
220,
220,
220,
220,
1114,
10314,
766,
994,
25,
198,
220,
220,
220,
220,
220,
220,
220,
3740,
1378,
12567,
13,
785,
14,
35395,
14,
65,
2419,
14,
2436,
672,
14,
9866,
14,
65,
541,
12,
486,
3559,
13,
11431,
15466,
628,
220,
220,
220,
220,
220,
220,
220,
1114,
281,
6275,
26296,
8073,
11,
766,
994,
25,
198,
220,
220,
220,
220,
220,
220,
220,
3740,
1378,
1173,
5857,
13,
12397,
439,
8590,
31183,
5733,
13,
270,
14,
4561,
35812,
12,
30315,
12,
35393,
64,
13,
6494,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
220,
220,
220,
220,
1366,
796,
30589,
6601,
3419,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
352,
13,
299,
14815,
286,
262,
8611,
357,
19,
12,
26327,
1310,
886,
666,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1366,
15853,
2116,
13,
9641,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
362,
13,
12234,
36854,
5269,
357,
2624,
12,
26327,
12234,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1366,
15853,
2116,
13557,
17831,
62,
47050,
5269,
7,
1092,
505,
62,
5171,
62,
15577,
28,
1092,
505,
62,
5171,
62,
15577,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
513,
13,
12234,
44015,
594,
357,
2624,
12,
26327,
12234,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1366,
15853,
2116,
13557,
17831,
62,
43167,
7,
82,
394,
1077,
62,
4906,
28,
82,
394,
1077,
62,
4906,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2687,
62,
5171,
62,
15577,
28,
1092,
505,
62,
5171,
62,
15577,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
604,
13,
503,
4122,
357,
2624,
12,
26327,
12234,
1343,
604,
12,
26327,
1310,
886,
666,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1366,
15853,
2116,
13,
17602,
62,
1040,
58,
9630,
4083,
448,
4122,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
642,
13,
4226,
10669,
286,
262,
5128,
357,
46911,
1143,
355,
14750,
2641,
16356,
87,
46,
5500,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1366,
15853,
4226,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
718,
13,
1988,
286,
262,
5072,
3377,
416,
428,
5128,
357,
23,
12,
26327,
1310,
886,
666,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1366,
15853,
8654,
448,
62,
8367,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
767,
13,
299,
44015,
594,
286,
262,
5128,
357,
19,
12,
26327,
1310,
886,
666,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1366,
15853,
2116,
13,
17602,
62,
1040,
58,
9630,
4083,
43167,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
807,
13,
12234,
26410,
82,
357,
2624,
12,
26327,
12234,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1366,
15853,
2116,
13557,
17831,
62,
22915,
82,
7,
9630,
28,
9630,
11,
19680,
1077,
62,
4906,
28,
82,
394,
1077,
62,
4906,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
860,
13,
299,
25392,
2435,
286,
262,
8611,
357,
19,
12,
26327,
1310,
886,
666,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1366,
15853,
2116,
13,
5354,
62,
2435,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
838,
13,
19680,
1077,
2099,
286,
262,
9877,
357,
19,
12,
26327,
1310,
886,
666,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1366,
15853,
2116,
13557,
325,
70,
39289,
62,
82,
394,
1077,
62,
23032,
434,
7,
82,
394,
1077,
62,
4906,
28,
82,
394,
1077,
62,
4906,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2687,
62,
5171,
62,
15577,
28,
1092,
505,
62,
5171,
62,
15577,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1441,
3384,
4487,
13,
17831,
11645,
7,
7890,
13,
1462,
62,
33661,
28955,
628,
220,
220,
220,
825,
4808,
82,
394,
1077,
62,
1092,
505,
62,
5171,
62,
15577,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6376,
25,
493,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4866,
62,
17602,
25,
705,
46047,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
19680,
1077,
62,
4906,
25,
493,
8,
4613,
9881,
25,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
220,
220,
220,
220,
493,
11,
18022,
12,
2339,
11,
309,
87,
11,
493,
4613,
9881,
198,
220,
220,
220,
220,
220,
220,
220,
2034,
13508,
311,
18060,
11211,
62,
31827,
1340,
2943,
1565,
4537,
56,
8771,
13,
198,
220,
220,
220,
220,
220,
220,
220,
10358,
307,
1444,
416,
1194,
311,
18060,
11211,
8771,
13,
198,
220,
220,
220,
220,
220,
220,
220,
1892,
319,
663,
898,
13,
198,
220,
220,
220,
220,
220,
220,
220,
3740,
1378,
268,
13,
35395,
13,
270,
14,
15466,
14,
3185,
62,
50084,
50,
3528,
2,
2964,
771,
495,
62,
1640,
62,
26257,
4906,
62,
50,
18060,
11211,
62,
31827,
1340,
2943,
1565,
4537,
56,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
383,
27765,
29881,
5128,
15879,
318,
581,
1143,
284,
257,
4129,
286,
530,
13,
198,
220,
220,
220,
220,
220,
220,
220,
4866,
62,
17602,
62,
1040,
796,
685,
30073,
62,
17602,
13,
17602,
62,
1040,
58,
9630,
11907,
198,
220,
220,
220,
220,
220,
220,
220,
4866,
62,
17602,
796,
4866,
62,
17602,
13,
30073,
7,
17602,
62,
1040,
28,
30073,
62,
17602,
62,
1040,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1441,
2116,
13557,
82,
394,
1077,
62,
20311,
62,
71,
2140,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4866,
62,
17602,
11,
19680,
1077,
62,
4906,
930,
4888,
13,
50,
18060,
11211,
62,
31827,
1340,
2943,
1565,
4537,
56,
8,
628,
220,
220,
220,
825,
4808,
82,
394,
1077,
62,
20311,
62,
71,
2140,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4866,
62,
17602,
25,
705,
46047,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
19680,
1077,
62,
4906,
25,
493,
8,
4613,
9881,
25,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
220,
220,
220,
220,
309,
87,
11,
493,
4613,
9881,
198,
220,
220,
220,
220,
220,
220,
220,
16409,
262,
12234,
326,
815,
307,
4488,
198,
220,
220,
220,
220,
220,
220,
220,
3740,
1378,
268,
13,
35395,
13,
270,
14,
15466,
14,
3185,
62,
50084,
50,
3528,
2,
2964,
771,
495,
62,
1640,
62,
26257,
4906,
62,
50,
18060,
11211,
62,
31827,
1340,
2943,
1565,
4537,
56,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
220,
220,
220,
220,
19680,
1077,
796,
30589,
6601,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
19680,
1077,
15853,
4866,
62,
17602,
13,
1462,
62,
33661,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
19680,
1077,
15853,
3384,
4487,
13,
72,
17,
293,
62,
79,
29373,
7,
82,
394,
1077,
62,
4906,
11,
604,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1441,
3384,
4487,
13,
17831,
11645,
7,
82,
394,
1077,
13,
1462,
62,
33661,
28955,
628,
220,
220,
220,
825,
4808,
17831,
62,
43167,
7,
944,
11,
19680,
1077,
62,
4906,
25,
493,
11,
2687,
62,
5171,
62,
15577,
25,
20512,
8,
4613,
9881,
25,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
47772,
21139,
12234,
44015,
594,
7822,
628,
220,
220,
220,
220,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
19680,
1077,
62,
4906,
220,
220,
220,
357,
600,
2599,
311,
18060,
11211,
62,
50,
2751,
2538,
393,
311,
18060,
11211,
62,
7036,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2687,
62,
5171,
62,
15577,
357,
30388,
2599,
2081,
611,
15529,
1340,
2943,
1565,
4537,
56,
815,
307,
900,
198,
220,
220,
220,
220,
220,
220,
220,
16409,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
33661,
2599,
262,
12234,
44015,
594,
11,
257,
3933,
18022,
12234,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
220,
220,
220,
220,
611,
2687,
62,
5171,
62,
15577,
393,
19680,
1077,
62,
4906,
6624,
4888,
13,
50,
18060,
11211,
62,
50,
2751,
2538,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
1002,
597,
286,
15529,
1340,
2943,
1565,
4537,
56,
11,
311,
2751,
2538,
19680,
1077,
2099,
318,
900,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
12234,
44015,
594,
318,
257,
20398,
11645,
286,
657,
87,
2388,
16317,
2388,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
275,
6,
59,
87,
405,
6,
1635,
3933,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
12234,
44015,
594,
318,
262,
4274,
25630,
11645,
286,
299,
44015,
594,
286,
477,
17311,
26,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
16311,
796,
30589,
6601,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
27765,
62,
259,
287,
2116,
13,
17602,
62,
1040,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
16311,
15853,
27765,
62,
259,
13,
43167,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
3384,
4487,
13,
17831,
11645,
7,
3107,
3007,
13,
1462,
62,
33661,
28955,
628,
220,
220,
220,
825,
4808,
17831,
62,
22915,
82,
7,
944,
11,
6376,
25,
493,
11,
19680,
1077,
62,
4906,
25,
493,
8,
4613,
9881,
25,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
47772,
21139,
12234,
26410,
82,
7822,
628,
220,
220,
220,
220,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6376,
220,
220,
220,
220,
220,
220,
220,
357,
600,
2599,
6376,
286,
5128,
852,
4488,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
19680,
1077,
62,
4906,
357,
600,
2599,
311,
18060,
11211,
62,
50,
2751,
2538,
393,
311,
18060,
11211,
62,
7036,
198,
220,
220,
220,
220,
220,
220,
220,
16409,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
33661,
2599,
262,
12234,
26410,
82,
11,
257,
3933,
18022,
12234,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
220,
220,
220,
220,
611,
19680,
1077,
62,
4906,
6624,
4888,
13,
50,
18060,
11211,
62,
7036,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
1002,
262,
19680,
1077,
2099,
318,
11096,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
12234,
26410,
82,
318,
262,
4274,
25630,
11645,
286,
477,
5072,
6867,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
20312,
510,
351,
511,
4226,
14876,
9218,
26,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
23862,
796,
30589,
6601,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
27765,
62,
448,
287,
2116,
13,
17602,
62,
5269,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
23862,
15853,
27765,
62,
448,
13,
1462,
62,
33661,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
3384,
4487,
13,
17831,
11645,
7,
22915,
82,
13,
1462,
62,
33661,
28955,
198,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
357,
82,
394,
1077,
62,
4906,
6624,
4888,
13,
50,
18060,
11211,
62,
50,
2751,
2538,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
290,
6376,
1279,
18896,
7,
944,
13,
17602,
62,
5269,
8,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
611,
19680,
1077,
2099,
318,
311,
2751,
2538,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
290,
262,
5128,
6376,
318,
4833,
621,
262,
1271,
286,
23862,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
12234,
26410,
82,
318,
262,
4274,
25630,
11645,
286,
262,
5072,
379,
262,
976,
6376,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
3384,
4487,
13,
17831,
11645,
7,
944,
13,
17602,
62,
5269,
58,
9630,
4083,
1462,
62,
33661,
28955,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
15323,
11,
12234,
26410,
82,
318,
257,
20398,
11645,
286,
657,
87,
2388,
16317,
2388,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5298,
1892,
3546,
1154,
12061,
12331,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
40,
11148,
284,
3494,
262,
311,
18060,
11211,
62,
50,
2751,
2538,
5434,
2637,
8,
628,
220,
220,
220,
825,
4808,
82,
394,
1077,
62,
32523,
312,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6376,
25,
493,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4226,
25,
9881,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8654,
448,
62,
8367,
25,
9881,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
19680,
1077,
62,
4906,
25,
493,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2687,
62,
5171,
62,
15577,
25,
20512,
796,
10352,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
220,
220,
220,
220,
3740,
1378,
12567,
13,
785,
14,
2545,
1073,
1939,
1077,
2398,
14,
16684,
14,
2436,
672,
14,
9866,
14,
260,
1759,
12,
24326,
12,
82,
394,
1077,
13,
9132,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
12102,
378,
62,
33661,
7,
47050,
448,
62,
8367,
11,
807,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1366,
796,
30589,
6601,
3419,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
352,
13,
299,
14815,
286,
262,
8611,
357,
19,
12,
26327,
1310,
886,
666,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1366,
15853,
2116,
13,
9641,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
362,
13,
12234,
36854,
5269,
357,
2624,
12,
26327,
12234,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1366,
15853,
2116,
13557,
17831,
62,
47050,
5269,
7,
1092,
505,
62,
5171,
62,
15577,
28,
1092,
505,
62,
5171,
62,
15577,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
513,
13,
12234,
44015,
594,
357,
2624,
12,
26327,
12234,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1366,
15853,
2116,
13557,
17831,
62,
43167,
7,
82,
394,
1077,
62,
4906,
28,
82,
394,
1077,
62,
4906,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2687,
62,
5171,
62,
15577,
28,
1092,
505,
62,
5171,
62,
15577,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
604,
13,
503,
4122,
357,
2624,
12,
26327,
12234,
1343,
604,
12,
26327,
1310,
886,
666,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1366,
15853,
2116,
13,
17602,
62,
1040,
58,
9630,
4083,
448,
4122,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
642,
13,
4226,
10669,
286,
262,
5128,
357,
46911,
1143,
355,
14750,
2641,
16356,
87,
46,
5500,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1366,
15853,
4226,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
718,
13,
1988,
286,
262,
5072,
3377,
416,
428,
5128,
357,
23,
12,
26327,
1310,
886,
666,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1366,
15853,
8654,
448,
62,
8367,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
767,
13,
299,
44015,
594,
286,
262,
5128,
357,
19,
12,
26327,
1310,
886,
666,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1366,
15853,
2116,
13,
17602,
62,
1040,
58,
9630,
4083,
43167,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
807,
13,
12234,
26410,
82,
357,
2624,
12,
26327,
12234,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1366,
15853,
2116,
13557,
17831,
62,
22915,
82,
7,
9630,
28,
9630,
11,
19680,
1077,
62,
4906,
28,
82,
394,
1077,
62,
4906,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
860,
13,
299,
25392,
2435,
286,
262,
8611,
357,
19,
12,
26327,
1310,
886,
666,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1366,
15853,
2116,
13,
5354,
62,
2435,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
838,
13,
19680,
1077,
2099,
286,
262,
9877,
357,
19,
12,
26327,
1310,
886,
666,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1366,
15853,
2116,
13557,
32523,
312,
62,
82,
394,
1077,
62,
23032,
434,
7,
82,
394,
1077,
62,
4906,
28,
82,
394,
1077,
62,
4906,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2687,
62,
5171,
62,
15577,
28,
1092,
505,
62,
5171,
62,
15577,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1441,
3384,
4487,
13,
17831,
11645,
7,
7890,
13,
1462,
62,
33661,
28955,
198
] | 2.285172 | 16,320 |
#!/usr/bin/python3
import argparse
import paho.mqtt.client as mqtt
import datetime
from time import sleep
from binascii import unhexlify
from random import randint
from pycomfoconnect import *
import getopt
## Configuration #######################################################################################################
local_name = 'OpenHAB2 ComfoConnect Gateway' # Name of the service
local_uuid = bytes.fromhex('00000000000000000000000000000005') # Can be what you want, used to differentiate devices (as only 1 simultaneously connected device is allowed)
device_ip = "192.168.1.7" # Look in your router administration and get the ip of the comfoconnect device and set it as static lease
device_uuid = bytes.fromhex('00000000001710138001144fd71e1a11') # Get this from using discovery first by running the script with flag: -d <ip-address> and then configure it here
pin = 1234 # Set PIN of vent unit !
mqtt_broker = "192.168.1.50" # Set your MQTT broker here
mqtt_user = "my_user" # Set the MQTT user login
mqtt_passw = "my_pw" # Set the MQTT user password
mqtt_topic = "Zehnder/ComfoAirQ350/" # Set the MQTT root topic
## Start logger ########################################################################################################
## Connect to Comfocontrol device #####################################################################################
bridge = Bridge(device_ip, device_uuid)
#bridge.debug = True
comfoconnect = ComfoConnect(bridge, local_uuid, local_name, pin)
previousreply = b'\x01'
prevspeed = 0
prevmode = 0
prevalt = 0
prevvalue = {81 : 0, 213 : 0, 122 : 0, 121 : 0 }
#client = mqtt.Client(client_id="S1_%s" % randint(1, 10000), clean_session=False)
#client.on_connect = sub_on_connect
#client.on_disconnect = sub_on_disconnect
#client.username_pw_set(mqtt_user,mqtt_passw)
#client.connect(mqtt_broker)
#client.subscribe("Zehnder/ComfoAirQ450/ExecuteFunction",qos=1)
#client.on_message=on_message #attach function to callback
#client.loop_start()
#clientpub = mqtt.Client(client_id="P1_%s" % randint(1, 10000), clean_session=False)
#clientpub.on_connect = pub_on_connect
#clientpub.on_disconnect = pub_on_disconnect
#clientpub.username_pw_set(mqtt_user,mqtt_passw)
#clientpub.connect(mqtt_broker)
#clientpub.loop_start()
if __name__ == "__main__":
main()
| [
2,
48443,
14629,
14,
8800,
14,
29412,
18,
198,
11748,
1822,
29572,
198,
11748,
279,
17108,
13,
76,
80,
926,
13,
16366,
355,
285,
80,
926,
198,
11748,
4818,
8079,
198,
6738,
640,
1330,
3993,
198,
6738,
9874,
292,
979,
72,
1330,
555,
33095,
75,
1958,
198,
6738,
4738,
1330,
43720,
600,
198,
6738,
12972,
785,
69,
36221,
1606,
1330,
1635,
198,
11748,
651,
8738,
198,
198,
2235,
28373,
1303,
29113,
29113,
29113,
4242,
2235,
198,
198,
12001,
62,
3672,
796,
705,
11505,
39,
6242,
17,
955,
6513,
13313,
29916,
6,
197,
197,
197,
2,
6530,
286,
262,
2139,
198,
12001,
62,
12303,
312,
796,
9881,
13,
6738,
33095,
10786,
25645,
8269,
24598,
20,
11537,
220,
1303,
1680,
307,
644,
345,
765,
11,
973,
284,
28754,
4410,
357,
292,
691,
352,
11640,
5884,
3335,
318,
3142,
8,
198,
198,
25202,
62,
541,
796,
366,
17477,
13,
14656,
13,
16,
13,
22,
1,
197,
197,
197,
197,
197,
2,
6803,
287,
534,
20264,
3662,
290,
651,
262,
20966,
286,
262,
401,
69,
36221,
1606,
3335,
290,
900,
340,
355,
9037,
15278,
198,
25202,
62,
12303,
312,
796,
9881,
13,
6738,
33095,
10786,
8269,
405,
1558,
8784,
2548,
405,
1157,
2598,
16344,
4869,
68,
16,
64,
1157,
11537,
1303,
3497,
428,
422,
1262,
9412,
717,
416,
2491,
262,
4226,
351,
6056,
25,
532,
67,
1279,
541,
12,
21975,
29,
290,
788,
17425,
340,
994,
198,
11635,
796,
1105,
2682,
220,
197,
197,
197,
197,
197,
197,
197,
2,
5345,
34279,
286,
7435,
4326,
5145,
198,
198,
76,
80,
926,
62,
7957,
6122,
796,
366,
17477,
13,
14656,
13,
16,
13,
1120,
1,
197,
197,
197,
197,
197,
2,
5345,
534,
337,
48,
15751,
20426,
994,
198,
76,
80,
926,
62,
7220,
796,
366,
1820,
62,
7220,
1,
197,
197,
197,
197,
197,
197,
2,
5345,
262,
337,
48,
15751,
2836,
17594,
198,
76,
80,
926,
62,
6603,
86,
796,
366,
1820,
62,
79,
86,
1,
197,
197,
197,
197,
197,
197,
2,
5345,
262,
337,
48,
15751,
2836,
9206,
198,
76,
80,
926,
62,
26652,
796,
366,
57,
17231,
681,
14,
5377,
6513,
16170,
48,
14877,
30487,
197,
197,
197,
197,
2,
5345,
262,
337,
48,
15751,
6808,
7243,
198,
198,
2235,
7253,
49706,
1303,
29113,
29113,
29113,
4242,
21017,
198,
198,
2235,
8113,
284,
955,
69,
420,
756,
3225,
3335,
220,
1303,
29113,
29113,
14468,
4242,
198,
9458,
796,
10290,
7,
25202,
62,
541,
11,
3335,
62,
12303,
312,
8,
198,
2,
9458,
13,
24442,
796,
6407,
198,
785,
69,
36221,
1606,
796,
955,
6513,
13313,
7,
9458,
11,
1957,
62,
12303,
312,
11,
1957,
62,
3672,
11,
6757,
8,
198,
198,
3866,
1442,
47768,
796,
275,
6,
59,
87,
486,
6,
198,
47050,
12287,
796,
657,
198,
47050,
14171,
796,
657,
198,
3866,
2100,
83,
796,
657,
198,
47050,
8367,
796,
1391,
6659,
1058,
657,
11,
28658,
1058,
657,
11,
19409,
1058,
657,
11,
20416,
1058,
657,
1782,
198,
198,
2,
16366,
796,
285,
80,
926,
13,
11792,
7,
16366,
62,
312,
2625,
50,
16,
62,
4,
82,
1,
4064,
43720,
600,
7,
16,
11,
33028,
828,
3424,
62,
29891,
28,
25101,
8,
198,
2,
16366,
13,
261,
62,
8443,
796,
850,
62,
261,
62,
8443,
198,
2,
16366,
13,
261,
62,
6381,
8443,
796,
850,
62,
261,
62,
6381,
8443,
198,
2,
16366,
13,
29460,
62,
79,
86,
62,
2617,
7,
76,
80,
926,
62,
7220,
11,
76,
80,
926,
62,
6603,
86,
8,
198,
2,
16366,
13,
8443,
7,
76,
80,
926,
62,
7957,
6122,
8,
198,
2,
16366,
13,
7266,
12522,
7203,
57,
17231,
681,
14,
5377,
6513,
16170,
48,
17885,
14,
23002,
1133,
22203,
1600,
80,
418,
28,
16,
8,
198,
2,
16366,
13,
261,
62,
20500,
28,
261,
62,
20500,
1303,
47348,
2163,
284,
23838,
198,
2,
16366,
13,
26268,
62,
9688,
3419,
198,
198,
2,
16366,
12984,
796,
285,
80,
926,
13,
11792,
7,
16366,
62,
312,
2625,
47,
16,
62,
4,
82,
1,
4064,
43720,
600,
7,
16,
11,
33028,
828,
3424,
62,
29891,
28,
25101,
8,
198,
2,
16366,
12984,
13,
261,
62,
8443,
796,
2240,
62,
261,
62,
8443,
198,
2,
16366,
12984,
13,
261,
62,
6381,
8443,
796,
2240,
62,
261,
62,
6381,
8443,
198,
2,
16366,
12984,
13,
29460,
62,
79,
86,
62,
2617,
7,
76,
80,
926,
62,
7220,
11,
76,
80,
926,
62,
6603,
86,
8,
198,
2,
16366,
12984,
13,
8443,
7,
76,
80,
926,
62,
7957,
6122,
8,
198,
2,
16366,
12984,
13,
26268,
62,
9688,
3419,
628,
198,
361,
11593,
3672,
834,
6624,
366,
834,
12417,
834,
1298,
198,
220,
220,
220,
1388,
3419,
198
] | 3.040208 | 771 |
from datetime import datetime
from datetime import timedelta
from datetime import timezone
from typing import Union
def now() -> datetime:
"""Return now as a UTC timestamp"""
return datetime.now(timezone.utc)
class TimeStamp:
"""Representation of a timestamp with an integer number of seconds"""
# Access the underlying unix timestamp
ts = property(lambda self: self._ts)
_ts: int
def __init__(self, ts: [int, float]):
"""Create from unix timestamp"""
self._ts = round(ts)
@classmethod
@property
def dt(self) -> datetime:
"""Timestamp as a datetime object"""
return datetime.fromtimestamp(self._ts)
@property
| [
6738,
4818,
8079,
1330,
4818,
8079,
198,
6738,
4818,
8079,
1330,
28805,
12514,
198,
6738,
4818,
8079,
1330,
640,
11340,
198,
6738,
19720,
1330,
4479,
628,
198,
4299,
783,
3419,
4613,
4818,
8079,
25,
198,
220,
220,
220,
37227,
13615,
783,
355,
257,
18119,
41033,
37811,
198,
220,
220,
220,
1441,
4818,
8079,
13,
2197,
7,
2435,
11340,
13,
315,
66,
8,
628,
198,
4871,
3862,
1273,
696,
25,
198,
220,
220,
220,
37227,
40171,
341,
286,
257,
41033,
351,
281,
18253,
1271,
286,
4201,
37811,
628,
220,
220,
220,
1303,
8798,
262,
10238,
555,
844,
41033,
198,
220,
220,
220,
40379,
796,
3119,
7,
50033,
2116,
25,
2116,
13557,
912,
8,
198,
220,
220,
220,
4808,
912,
25,
493,
628,
220,
220,
220,
825,
11593,
15003,
834,
7,
944,
11,
40379,
25,
685,
600,
11,
12178,
60,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
16447,
422,
555,
844,
41033,
37811,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
912,
796,
2835,
7,
912,
8,
628,
220,
220,
220,
2488,
4871,
24396,
628,
220,
220,
220,
2488,
26745,
198,
220,
220,
220,
825,
288,
83,
7,
944,
8,
4613,
4818,
8079,
25,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
14967,
27823,
355,
257,
4818,
8079,
2134,
37811,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
4818,
8079,
13,
6738,
16514,
27823,
7,
944,
13557,
912,
8,
628,
220,
220,
220,
2488,
26745,
198
] | 2.879668 | 241 |
# -*- coding: utf-8 -*-
"""
This code is auto generated from troposphere_mate.code_generator.__init__.py scripts.
"""
import sys
if sys.version_info.major >= 3 and sys.version_info.minor >= 5: # pragma: no cover
from typing import Union, List, Any
import troposphere.opsworks
from troposphere.opsworks import (
AutoScalingThresholds as _AutoScalingThresholds,
BlockDeviceMapping as _BlockDeviceMapping,
ChefConfiguration as _ChefConfiguration,
DataSource as _DataSource,
EbsBlockDevice as _EbsBlockDevice,
ElasticIp as _ElasticIp,
EngineAttribute as _EngineAttribute,
Environment as _Environment,
LifeCycleConfiguration as _LifeCycleConfiguration,
LoadBasedAutoScaling as _LoadBasedAutoScaling,
RdsDbInstance as _RdsDbInstance,
Recipes as _Recipes,
ShutdownEventConfiguration as _ShutdownEventConfiguration,
Source as _Source,
SslConfiguration as _SslConfiguration,
StackConfigurationManager as _StackConfigurationManager,
Tags as _Tags,
TimeBasedAutoScaling as _TimeBasedAutoScaling,
VolumeConfiguration as _VolumeConfiguration,
)
from troposphere import Template, AWSHelperFn
from troposphere_mate.core.mate import preprocess_init_kwargs, Mixin
from troposphere_mate.core.sentiel import REQUIRED, NOTHING
| [
2,
532,
9,
12,
19617,
25,
3384,
69,
12,
23,
532,
9,
12,
198,
198,
37811,
198,
1212,
2438,
318,
8295,
7560,
422,
14673,
22829,
62,
9830,
13,
8189,
62,
8612,
1352,
13,
834,
15003,
834,
13,
9078,
14750,
13,
198,
37811,
198,
198,
11748,
25064,
198,
361,
25064,
13,
9641,
62,
10951,
13,
22478,
18189,
513,
290,
25064,
13,
9641,
62,
10951,
13,
1084,
273,
18189,
642,
25,
220,
1303,
23864,
2611,
25,
645,
3002,
198,
220,
220,
220,
422,
19720,
1330,
4479,
11,
7343,
11,
4377,
198,
198,
11748,
14673,
22829,
13,
404,
2032,
3647,
198,
198,
6738,
14673,
22829,
13,
404,
2032,
3647,
1330,
357,
198,
220,
220,
220,
11160,
3351,
4272,
817,
10126,
82,
355,
4808,
27722,
3351,
4272,
817,
10126,
82,
11,
198,
220,
220,
220,
9726,
24728,
44,
5912,
355,
4808,
12235,
24728,
44,
5912,
11,
198,
220,
220,
220,
26383,
38149,
355,
4808,
7376,
69,
38149,
11,
198,
220,
220,
220,
6060,
7416,
355,
4808,
6601,
7416,
11,
198,
220,
220,
220,
412,
1443,
12235,
24728,
355,
4808,
36,
1443,
12235,
24728,
11,
198,
220,
220,
220,
48567,
40,
79,
355,
4808,
9527,
3477,
40,
79,
11,
198,
220,
220,
220,
7117,
33682,
355,
4808,
13798,
33682,
11,
198,
220,
220,
220,
9344,
355,
4808,
31441,
11,
198,
220,
220,
220,
5155,
20418,
2375,
38149,
355,
4808,
14662,
20418,
2375,
38149,
11,
198,
220,
220,
220,
8778,
15001,
27722,
3351,
4272,
355,
4808,
8912,
15001,
27722,
3351,
4272,
11,
198,
220,
220,
220,
371,
9310,
43832,
33384,
355,
4808,
49,
9310,
43832,
33384,
11,
198,
220,
220,
220,
44229,
355,
4808,
6690,
18636,
11,
198,
220,
220,
220,
40411,
9237,
38149,
355,
4808,
39079,
2902,
9237,
38149,
11,
198,
220,
220,
220,
8090,
355,
4808,
7416,
11,
198,
220,
220,
220,
311,
6649,
38149,
355,
4808,
50,
6649,
38149,
11,
198,
220,
220,
220,
23881,
38149,
13511,
355,
4808,
25896,
38149,
13511,
11,
198,
220,
220,
220,
44789,
355,
4808,
36142,
11,
198,
220,
220,
220,
3862,
15001,
27722,
3351,
4272,
355,
4808,
7575,
15001,
27722,
3351,
4272,
11,
198,
220,
220,
220,
14701,
38149,
355,
4808,
31715,
38149,
11,
198,
8,
628,
198,
6738,
14673,
22829,
1330,
37350,
11,
14356,
9693,
417,
525,
37,
77,
198,
6738,
14673,
22829,
62,
9830,
13,
7295,
13,
9830,
1330,
662,
14681,
62,
15003,
62,
46265,
22046,
11,
15561,
259,
198,
6738,
14673,
22829,
62,
9830,
13,
7295,
13,
34086,
8207,
1330,
4526,
10917,
37819,
11,
5626,
39,
2751,
628,
628,
628,
628,
628,
628,
628,
628,
628,
628,
628,
628,
628,
628
] | 3.093677 | 427 |
#!/usr/bin/python
import argparse
from . import *
if __name__ == "__main__":
arg_parser = argparse.ArgumentParser(
description="A simple usage of the Telegram Bot API.", allow_abbrev=True
)
arg_parser.add_argument("--chat_id", type=str, help="sets the chat_id in settings")
arg_parser.add_argument("--token", type=str, help="sets the bot token in settings")
arg_parser.add_argument(
"--message", type=str, help="specifies the message to send to chat"
)
args = arg_parser.parse_args()
set_config_options(chat_id=args.chat_id, token=args.token)
if args.message:
if not validate_config(get_config()):
raise InvalidConfigError(
"Settings not valid. Use --token and --chat_id options to set settings entries."
)
print(send_message(args.message))
elif args.message == "":
raise EmptyMessageError("Cannot use an empty string with --message option.")
| [
2,
48443,
14629,
14,
8800,
14,
29412,
198,
198,
11748,
1822,
29572,
198,
6738,
764,
1330,
1635,
198,
198,
361,
11593,
3672,
834,
6624,
366,
834,
12417,
834,
1298,
198,
220,
220,
220,
1822,
62,
48610,
796,
1822,
29572,
13,
28100,
1713,
46677,
7,
198,
220,
220,
220,
220,
220,
220,
220,
6764,
2625,
32,
2829,
8748,
286,
262,
50203,
18579,
7824,
33283,
1249,
62,
397,
4679,
85,
28,
17821,
198,
220,
220,
220,
1267,
198,
220,
220,
220,
1822,
62,
48610,
13,
2860,
62,
49140,
7203,
438,
17006,
62,
312,
1600,
2099,
28,
2536,
11,
1037,
2625,
28709,
262,
8537,
62,
312,
287,
6460,
4943,
198,
220,
220,
220,
1822,
62,
48610,
13,
2860,
62,
49140,
7203,
438,
30001,
1600,
2099,
28,
2536,
11,
1037,
2625,
28709,
262,
10214,
11241,
287,
6460,
4943,
198,
220,
220,
220,
1822,
62,
48610,
13,
2860,
62,
49140,
7,
198,
220,
220,
220,
220,
220,
220,
220,
366,
438,
20500,
1600,
2099,
28,
2536,
11,
1037,
2625,
16684,
6945,
262,
3275,
284,
3758,
284,
8537,
1,
198,
220,
220,
220,
1267,
198,
220,
220,
220,
26498,
796,
1822,
62,
48610,
13,
29572,
62,
22046,
3419,
628,
220,
220,
220,
900,
62,
11250,
62,
25811,
7,
17006,
62,
312,
28,
22046,
13,
17006,
62,
312,
11,
11241,
28,
22046,
13,
30001,
8,
628,
220,
220,
220,
611,
26498,
13,
20500,
25,
198,
220,
220,
220,
220,
220,
220,
220,
611,
407,
26571,
62,
11250,
7,
1136,
62,
11250,
3419,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5298,
17665,
16934,
12331,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
26232,
407,
4938,
13,
5765,
1377,
30001,
290,
1377,
17006,
62,
312,
3689,
284,
900,
6460,
12784,
526,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1267,
198,
220,
220,
220,
220,
220,
220,
220,
3601,
7,
21280,
62,
20500,
7,
22046,
13,
20500,
4008,
198,
220,
220,
220,
1288,
361,
26498,
13,
20500,
6624,
366,
1298,
198,
220,
220,
220,
220,
220,
220,
220,
5298,
33523,
12837,
12331,
7203,
34,
34574,
779,
281,
6565,
4731,
351,
1377,
20500,
3038,
19570,
198
] | 2.642077 | 366 |
# Licensed under the Apache License, Version 2.0 (the "License"); you may
# not use this file except in compliance with the License. You may obtain
# a copy of the License at
#
# http://www.apache.org/licenses/LICENSE-2.0
#
# Unless required by applicable law or agreed to in writing, software
# distributed under the License is distributed on an "AS IS" BASIS, WITHOUT
# WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the
# License for the specific language governing permissions and limitations
# under the License.
from __future__ import print_function
import os
import sys
import six
import uuid
from oslo_serialization import jsonutils
from oslo_utils import encodeutils
import prettytable
from karborclient.common.apiclient import exceptions
# Decorator for cli-args
def env(*vars, **kwargs):
"""Search for the first defined of possibly many env vars
Returns the first environment variable defined in vars, or
returns the default defined in kwargs.
"""
for v in vars:
value = os.environ.get(v)
if value:
return value
return kwargs.get('default', '')
def print_list(objs, fields, exclude_unavailable=False, formatters=None,
sortby_index=0):
'''Prints a list of objects.
@param objs: Objects to print
@param fields: Fields on each object to be printed
@param exclude_unavailable: Boolean to decide if unavailable fields are
removed
@param formatters: Custom field formatters
@param sortby_index: Results sorted against the key in the fields list at
this index; if None then the object order is not
altered
'''
formatters = formatters or {}
mixed_case_fields = ['serverId']
removed_fields = []
rows = []
for o in objs:
row = []
for field in fields:
if field in removed_fields:
continue
if field in formatters:
row.append(formatters[field](o))
else:
if field in mixed_case_fields:
field_name = field.replace(' ', '_')
else:
field_name = field.lower().replace(' ', '_')
if type(o) == dict and field in o:
data = o[field]
else:
if not hasattr(o, field_name) and exclude_unavailable:
removed_fields.append(field)
continue
else:
data = getattr(o, field_name, '')
if data is None:
data = '-'
if isinstance(data, six.string_types) and "\r" in data:
data = data.replace("\r", " ")
row.append(data)
rows.append(row)
for f in removed_fields:
fields.remove(f)
pt = prettytable.PrettyTable((f for f in fields), caching=False)
pt.align = 'l'
for row in rows:
pt.add_row(row)
if sortby_index is None:
order_by = None
else:
order_by = fields[sortby_index]
_print(pt, order_by)
def dict_prettyprint(val):
"""dict pretty print formatter.
:param val: dict.
:return: formatted json string.
"""
return jsonutils.dumps(val, indent=2, sort_keys=True)
def json_prettyprint(val):
"""json pretty print formatter.
:param val: json string.
:return: formatted json string.
"""
return val and jsonutils.dumps(jsonutils.loads(val),
indent=2, sort_keys=True)
def find_resource(manager, name_or_id, *args, **kwargs):
"""Helper for the _find_* methods."""
# first try to get entity as integer id
try:
if isinstance(name_or_id, int) or name_or_id.isdigit():
return manager.get(int(name_or_id), *args, **kwargs)
except exceptions.NotFound:
pass
# now try to get entity as uuid
try:
uuid.UUID(str(name_or_id))
return manager.get(name_or_id, *args, **kwargs)
except (ValueError, exceptions.NotFound):
pass
# finally try to find entity by name
try:
return manager.find(name=name_or_id)
except exceptions.NotFound:
msg = "No %s with a name or ID of '%s' exists." % \
(manager.resource_class.__name__.lower(), name_or_id)
raise exceptions.CommandError(msg)
| [
2,
220,
220,
220,
49962,
739,
262,
24843,
13789,
11,
10628,
362,
13,
15,
357,
1169,
366,
34156,
15341,
345,
743,
198,
2,
220,
220,
220,
407,
779,
428,
2393,
2845,
287,
11846,
351,
262,
13789,
13,
921,
743,
7330,
198,
2,
220,
220,
220,
257,
4866,
286,
262,
13789,
379,
198,
2,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
2638,
1378,
2503,
13,
43073,
13,
2398,
14,
677,
4541,
14,
43,
2149,
24290,
12,
17,
13,
15,
198,
2,
198,
2,
220,
220,
220,
17486,
2672,
416,
9723,
1099,
393,
4987,
284,
287,
3597,
11,
3788,
198,
2,
220,
220,
220,
9387,
739,
262,
13789,
318,
9387,
319,
281,
366,
1921,
3180,
1,
29809,
1797,
11,
42881,
198,
2,
220,
220,
220,
34764,
11015,
6375,
7102,
49828,
11053,
3963,
15529,
509,
12115,
11,
2035,
4911,
393,
17142,
13,
4091,
262,
198,
2,
220,
220,
220,
13789,
329,
262,
2176,
3303,
15030,
21627,
290,
11247,
198,
2,
220,
220,
220,
739,
262,
13789,
13,
198,
198,
6738,
11593,
37443,
834,
1330,
3601,
62,
8818,
198,
198,
11748,
28686,
198,
11748,
25064,
198,
198,
11748,
2237,
198,
11748,
334,
27112,
198,
198,
6738,
28686,
5439,
62,
46911,
1634,
1330,
33918,
26791,
198,
6738,
28686,
5439,
62,
26791,
1330,
37773,
26791,
198,
198,
11748,
2495,
11487,
198,
198,
6738,
479,
283,
2865,
16366,
13,
11321,
13,
499,
291,
75,
1153,
1330,
13269,
628,
198,
2,
4280,
273,
1352,
329,
537,
72,
12,
22046,
628,
198,
4299,
17365,
46491,
85,
945,
11,
12429,
46265,
22046,
2599,
198,
220,
220,
220,
37227,
18243,
329,
262,
717,
5447,
286,
5457,
867,
17365,
410,
945,
628,
220,
220,
220,
16409,
262,
717,
2858,
7885,
5447,
287,
410,
945,
11,
393,
198,
220,
220,
220,
5860,
262,
4277,
5447,
287,
479,
86,
22046,
13,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
329,
410,
287,
410,
945,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1988,
796,
28686,
13,
268,
2268,
13,
1136,
7,
85,
8,
198,
220,
220,
220,
220,
220,
220,
220,
611,
1988,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
1988,
198,
220,
220,
220,
1441,
479,
86,
22046,
13,
1136,
10786,
12286,
3256,
10148,
8,
628,
198,
198,
4299,
3601,
62,
4868,
7,
672,
8457,
11,
7032,
11,
19607,
62,
403,
15182,
28,
25101,
11,
5794,
1010,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3297,
1525,
62,
9630,
28,
15,
2599,
198,
220,
220,
220,
705,
7061,
18557,
82,
257,
1351,
286,
5563,
13,
628,
220,
220,
220,
2488,
17143,
909,
8457,
25,
35832,
284,
3601,
198,
220,
220,
220,
2488,
17143,
7032,
25,
23948,
319,
1123,
2134,
284,
307,
10398,
198,
220,
220,
220,
2488,
17143,
19607,
62,
403,
15182,
25,
41146,
284,
5409,
611,
23485,
7032,
389,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4615,
198,
220,
220,
220,
2488,
17143,
5794,
1010,
25,
8562,
2214,
5794,
1010,
198,
220,
220,
220,
2488,
17143,
3297,
1525,
62,
9630,
25,
15691,
23243,
1028,
262,
1994,
287,
262,
7032,
1351,
379,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
428,
6376,
26,
611,
6045,
788,
262,
2134,
1502,
318,
407,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
14294,
198,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
5794,
1010,
796,
5794,
1010,
393,
23884,
198,
220,
220,
220,
7668,
62,
7442,
62,
25747,
796,
37250,
15388,
7390,
20520,
198,
220,
220,
220,
4615,
62,
25747,
796,
17635,
198,
220,
220,
220,
15274,
796,
17635,
628,
220,
220,
220,
329,
267,
287,
909,
8457,
25,
198,
220,
220,
220,
220,
220,
220,
220,
5752,
796,
17635,
198,
220,
220,
220,
220,
220,
220,
220,
329,
2214,
287,
7032,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2214,
287,
4615,
62,
25747,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2555,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2214,
287,
5794,
1010,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5752,
13,
33295,
7,
18982,
1010,
58,
3245,
16151,
78,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2214,
287,
7668,
62,
7442,
62,
25747,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2214,
62,
3672,
796,
2214,
13,
33491,
10786,
46083,
705,
62,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2214,
62,
3672,
796,
2214,
13,
21037,
22446,
33491,
10786,
46083,
705,
62,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2099,
7,
78,
8,
6624,
8633,
290,
2214,
287,
267,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1366,
796,
267,
58,
3245,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
407,
468,
35226,
7,
78,
11,
2214,
62,
3672,
8,
290,
19607,
62,
403,
15182,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4615,
62,
25747,
13,
33295,
7,
3245,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2555,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1366,
796,
651,
35226,
7,
78,
11,
2214,
62,
3672,
11,
10148,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
1366,
318,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1366,
796,
705,
19355,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
318,
39098,
7,
7890,
11,
2237,
13,
8841,
62,
19199,
8,
290,
37082,
81,
1,
287,
1366,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1366,
796,
1366,
13,
33491,
7203,
59,
81,
1600,
366,
366,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5752,
13,
33295,
7,
7890,
8,
198,
220,
220,
220,
220,
220,
220,
220,
15274,
13,
33295,
7,
808,
8,
628,
220,
220,
220,
329,
277,
287,
4615,
62,
25747,
25,
198,
220,
220,
220,
220,
220,
220,
220,
7032,
13,
28956,
7,
69,
8,
628,
220,
220,
220,
42975,
796,
2495,
11487,
13,
35700,
10962,
19510,
69,
329,
277,
287,
7032,
828,
40918,
28,
25101,
8,
198,
220,
220,
220,
42975,
13,
31494,
796,
705,
75,
6,
198,
220,
220,
220,
329,
5752,
287,
15274,
25,
198,
220,
220,
220,
220,
220,
220,
220,
42975,
13,
2860,
62,
808,
7,
808,
8,
628,
220,
220,
220,
611,
3297,
1525,
62,
9630,
318,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1502,
62,
1525,
796,
6045,
198,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1502,
62,
1525,
796,
7032,
58,
30619,
1525,
62,
9630,
60,
198,
220,
220,
220,
4808,
4798,
7,
457,
11,
1502,
62,
1525,
8,
628,
198,
198,
4299,
8633,
62,
37784,
4798,
7,
2100,
2599,
198,
220,
220,
220,
37227,
11600,
2495,
3601,
1296,
1436,
13,
628,
220,
220,
220,
1058,
17143,
1188,
25,
8633,
13,
198,
220,
220,
220,
1058,
7783,
25,
39559,
33918,
4731,
13,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
1441,
33918,
26791,
13,
67,
8142,
7,
2100,
11,
33793,
28,
17,
11,
3297,
62,
13083,
28,
17821,
8,
628,
198,
4299,
33918,
62,
37784,
4798,
7,
2100,
2599,
198,
220,
220,
220,
37227,
17752,
2495,
3601,
1296,
1436,
13,
628,
220,
220,
220,
1058,
17143,
1188,
25,
33918,
4731,
13,
198,
220,
220,
220,
1058,
7783,
25,
39559,
33918,
4731,
13,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
1441,
1188,
290,
33918,
26791,
13,
67,
8142,
7,
17752,
26791,
13,
46030,
7,
2100,
828,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
33793,
28,
17,
11,
3297,
62,
13083,
28,
17821,
8,
628,
198,
4299,
1064,
62,
31092,
7,
37153,
11,
1438,
62,
273,
62,
312,
11,
1635,
22046,
11,
12429,
46265,
22046,
2599,
198,
220,
220,
220,
37227,
47429,
329,
262,
4808,
19796,
62,
9,
5050,
526,
15931,
198,
220,
220,
220,
1303,
717,
1949,
284,
651,
9312,
355,
18253,
4686,
198,
220,
220,
220,
1949,
25,
198,
220,
220,
220,
220,
220,
220,
220,
611,
318,
39098,
7,
3672,
62,
273,
62,
312,
11,
493,
8,
393,
1438,
62,
273,
62,
312,
13,
9409,
328,
270,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
4706,
13,
1136,
7,
600,
7,
3672,
62,
273,
62,
312,
828,
1635,
22046,
11,
12429,
46265,
22046,
8,
198,
220,
220,
220,
2845,
13269,
13,
3673,
21077,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1208,
628,
220,
220,
220,
1303,
783,
1949,
284,
651,
9312,
355,
334,
27112,
198,
220,
220,
220,
1949,
25,
198,
220,
220,
220,
220,
220,
220,
220,
334,
27112,
13,
52,
27586,
7,
2536,
7,
3672,
62,
273,
62,
312,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
4706,
13,
1136,
7,
3672,
62,
273,
62,
312,
11,
1635,
22046,
11,
12429,
46265,
22046,
8,
198,
220,
220,
220,
2845,
357,
11395,
12331,
11,
13269,
13,
3673,
21077,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
1208,
628,
220,
220,
220,
1303,
3443,
1949,
284,
1064,
9312,
416,
1438,
198,
220,
220,
220,
1949,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
4706,
13,
19796,
7,
3672,
28,
3672,
62,
273,
62,
312,
8,
198,
220,
220,
220,
2845,
13269,
13,
3673,
21077,
25,
198,
220,
220,
220,
220,
220,
220,
220,
31456,
796,
366,
2949,
4064,
82,
351,
257,
1438,
393,
4522,
286,
705,
4,
82,
6,
7160,
526,
4064,
3467,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
37153,
13,
31092,
62,
4871,
13,
834,
3672,
834,
13,
21037,
22784,
1438,
62,
273,
62,
312,
8,
198,
220,
220,
220,
220,
220,
220,
220,
5298,
13269,
13,
21575,
12331,
7,
19662,
8,
198
] | 2.297283 | 1,951 |
import os.path as osp
import numpy as np
from scipy.io import loadmat
from .base import BaseDataset
| [
11748,
28686,
13,
6978,
355,
267,
2777,
201,
198,
201,
198,
11748,
299,
32152,
355,
45941,
201,
198,
6738,
629,
541,
88,
13,
952,
1330,
3440,
6759,
201,
198,
201,
198,
6738,
764,
8692,
1330,
7308,
27354,
292,
316,
201,
198,
201,
198
] | 2.55814 | 43 |
from unittest import TestCase
from DeckofCards import Deck
| [
6738,
555,
715,
395,
1330,
6208,
20448,
198,
6738,
20961,
1659,
34,
1371,
1330,
20961,
628
] | 3.75 | 16 |
##############################################################################
#
# Copyright (c) 2003 Zope Foundation and Contributors.
# All Rights Reserved.
#
# This software is subject to the provisions of the Zope Public License,
# Version 2.1 (ZPL). A copy of the ZPL should accompany this distribution.
# THIS SOFTWARE IS PROVIDED "AS IS" AND ANY AND ALL EXPRESS OR IMPLIED
# WARRANTIES ARE DISCLAIMED, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED
# WARRANTIES OF TITLE, MERCHANTABILITY, AGAINST INFRINGEMENT, AND FITNESS
# FOR A PARTICULAR PURPOSE.
#
##############################################################################
"""Structured Text Renderer Classes
"""
__docformat__ = 'restructuredtext'
import re
from zope.component import adapter
from zope.interface import implementer
from zope.structuredtext.document import Document
from zope.structuredtext.html import HTML
from zope.publisher.browser import BrowserView
from zope.publisher.interfaces.browser import IBrowserRequest
from zope.app.renderer.i18n import ZopeMessageFactory as _
from zope.app.renderer.interfaces import ISource, IHTMLRenderer
from zope.app.renderer import SourceFactory
class IStructuredTextSource(ISource):
"""Marker interface for a structured text source. Note that an
implementation of this interface should always derive from unicode or
behave like a unicode class."""
StructuredTextSourceFactory = SourceFactory(
IStructuredTextSource, _("Structured Text (STX)"),
_("Structured Text (STX) Source"))
@implementer(IHTMLRenderer)
@adapter(IStructuredTextSource, IBrowserRequest)
class StructuredTextToHTMLRenderer(BrowserView):
r"""A view to convert from Plain Text to HTML.
Example::
>>> from zope.app.renderer import text_type
>>> from zope.publisher.browser import TestRequest
>>> source = StructuredTextSourceFactory(u'This is source.')
>>> renderer = StructuredTextToHTMLRenderer(source, TestRequest())
>>> rendered = renderer.render()
>>> isinstance(rendered, text_type)
True
>>> print(rendered)
<p>This is source.</p>
<BLANKLINE>
Make sure that unicode works as well::
>>> source = StructuredTextSourceFactory(u'This is \xc3\x9c.')
>>> renderer = StructuredTextToHTMLRenderer(source, TestRequest())
>>> rendered = renderer.render()
>>> isinstance(rendered, text_type)
True
>>> print(rendered)
<p>This is ...</p>
<BLANKLINE>
"""
def render(self):
"See zope.app.interfaces.renderer.IHTMLRenderer"
doc = Document()(self.context)
html = HTML()(doc)
# strip html & body added by some zope versions
html = re.sub(
r'(?sm)^<html.*<body.*?>\n(.*)</body>\n</html>\n',
r'\1',
html)
return html
| [
29113,
29113,
7804,
4242,
2235,
198,
2,
198,
2,
15069,
357,
66,
8,
5816,
1168,
3008,
5693,
290,
25767,
669,
13,
198,
2,
1439,
6923,
33876,
13,
198,
2,
198,
2,
770,
3788,
318,
2426,
284,
262,
8617,
286,
262,
1168,
3008,
5094,
13789,
11,
198,
2,
10628,
362,
13,
16,
357,
57,
6489,
737,
220,
317,
4866,
286,
262,
1168,
6489,
815,
13873,
428,
6082,
13,
198,
2,
12680,
47466,
3180,
36592,
2389,
1961,
366,
1921,
3180,
1,
5357,
15529,
5357,
11096,
7788,
32761,
6375,
8959,
49094,
198,
2,
34764,
11015,
15986,
13954,
48778,
1961,
11,
47783,
2751,
11,
21728,
5626,
40880,
5390,
11,
3336,
8959,
49094,
198,
2,
34764,
11015,
3963,
37977,
2538,
11,
34482,
3398,
1565,
5603,
25382,
11,
36218,
38604,
3268,
10913,
2751,
12529,
11,
5357,
376,
46144,
198,
2,
7473,
317,
16652,
2149,
37232,
33079,
48933,
13,
198,
2,
198,
29113,
29113,
7804,
4242,
2235,
198,
37811,
44909,
1522,
8255,
28703,
11882,
38884,
198,
198,
37811,
198,
834,
15390,
18982,
834,
796,
705,
2118,
1356,
1522,
5239,
6,
198,
198,
11748,
302,
198,
198,
6738,
1976,
3008,
13,
42895,
1330,
21302,
198,
6738,
1976,
3008,
13,
39994,
1330,
3494,
263,
198,
6738,
1976,
3008,
13,
7249,
1522,
5239,
13,
22897,
1330,
16854,
198,
6738,
1976,
3008,
13,
7249,
1522,
5239,
13,
6494,
1330,
11532,
198,
6738,
1976,
3008,
13,
12984,
8191,
13,
40259,
1330,
34270,
7680,
198,
6738,
1976,
3008,
13,
12984,
8191,
13,
3849,
32186,
13,
40259,
1330,
314,
46532,
18453,
198,
198,
6738,
1976,
3008,
13,
1324,
13,
10920,
11882,
13,
72,
1507,
77,
1330,
1168,
3008,
12837,
22810,
355,
4808,
198,
6738,
1976,
3008,
13,
1324,
13,
10920,
11882,
13,
3849,
32186,
1330,
3180,
1668,
11,
314,
28656,
49,
437,
11882,
198,
6738,
1976,
3008,
13,
1324,
13,
10920,
11882,
1330,
8090,
22810,
628,
198,
4871,
314,
44909,
1522,
8206,
7416,
7,
1797,
1668,
2599,
198,
220,
220,
220,
37227,
9704,
263,
7071,
329,
257,
20793,
2420,
2723,
13,
5740,
326,
281,
198,
220,
220,
220,
7822,
286,
428,
7071,
815,
1464,
27099,
422,
28000,
1098,
393,
198,
220,
220,
220,
17438,
588,
257,
28000,
1098,
1398,
526,
15931,
628,
198,
44909,
1522,
8206,
7416,
22810,
796,
8090,
22810,
7,
198,
220,
220,
220,
314,
44909,
1522,
8206,
7416,
11,
4808,
7203,
44909,
1522,
8255,
357,
2257,
55,
8,
12340,
198,
220,
220,
220,
4808,
7203,
44909,
1522,
8255,
357,
2257,
55,
8,
8090,
48774,
628,
198,
31,
320,
26908,
263,
7,
40,
28656,
49,
437,
11882,
8,
198,
31,
324,
3429,
7,
40,
44909,
1522,
8206,
7416,
11,
314,
46532,
18453,
8,
198,
4871,
32112,
1522,
8206,
2514,
28656,
49,
437,
11882,
7,
46532,
7680,
2599,
198,
220,
220,
220,
374,
37811,
32,
1570,
284,
10385,
422,
28847,
8255,
284,
11532,
13,
628,
220,
220,
220,
17934,
3712,
628,
220,
220,
220,
220,
220,
13163,
422,
1976,
3008,
13,
1324,
13,
10920,
11882,
1330,
2420,
62,
4906,
198,
220,
220,
220,
220,
220,
13163,
422,
1976,
3008,
13,
12984,
8191,
13,
40259,
1330,
6208,
18453,
198,
220,
220,
220,
220,
220,
13163,
2723,
796,
32112,
1522,
8206,
7416,
22810,
7,
84,
6,
1212,
318,
2723,
2637,
8,
198,
220,
220,
220,
220,
220,
13163,
9851,
11882,
796,
32112,
1522,
8206,
2514,
28656,
49,
437,
11882,
7,
10459,
11,
6208,
18453,
28955,
198,
220,
220,
220,
220,
220,
13163,
15111,
796,
9851,
11882,
13,
13287,
3419,
198,
220,
220,
220,
220,
220,
13163,
318,
39098,
7,
26238,
11,
2420,
62,
4906,
8,
198,
220,
220,
220,
220,
220,
6407,
198,
220,
220,
220,
220,
220,
13163,
3601,
7,
26238,
8,
198,
220,
220,
220,
220,
220,
1279,
79,
29,
1212,
318,
2723,
25970,
79,
29,
198,
220,
220,
220,
220,
220,
1279,
9148,
15154,
24027,
29,
628,
220,
220,
220,
6889,
1654,
326,
28000,
1098,
2499,
355,
880,
3712,
628,
220,
220,
220,
220,
220,
13163,
2723,
796,
32112,
1522,
8206,
7416,
22810,
7,
84,
6,
1212,
318,
3467,
25306,
18,
59,
87,
24,
66,
2637,
8,
198,
220,
220,
220,
220,
220,
13163,
9851,
11882,
796,
32112,
1522,
8206,
2514,
28656,
49,
437,
11882,
7,
10459,
11,
6208,
18453,
28955,
198,
220,
220,
220,
220,
220,
13163,
15111,
796,
9851,
11882,
13,
13287,
3419,
198,
220,
220,
220,
220,
220,
13163,
318,
39098,
7,
26238,
11,
2420,
62,
4906,
8,
198,
220,
220,
220,
220,
220,
6407,
198,
220,
220,
220,
220,
220,
13163,
3601,
7,
26238,
8,
198,
220,
220,
220,
220,
220,
1279,
79,
29,
1212,
318,
2644,
3556,
79,
29,
198,
220,
220,
220,
220,
220,
1279,
9148,
15154,
24027,
29,
198,
220,
220,
220,
37227,
628,
220,
220,
220,
825,
8543,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
366,
6214,
1976,
3008,
13,
1324,
13,
3849,
32186,
13,
10920,
11882,
13,
40,
28656,
49,
437,
11882,
1,
628,
220,
220,
220,
220,
220,
220,
220,
2205,
796,
16854,
3419,
7,
944,
13,
22866,
8,
198,
220,
220,
220,
220,
220,
220,
220,
27711,
796,
11532,
3419,
7,
15390,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
10283,
27711,
1222,
1767,
2087,
416,
617,
1976,
3008,
6300,
198,
220,
220,
220,
220,
220,
220,
220,
27711,
796,
302,
13,
7266,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
374,
6,
7,
30,
5796,
8,
61,
27,
6494,
15885,
27,
2618,
15885,
30,
29,
59,
77,
7,
15885,
36475,
2618,
29,
59,
77,
3556,
6494,
29,
59,
77,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
374,
6,
59,
16,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
27711,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1441,
27711,
198
] | 2.975866 | 953 |
import unittest
import math
import numpy as np
from serializer import Serializer
if __name__ == '__main__':
unittest.main() | [
11748,
555,
715,
395,
198,
11748,
10688,
198,
11748,
299,
32152,
355,
45941,
198,
6738,
11389,
7509,
1330,
23283,
7509,
198,
198,
361,
11593,
3672,
834,
6624,
705,
834,
12417,
834,
10354,
198,
220,
220,
220,
555,
715,
395,
13,
12417,
3419
] | 3.047619 | 42 |
import pytest
from tornado import gen
@pytest.mark.gen_test
@pytest.mark.gen_test(run_sync=False)
| [
11748,
12972,
9288,
198,
6738,
33718,
1330,
2429,
628,
198,
31,
9078,
9288,
13,
4102,
13,
5235,
62,
9288,
628,
198,
31,
9078,
9288,
13,
4102,
13,
5235,
62,
9288,
7,
5143,
62,
27261,
28,
25101,
8,
198
] | 2.684211 | 38 |
#!/usr/bin/env python
# -*- coding: utf-8 -*-
from otwstest.schema.tree_of_life.node_info import validate
from otwstest import all_api_versions, not_v2_version
@all_api_versions
@all_api_versions
@not_v2_version
| [
2,
48443,
14629,
14,
8800,
14,
24330,
21015,
198,
2,
532,
9,
12,
19617,
25,
3384,
69,
12,
23,
532,
9,
12,
198,
198,
6738,
267,
4246,
301,
395,
13,
15952,
2611,
13,
21048,
62,
1659,
62,
6042,
13,
17440,
62,
10951,
1330,
26571,
198,
6738,
267,
4246,
301,
395,
1330,
477,
62,
15042,
62,
47178,
11,
407,
62,
85,
17,
62,
9641,
628,
198,
31,
439,
62,
15042,
62,
47178,
628,
198,
31,
439,
62,
15042,
62,
47178,
628,
198,
31,
1662,
62,
85,
17,
62,
9641,
198
] | 2.460674 | 89 |
"""
Defaults for config object which is used as a singleton object in project
"""
from yacs.config import CfgNode as CN
_C = CN()
_C.EXPERIMENT = CN()
_C.EXPERIMENT.OUTPUT_FOLDER = "./outputs"
_C.EXPERIMENT.TENSORBOARD_FOLDER = "./runs"
_C.EXPERIMENT.RESUME_TRAINING_ON_RESTART = True
_C.EXPERIMENT.NUM_DATALOADER_WORKERS = 0
_C.DATASET = CN()
_C.DATASET.TRAIN_FILE = ""
_C.DATASET.VALID_FILE = ""
_C.DATASET.TOKENIZER_PREFIX_PATH = ""
_C.TRAIN = CN()
_C.TRAIN.LAST_PRETRAINED_MODEL = ''
_C.TRAIN.SAVE_STEPS = 1000
_C.TRAIN.WEIGHT_DECAY = 0.0
_C.TRAIN.NUM_TRAIN_EPOCHS = 3
_C.TRAIN.LOG_EVERY = 100
_C.TRAIN.LEARNING_RATE = 5e-5
_C.TRAIN.NUM_WARMUP_STEPS = 0
_C.TRAIN.BATCH_SIZE = 32
_C.TRAIN.USE_FP_16 = False
_C.TRAIN.MAX_TRAIN_STEPS = 1000000000000
_C.TRAIN.EVAL_STEPS = 1000
_C.TRAIN.GRADIENT_ACCUMULATION_STEPS = 1
_C.TRAIN.LR_SCHEDULER_TYPE = "linear"
_C.TRAIN.USE_GRADUAL_UNFREEZING = False
_C.TRAIN.UNFREEZING = CN()
_C.TRAIN.UNFREEZING.UNFREEZE_GROUPS = None
_C.TRAIN.UNFREEZING.TRAIN_STEPS_LIST = []
_C.TRAIN.UNFREEZING.LEARNING_RATE_LIST = []
_C.TRAIN.GPT2_PRETRAINED_MODEL = 'gpt2'
cfg = _C # global singleton object
| [
37811,
198,
7469,
13185,
329,
4566,
2134,
543,
318,
973,
355,
257,
2060,
1122,
2134,
287,
1628,
198,
37811,
198,
198,
6738,
331,
16436,
13,
11250,
1330,
327,
40616,
19667,
355,
31171,
198,
198,
62,
34,
796,
31171,
3419,
198,
198,
62,
34,
13,
6369,
18973,
3955,
3525,
796,
31171,
3419,
198,
62,
34,
13,
6369,
18973,
3955,
3525,
13,
2606,
7250,
3843,
62,
37,
3535,
14418,
796,
366,
19571,
22915,
82,
1,
198,
62,
34,
13,
6369,
18973,
3955,
3525,
13,
51,
16938,
1581,
8202,
9795,
62,
37,
3535,
14418,
796,
366,
19571,
48381,
1,
198,
62,
34,
13,
6369,
18973,
3955,
3525,
13,
19535,
38340,
62,
51,
3861,
1268,
2751,
62,
1340,
62,
49,
6465,
7227,
796,
6407,
198,
62,
34,
13,
6369,
18973,
3955,
3525,
13,
41359,
62,
35,
1404,
1847,
41048,
1137,
62,
33249,
4877,
796,
657,
198,
198,
62,
34,
13,
35,
1404,
1921,
2767,
796,
31171,
3419,
198,
62,
34,
13,
35,
1404,
1921,
2767,
13,
51,
3861,
1268,
62,
25664,
796,
13538,
198,
62,
34,
13,
35,
1404,
1921,
2767,
13,
23428,
2389,
62,
25664,
796,
13538,
198,
62,
34,
13,
35,
1404,
1921,
2767,
13,
10468,
43959,
14887,
1137,
62,
47,
31688,
10426,
62,
34219,
796,
13538,
198,
198,
62,
34,
13,
51,
3861,
1268,
796,
31171,
3419,
198,
62,
34,
13,
51,
3861,
1268,
13,
43,
11262,
62,
47,
26087,
3861,
1268,
1961,
62,
33365,
3698,
796,
10148,
198,
62,
34,
13,
51,
3861,
1268,
13,
4090,
6089,
62,
30516,
3705,
796,
8576,
198,
62,
34,
13,
51,
3861,
1268,
13,
8845,
9947,
62,
41374,
4792,
796,
657,
13,
15,
198,
62,
34,
13,
51,
3861,
1268,
13,
41359,
62,
51,
3861,
1268,
62,
8905,
46,
3398,
50,
796,
513,
198,
62,
34,
13,
51,
3861,
1268,
13,
25294,
62,
36,
5959,
56,
796,
1802,
198,
62,
34,
13,
51,
3861,
1268,
13,
2538,
1503,
15871,
62,
49,
6158,
796,
642,
68,
12,
20,
198,
62,
34,
13,
51,
3861,
1268,
13,
41359,
62,
16279,
44,
8577,
62,
30516,
3705,
796,
657,
198,
62,
34,
13,
51,
3861,
1268,
13,
33,
11417,
62,
33489,
796,
3933,
198,
62,
34,
13,
51,
3861,
1268,
13,
19108,
62,
5837,
62,
1433,
796,
10352,
198,
62,
34,
13,
51,
3861,
1268,
13,
22921,
62,
51,
3861,
1268,
62,
30516,
3705,
796,
1802,
8269,
405,
198,
62,
34,
13,
51,
3861,
1268,
13,
20114,
1847,
62,
30516,
3705,
796,
8576,
198,
62,
34,
13,
51,
3861,
1268,
13,
10761,
2885,
28495,
62,
26861,
5883,
6239,
6234,
62,
30516,
3705,
796,
352,
198,
62,
34,
13,
51,
3861,
1268,
13,
35972,
62,
50,
3398,
1961,
6239,
1137,
62,
25216,
796,
366,
29127,
1,
198,
62,
34,
13,
51,
3861,
1268,
13,
19108,
62,
10761,
2885,
25620,
62,
4944,
39274,
57,
2751,
796,
10352,
198,
62,
34,
13,
51,
3861,
1268,
13,
4944,
39274,
57,
2751,
796,
31171,
3419,
198,
62,
34,
13,
51,
3861,
1268,
13,
4944,
39274,
57,
2751,
13,
4944,
39274,
21211,
62,
10761,
2606,
3705,
796,
6045,
198,
62,
34,
13,
51,
3861,
1268,
13,
4944,
39274,
57,
2751,
13,
51,
3861,
1268,
62,
30516,
3705,
62,
45849,
796,
17635,
198,
62,
34,
13,
51,
3861,
1268,
13,
4944,
39274,
57,
2751,
13,
2538,
1503,
15871,
62,
49,
6158,
62,
45849,
796,
17635,
198,
62,
34,
13,
51,
3861,
1268,
13,
38,
11571,
17,
62,
47,
26087,
3861,
1268,
1961,
62,
33365,
3698,
796,
705,
70,
457,
17,
6,
198,
198,
37581,
796,
4808,
34,
220,
1303,
3298,
2060,
1122,
2134,
198
] | 1.926995 | 589 |
#!/usr/bin/env python
"""
FUSE-based client for Seafile
- written by Dongsu Park <[email protected]>
(inspired by copy-fuse <https://github.com/copy-app/copy-fuse>)
A simple client for seafile.com, implemented via FUSE.
This tool allows a Linux/MacOSX client to mount a seafile cloud drive on a
local filesystem.
Quickstart usage:
$ mkdir -p /mnt/seafile
$ ./seafilefuse.py "http://127.0.0.1:8000" [email protected] "testtest" /mnt/seafile
(where server URL is "http://127.0.0.1:8000", username is [email protected],
and password is "testtest".)
To unmount it:
$ fusermount -u /mnt/seafile
"""
from errno import ENOENT, EIO
from stat import S_IFDIR, S_IFREG
from sys import argv, exit, stderr
import os
import argparse
import tempfile
import time
import hashlib
from fuse import FUSE, FuseOSError, Operations, LoggingMixIn
from seafileapi.client import SeafileApiClient
from seafileapi.exceptions import ClientHttpError, DoesNotExist
from seafileapi.files import SeafDir, SeafFile
from seafileapi.repo import Repo
from seafileapi.repos import Repos
# global configurable variables to be connected to a Seafile server.
sf_server_url="http://127.0.0.1:8000"
sf_username="[email protected]"
sf_password="testtest"
sf_mount_point="/mnt/seafile"
repo_id_len=36
cache_ttl=10
class SeafileCache:
"""class for handling caches of file attributes as well as expiration time.
SeafileCache instances must be initialized by SeafileFUSE.
"""
def add_attrcache(self, pdirpath, filename, isdir=False, size=0):
"""adds a new cache entry to self.attrcache, no matter if the entry for
the path already exists.
"""
if isdir:
ftype = 'dir'
else:
ftype = 'file'
self.attrcache[pdirpath][filename] = \
{'name': filename, 'type': ftype, 'size': size, 'ctime': time.time(), 'mtime': time.time()}
def update_attrcache(self, pdirpath, filename, isdir=False, size=0):
"""update an existing cache entry in self.attrcache, only if it
already exists for the path as a key.
"""
if pdirpath in self.attrcache:
self.add_attrcache(pdirpath, filename, isdir, size)
class SeafileFUSE(LoggingMixIn, Operations):
"""Main class of the seafile client filesystem based on FUSE.
On initialization, basic connections are established via SeafileApiClient.
Only one seafile repository is to be selected for further operations.
SeafileCache instance must be initialized from the init method as well.
"""
# Disable unused operations:
access = None
chmod = None
chown = None
getxattr = None
listxattr = None
opendir = None
releasedir = None
statfs = None
if __name__ == "__main__":
main()
| [
2,
48443,
14629,
14,
8800,
14,
24330,
21015,
198,
198,
37811,
198,
220,
376,
19108,
12,
3106,
5456,
329,
49967,
576,
198,
220,
220,
532,
3194,
416,
28831,
2385,
3250,
1279,
67,
20928,
31,
7353,
68,
78,
13,
3262,
29,
198,
220,
357,
24194,
416,
4866,
12,
69,
1904,
1279,
5450,
1378,
12567,
13,
785,
14,
30073,
12,
1324,
14,
30073,
12,
69,
1904,
43734,
628,
220,
317,
2829,
5456,
329,
25127,
576,
13,
785,
11,
9177,
2884,
376,
19108,
13,
198,
220,
770,
2891,
3578,
257,
7020,
14,
14155,
2640,
55,
5456,
284,
3817,
257,
25127,
576,
6279,
3708,
319,
257,
198,
220,
1957,
29905,
13,
628,
220,
12029,
9688,
8748,
25,
628,
220,
720,
33480,
15908,
532,
79,
1220,
76,
429,
14,
325,
1878,
576,
198,
220,
720,
24457,
325,
1878,
576,
69,
1904,
13,
9078,
366,
4023,
1378,
16799,
13,
15,
13,
15,
13,
16,
25,
33942,
1,
1332,
31,
325,
1878,
576,
9288,
13,
785,
366,
9288,
9288,
1,
1220,
76,
429,
14,
325,
1878,
576,
628,
220,
357,
3003,
4382,
10289,
318,
366,
4023,
1378,
16799,
13,
15,
13,
15,
13,
16,
25,
33942,
1600,
20579,
318,
1332,
31,
325,
1878,
576,
9288,
13,
785,
11,
198,
220,
220,
290,
9206,
318,
366,
9288,
9288,
1911,
8,
628,
220,
1675,
555,
14948,
340,
25,
628,
220,
720,
277,
7220,
14948,
532,
84,
1220,
76,
429,
14,
325,
1878,
576,
198,
37811,
198,
198,
6738,
11454,
3919,
1330,
12964,
46,
3525,
11,
412,
9399,
198,
6738,
1185,
1330,
311,
62,
5064,
34720,
11,
311,
62,
5064,
31553,
198,
6738,
25064,
1330,
1822,
85,
11,
8420,
11,
336,
1082,
81,
198,
198,
11748,
28686,
198,
11748,
1822,
29572,
198,
11748,
20218,
7753,
198,
11748,
640,
198,
11748,
12234,
8019,
198,
198,
6738,
32738,
1330,
376,
19108,
11,
376,
1904,
2640,
12331,
11,
16205,
11,
5972,
2667,
35608,
818,
198,
198,
6738,
25127,
576,
15042,
13,
16366,
1330,
49967,
576,
32,
14415,
11792,
198,
6738,
25127,
576,
15042,
13,
1069,
11755,
1330,
20985,
43481,
12331,
11,
8314,
3673,
3109,
396,
198,
6738,
25127,
576,
15042,
13,
16624,
1330,
49967,
35277,
11,
49967,
8979,
198,
6738,
25127,
576,
15042,
13,
260,
7501,
1330,
1432,
78,
198,
6738,
25127,
576,
15042,
13,
260,
1930,
1330,
1432,
418,
198,
198,
2,
3298,
4566,
11970,
9633,
284,
307,
5884,
284,
257,
49967,
576,
4382,
13,
198,
28202,
62,
15388,
62,
6371,
2625,
4023,
1378,
16799,
13,
15,
13,
15,
13,
16,
25,
33942,
1,
198,
28202,
62,
29460,
2625,
9288,
31,
325,
1878,
576,
9288,
13,
785,
1,
198,
28202,
62,
28712,
2625,
9288,
9288,
1,
198,
28202,
62,
14948,
62,
4122,
35922,
76,
429,
14,
325,
1878,
576,
1,
198,
260,
7501,
62,
312,
62,
11925,
28,
2623,
198,
23870,
62,
926,
75,
28,
940,
198,
198,
4871,
49967,
576,
30562,
25,
198,
220,
220,
220,
37227,
4871,
329,
9041,
50177,
286,
2393,
12608,
355,
880,
355,
28385,
640,
13,
198,
220,
220,
220,
49967,
576,
30562,
10245,
1276,
307,
23224,
416,
49967,
576,
37,
19108,
13,
198,
220,
220,
220,
37227,
628,
220,
220,
220,
825,
751,
62,
1078,
6015,
4891,
7,
944,
11,
279,
15908,
6978,
11,
29472,
11,
318,
15908,
28,
25101,
11,
2546,
28,
15,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
2860,
82,
257,
649,
12940,
5726,
284,
2116,
13,
1078,
6015,
4891,
11,
645,
2300,
611,
262,
5726,
329,
198,
220,
220,
220,
220,
220,
220,
220,
262,
3108,
1541,
7160,
13,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
611,
318,
15908,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
277,
4906,
796,
705,
15908,
6,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
277,
4906,
796,
705,
7753,
6,
628,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
1078,
6015,
4891,
58,
79,
15908,
6978,
7131,
34345,
60,
796,
3467,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1391,
6,
3672,
10354,
29472,
11,
705,
4906,
10354,
277,
4906,
11,
705,
7857,
10354,
2546,
11,
705,
310,
524,
10354,
640,
13,
2435,
22784,
705,
76,
2435,
10354,
640,
13,
2435,
3419,
92,
628,
220,
220,
220,
825,
4296,
62,
1078,
6015,
4891,
7,
944,
11,
279,
15908,
6978,
11,
29472,
11,
318,
15908,
28,
25101,
11,
2546,
28,
15,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
19119,
281,
4683,
12940,
5726,
287,
2116,
13,
1078,
6015,
4891,
11,
691,
611,
340,
198,
220,
220,
220,
220,
220,
220,
220,
1541,
7160,
329,
262,
3108,
355,
257,
1994,
13,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
611,
279,
15908,
6978,
287,
2116,
13,
1078,
6015,
4891,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
2860,
62,
1078,
6015,
4891,
7,
79,
15908,
6978,
11,
29472,
11,
318,
15908,
11,
2546,
8,
198,
198,
4871,
49967,
576,
37,
19108,
7,
11187,
2667,
35608,
818,
11,
16205,
2599,
198,
220,
220,
220,
37227,
13383,
1398,
286,
262,
25127,
576,
5456,
29905,
1912,
319,
376,
19108,
13,
198,
220,
220,
220,
1550,
37588,
11,
4096,
8787,
389,
4920,
2884,
49967,
576,
32,
14415,
11792,
13,
198,
220,
220,
220,
5514,
530,
25127,
576,
16099,
318,
284,
307,
6163,
329,
2252,
4560,
13,
198,
220,
220,
220,
49967,
576,
30562,
4554,
1276,
307,
23224,
422,
262,
2315,
2446,
355,
880,
13,
198,
220,
220,
220,
37227,
628,
220,
220,
220,
1303,
31529,
21958,
4560,
25,
198,
220,
220,
220,
1895,
796,
6045,
198,
220,
220,
220,
442,
4666,
796,
6045,
198,
220,
220,
220,
442,
593,
796,
6045,
198,
220,
220,
220,
651,
87,
35226,
796,
6045,
198,
220,
220,
220,
1351,
87,
35226,
796,
6045,
198,
220,
220,
220,
1034,
437,
343,
796,
6045,
198,
220,
220,
220,
2716,
343,
796,
6045,
198,
220,
220,
220,
1185,
9501,
796,
6045,
628,
198,
361,
11593,
3672,
834,
6624,
366,
834,
12417,
834,
1298,
198,
197,
12417,
3419,
198
] | 2.730019 | 1,026 |
#!/usr/bin/env python3
import rich.markup
from Crypto.PublicKey import RSA
import pwncat
from pwncat.facts import PrivateKey
from pwncat.modules import Status
from pwncat.platform.linux import Linux
from pwncat.modules.enumerate import Schedule, EnumerateModule
class Module(EnumerateModule):
"""
Search the victim file system for configuration files which may
contain private keys. This uses a regular expression based search
to find files whose contents look like a SSH private key.
"""
PROVIDES = ["creds.private_key"]
PLATFORM = [Linux]
SCHEDULE = Schedule.PER_USER
| [
2,
48443,
14629,
14,
8800,
14,
24330,
21015,
18,
198,
198,
11748,
5527,
13,
4102,
929,
198,
6738,
36579,
13,
15202,
9218,
1330,
42319,
198,
198,
11748,
279,
675,
9246,
198,
6738,
279,
675,
9246,
13,
37473,
1330,
15348,
9218,
198,
6738,
279,
675,
9246,
13,
18170,
1330,
12678,
198,
6738,
279,
675,
9246,
13,
24254,
13,
23289,
1330,
7020,
198,
6738,
279,
675,
9246,
13,
18170,
13,
268,
6975,
378,
1330,
19281,
11,
2039,
6975,
378,
26796,
628,
198,
4871,
19937,
7,
4834,
6975,
378,
26796,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
11140,
262,
3117,
2393,
1080,
329,
8398,
3696,
543,
743,
198,
220,
220,
220,
3994,
2839,
8251,
13,
770,
3544,
257,
3218,
5408,
1912,
2989,
198,
220,
220,
220,
284,
1064,
3696,
3025,
10154,
804,
588,
257,
33825,
2839,
1994,
13,
198,
220,
220,
220,
37227,
628,
220,
220,
220,
36592,
42538,
796,
14631,
66,
445,
82,
13,
19734,
62,
2539,
8973,
198,
220,
220,
220,
9297,
1404,
21389,
796,
685,
19314,
60,
198,
220,
220,
220,
22374,
1961,
24212,
796,
19281,
13,
18973,
62,
29904,
198
] | 3.298913 | 184 |
import requests
from flask import make_response
from flask import render_template
from flask import Blueprint
from base.views.api.api_strain import get_isotypes, query_strains
from base.constants import DATASET_RELEASE, RELEASES
from base.models2 import strain_m
from base.utils.gcloud import list_release_files
from logzero import logger
data_bp = Blueprint('data',
__name__,
template_folder='data')
#
# Data Page
#
@data_bp.route('/release/latest')
@data_bp.route('/release/<string:selected_release>')
@data_bp.route('/release/<string:selected_release>')
def data(selected_release=DATASET_RELEASE):
"""
Default data page - lists
available releases.
"""
title = "Releases"
strain_listing = query_strains(release=selected_release)
# Fetch variant data
url = "https://storage.googleapis.com/elegansvariation.org/releases/{selected_release}/multiqc_bcftools_stats.json".format(selected_release=selected_release)
vcf_summary = requests.get(url).json()
release_summary = strain_m.release_summary(selected_release)
try:
phylo_url = list_release_files(f"releases/{DATASET_RELEASE}/popgen/trees/genome.pdf")[0]
except IndexError:
pass
VARS = {'title': title,
'strain_listing': strain_listing,
'vcf_summary': vcf_summary,
'phylo_url': phylo_url,
'RELEASES': RELEASES,
'release_summary': release_summary,
'selected_release': selected_release,
'wormbase_genome_version': dict(RELEASES)[selected_release]}
return render_template('data.html', **VARS)
#
# Download Script
#
@data_bp.route('/download/download_bams.sh')
#
# Browser
#
@data_bp.route('/browser/')
@data_bp.route('/browser/<region>')
@data_bp.route('/browser/<region>/<query>')
| [
11748,
7007,
198,
6738,
42903,
1330,
787,
62,
26209,
198,
6738,
42903,
1330,
8543,
62,
28243,
198,
6738,
42903,
1330,
39932,
198,
6738,
2779,
13,
33571,
13,
15042,
13,
15042,
62,
2536,
391,
1330,
651,
62,
271,
13567,
11,
12405,
62,
2536,
1299,
198,
6738,
2779,
13,
9979,
1187,
1330,
360,
1404,
1921,
2767,
62,
2200,
22781,
11,
49968,
1921,
1546,
198,
6738,
2779,
13,
27530,
17,
1330,
14022,
62,
76,
198,
6738,
2779,
13,
26791,
13,
70,
17721,
1330,
1351,
62,
20979,
62,
16624,
198,
6738,
2604,
22570,
1330,
49706,
198,
198,
7890,
62,
46583,
796,
39932,
10786,
7890,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
11593,
3672,
834,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
11055,
62,
43551,
11639,
7890,
11537,
628,
198,
2,
198,
2,
6060,
7873,
198,
2,
198,
198,
31,
7890,
62,
46583,
13,
38629,
10786,
14,
20979,
14,
42861,
11537,
198,
31,
7890,
62,
46583,
13,
38629,
10786,
14,
20979,
14,
27,
8841,
25,
34213,
62,
20979,
29,
11537,
198,
31,
7890,
62,
46583,
13,
38629,
10786,
14,
20979,
14,
27,
8841,
25,
34213,
62,
20979,
29,
11537,
198,
4299,
1366,
7,
34213,
62,
20979,
28,
35,
1404,
1921,
2767,
62,
2200,
22781,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
15161,
1366,
2443,
532,
8341,
198,
220,
220,
220,
220,
220,
220,
220,
1695,
10050,
13,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
3670,
796,
366,
3041,
29329,
1,
198,
220,
220,
220,
14022,
62,
4868,
278,
796,
12405,
62,
2536,
1299,
7,
20979,
28,
34213,
62,
20979,
8,
198,
220,
220,
220,
1303,
376,
7569,
15304,
1366,
198,
220,
220,
220,
19016,
796,
366,
5450,
1378,
35350,
13,
13297,
499,
271,
13,
785,
14,
68,
1455,
504,
25641,
341,
13,
2398,
14,
260,
29329,
14,
90,
34213,
62,
20979,
92,
14,
16680,
25011,
66,
62,
15630,
701,
10141,
62,
34242,
13,
17752,
1911,
18982,
7,
34213,
62,
20979,
28,
34213,
62,
20979,
8,
198,
220,
220,
220,
410,
12993,
62,
49736,
796,
7007,
13,
1136,
7,
6371,
737,
17752,
3419,
198,
220,
220,
220,
2650,
62,
49736,
796,
14022,
62,
76,
13,
20979,
62,
49736,
7,
34213,
62,
20979,
8,
198,
220,
220,
220,
1949,
25,
198,
220,
220,
220,
220,
220,
220,
220,
37763,
78,
62,
6371,
796,
1351,
62,
20979,
62,
16624,
7,
69,
1,
260,
29329,
14,
90,
35,
1404,
1921,
2767,
62,
2200,
22781,
92,
14,
12924,
5235,
14,
83,
6037,
14,
5235,
462,
13,
12315,
4943,
58,
15,
60,
198,
220,
220,
220,
2845,
12901,
12331,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1208,
198,
220,
220,
220,
569,
27415,
796,
1391,
6,
7839,
10354,
3670,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
2536,
391,
62,
4868,
278,
10354,
14022,
62,
4868,
278,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
85,
12993,
62,
49736,
10354,
410,
12993,
62,
49736,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
746,
2645,
78,
62,
6371,
10354,
37763,
78,
62,
6371,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
2200,
2538,
1921,
1546,
10354,
49968,
1921,
1546,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
20979,
62,
49736,
10354,
2650,
62,
49736,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
34213,
62,
20979,
10354,
6163,
62,
20979,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
25323,
8692,
62,
5235,
462,
62,
9641,
10354,
8633,
7,
2200,
2538,
1921,
1546,
38381,
34213,
62,
20979,
48999,
198,
220,
220,
220,
1441,
8543,
62,
28243,
10786,
7890,
13,
6494,
3256,
12429,
53,
27415,
8,
628,
198,
2,
198,
2,
10472,
12327,
198,
2,
198,
198,
31,
7890,
62,
46583,
13,
38629,
10786,
14,
15002,
14,
15002,
62,
65,
4105,
13,
1477,
11537,
198,
198,
2,
198,
2,
34270,
198,
2,
198,
198,
31,
7890,
62,
46583,
13,
38629,
10786,
14,
40259,
14,
11537,
198,
31,
7890,
62,
46583,
13,
38629,
10786,
14,
40259,
14,
27,
36996,
29,
11537,
198,
31,
7890,
62,
46583,
13,
38629,
10786,
14,
40259,
14,
27,
36996,
29,
14,
27,
22766,
29,
11537,
198
] | 2.467828 | 746 |
# -*- coding: utf-8 -*-
import os
import platform
import site
if platform.system() == "Windows":
extlib_path = 'extlibs_windows'
if platform.system() == "Darwin":
extlib_path = 'extlibs_darwin'
if platform.system() == "Linux":
extlib_path = 'extlibs_linux'
site.addsitedir(os.path.abspath(os.path.join(os.path.dirname(__file__), extlib_path)))
# noinspection PyPep8Naming
def classFactory(iface): # pylint: disable=invalid-name
"""Instantiates Google Earth Engine Plugin.
:param iface: A QGIS interface instance.
:type iface: QgsInterface
"""
#
from .ee_plugin import GoogleEarthEnginePlugin
return GoogleEarthEnginePlugin(iface)
| [
2,
532,
9,
12,
19617,
25,
3384,
69,
12,
23,
532,
9,
12,
198,
11748,
28686,
198,
11748,
3859,
198,
11748,
2524,
198,
198,
361,
3859,
13,
10057,
3419,
6624,
366,
11209,
1298,
198,
220,
220,
220,
1070,
8019,
62,
6978,
796,
705,
2302,
8019,
82,
62,
28457,
6,
198,
361,
3859,
13,
10057,
3419,
6624,
366,
32708,
5404,
1298,
198,
220,
220,
220,
1070,
8019,
62,
6978,
796,
705,
2302,
8019,
82,
62,
27455,
5404,
6,
198,
361,
3859,
13,
10057,
3419,
6624,
366,
19314,
1298,
198,
220,
220,
220,
1070,
8019,
62,
6978,
796,
705,
2302,
8019,
82,
62,
23289,
6,
198,
198,
15654,
13,
2860,
82,
863,
343,
7,
418,
13,
6978,
13,
397,
2777,
776,
7,
418,
13,
6978,
13,
22179,
7,
418,
13,
6978,
13,
15908,
3672,
7,
834,
7753,
834,
828,
1070,
8019,
62,
6978,
22305,
628,
198,
2,
645,
1040,
14978,
9485,
47,
538,
23,
45,
3723,
198,
4299,
1398,
22810,
7,
361,
558,
2599,
220,
1303,
279,
2645,
600,
25,
15560,
28,
259,
12102,
12,
3672,
198,
220,
220,
220,
37227,
6310,
17096,
689,
3012,
3668,
7117,
42636,
13,
628,
220,
220,
220,
1058,
17143,
611,
558,
25,
317,
1195,
38,
1797,
7071,
4554,
13,
198,
220,
220,
220,
1058,
4906,
611,
558,
25,
1195,
14542,
39317,
198,
220,
220,
220,
37227,
628,
220,
220,
220,
1303,
198,
220,
220,
220,
422,
764,
1453,
62,
33803,
1330,
3012,
22840,
13798,
37233,
628,
220,
220,
220,
1441,
3012,
22840,
13798,
37233,
7,
361,
558,
8,
198
] | 2.679842 | 253 |
#!/usr/bin/env python
"""Sends configuration difference to Webex Teams, formerly Spark.
Compares the current running configuration and the saved running
configuration, creates diff and sends it to a Webex Teams room.
Should be invoked after every configuration change by EEM.
Copyright (c) 2018 Cisco and/or its affiliates.
Permission is hereby granted, free of charge, to any person obtaining a copy
of this software and associated documentation files (the "Software"), to deal
in the Software without restriction, including without limitation the rights
to use, copy, modify, merge, publish, distribute, sublicense, and/or sell
copies of the Software, and to permit persons to whom the Software is
furnished to do so, subject to the following conditions:
The above copyright notice and this permission notice shall be included in all
copies or substantial portions of the Software.
THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR
IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,
FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE
AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER
LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,
OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE
SOFTWARE.
"""
import os
import re
from cli import cli, clip
from ciscosparkapi import CiscoSparkAPI
BACKUP_CONFIG_IOS_PATH = 'flash:/running-config.bak'
def send_syslog(message):
"""Sends a syslog message to the device with severity 6
Args:
message (str): message to be sent
Returns:
None
"""
cli(
'send log facility PYTHON severity 6 mnemonics CONF_DIFF '
'{message}'.format(message=message)
)
def convert_ios_path_to_linux(path):
"""Convert the file path valid in IOS to the correct path in Guest Shell.
Example:
>>> convert_ios_path_to_linux('flash:/running-config.bak')
'/flash/running-config.bak'
Args:
path(str): the path valid in IOS.
Should contain filesystem, otherwise 'flash' is assumed
Returns:
string, the converted path which is valid in the Guest Shell
"""
path_components = os.path.normpath(path).split(os.sep)
file_system = path_components[0]
if ':' in file_system:
file_system = file_system.strip(':')
path_components = path_components[1:]
else:
file_system = 'flash'
result_path = os.path.join(os.sep, file_system, *path_components)
return result_path
def save_config_to_ios_file(backup_config_ios_path):
"""Saves the current running configuration locally to the filesystem
Args:
backup_config_ios_path (str): IOS path to the backup configuration
Returns:
None
"""
# MISSION TODO 3: replace with the function that runs IOS commands and
# returns output instead of printing it
MISSION('copy running-config {}\n'.format(backup_config_ios_path))
# END MISSION SECTION 3
message = (
'Running configuration was saved to {}'.format(backup_config_ios_path)
)
print(message)
send_syslog(message)
def get_config_diff(backup_config_ios_path):
"""Gets configuration difference using `show archive config diff` command
Args:
backup_config_ios_path (str): IOS path to the backup configuration
Returns:
list of lines containing config difference
"""
config_diff = cli(
'show archive config diff {} system:running-config'.format(
backup_config_ios_path
)
)
backup_config_linux_path = convert_ios_path_to_linux(
backup_config_ios_path
)
os.remove(backup_config_linux_path)
save_config_to_ios_file(backup_config_ios_path)
if re.search('No changes were found', config_diff):
return None
else:
# split lines by \r\n into a list
config_diff_lines = re.split(r'\r?\n', config_diff)
return config_diff_lines
def form_spark_message(config_diff_lines):
"""Creates a Spark message formatted in markdown based on config diff
Args:
config_diff_lines (list): list of lines containing config
difference
Returns:
str: markdown Spark message as a string
"""
message = (
'Configuration differences between '
'the running config and the last backup:\n'
'```\n'
'{}\n'
'```\n'
'I\'ve completed **Introduction to '
'Guest Shell** Mission!'.format('\n'.join(config_diff_lines))
)
return message
if __name__ == '__main__':
main()
| [
2,
48443,
14629,
14,
8800,
14,
24330,
21015,
198,
37811,
50,
2412,
8398,
3580,
284,
5313,
1069,
24690,
11,
15734,
17732,
13,
198,
198,
7293,
3565,
262,
1459,
2491,
8398,
290,
262,
7448,
2491,
198,
11250,
3924,
11,
8075,
814,
290,
12800,
340,
284,
257,
5313,
1069,
24690,
2119,
13,
198,
19926,
307,
24399,
706,
790,
8398,
1487,
416,
412,
3620,
13,
628,
198,
15269,
357,
66,
8,
2864,
28289,
290,
14,
273,
663,
29116,
13,
198,
198,
5990,
3411,
318,
29376,
7520,
11,
1479,
286,
3877,
11,
284,
597,
1048,
16727,
257,
4866,
198,
1659,
428,
3788,
290,
3917,
10314,
3696,
357,
1169,
366,
25423,
12340,
284,
1730,
198,
259,
262,
10442,
1231,
17504,
11,
1390,
1231,
17385,
262,
2489,
198,
1462,
779,
11,
4866,
11,
13096,
11,
20121,
11,
7715,
11,
14983,
11,
850,
43085,
11,
290,
14,
273,
3677,
198,
22163,
444,
286,
262,
10442,
11,
290,
284,
8749,
6506,
284,
4150,
262,
10442,
318,
198,
69,
700,
1348,
284,
466,
523,
11,
2426,
284,
262,
1708,
3403,
25,
198,
198,
464,
2029,
6634,
4003,
290,
428,
7170,
4003,
2236,
307,
3017,
287,
477,
198,
22163,
444,
393,
8904,
16690,
286,
262,
10442,
13,
198,
198,
10970,
47466,
3180,
36592,
2389,
1961,
366,
1921,
3180,
1600,
42881,
34764,
56,
3963,
15529,
509,
12115,
11,
7788,
32761,
6375,
198,
3955,
49094,
11,
47783,
2751,
21728,
5626,
40880,
5390,
3336,
34764,
11015,
3963,
34482,
3398,
1565,
5603,
25382,
11,
198,
37,
46144,
7473,
317,
16652,
2149,
37232,
33079,
48933,
5357,
44521,
1268,
10913,
2751,
12529,
13,
3268,
8005,
49261,
50163,
3336,
198,
32,
24318,
20673,
6375,
27975,
38162,
9947,
367,
15173,
4877,
9348,
43031,
19146,
7473,
15529,
47666,
3955,
11,
29506,
25552,
6375,
25401,
198,
43,
3539,
25382,
11,
7655,
2767,
16879,
3268,
3537,
40282,
3963,
27342,
10659,
11,
309,
9863,
6375,
25401,
54,
24352,
11,
5923,
1797,
2751,
16034,
11,
198,
12425,
3963,
6375,
3268,
7102,
45,
24565,
13315,
3336,
47466,
6375,
3336,
23210,
6375,
25401,
5550,
1847,
20754,
3268,
3336,
198,
15821,
37485,
13,
198,
37811,
198,
198,
11748,
28686,
198,
11748,
302,
198,
198,
6738,
537,
72,
1330,
537,
72,
11,
10651,
198,
6738,
269,
2304,
2117,
668,
15042,
1330,
28289,
4561,
668,
17614,
628,
198,
31098,
8577,
62,
10943,
16254,
62,
40,
2640,
62,
34219,
796,
705,
34167,
14079,
20270,
12,
11250,
13,
65,
461,
6,
628,
198,
4299,
3758,
62,
17597,
6404,
7,
20500,
2599,
198,
220,
220,
220,
37227,
50,
2412,
257,
25064,
6404,
3275,
284,
262,
3335,
351,
19440,
718,
628,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
220,
220,
3275,
357,
2536,
2599,
3275,
284,
307,
1908,
628,
220,
220,
220,
16409,
25,
198,
220,
220,
220,
220,
220,
220,
220,
6045,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
537,
72,
7,
198,
220,
220,
220,
220,
220,
220,
220,
705,
21280,
2604,
6841,
350,
56,
4221,
1340,
19440,
718,
285,
77,
7966,
873,
7102,
37,
62,
35,
29267,
705,
198,
220,
220,
220,
220,
220,
220,
220,
705,
90,
20500,
92,
4458,
18982,
7,
20500,
28,
20500,
8,
198,
220,
220,
220,
1267,
628,
198,
4299,
10385,
62,
4267,
62,
6978,
62,
1462,
62,
23289,
7,
6978,
2599,
198,
220,
220,
220,
37227,
3103,
1851,
262,
2393,
3108,
4938,
287,
314,
2640,
284,
262,
3376,
3108,
287,
22358,
17537,
13,
628,
220,
220,
220,
17934,
25,
198,
220,
220,
220,
13163,
10385,
62,
4267,
62,
6978,
62,
1462,
62,
23289,
10786,
34167,
14079,
20270,
12,
11250,
13,
65,
461,
11537,
198,
220,
220,
220,
31051,
34167,
14,
20270,
12,
11250,
13,
65,
461,
6,
628,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
220,
220,
3108,
7,
2536,
2599,
262,
3108,
4938,
287,
314,
2640,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
10358,
3994,
29905,
11,
4306,
705,
34167,
6,
318,
9672,
198,
220,
220,
220,
16409,
25,
198,
220,
220,
220,
220,
220,
220,
220,
4731,
11,
262,
11513,
3108,
543,
318,
4938,
287,
262,
22358,
17537,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
3108,
62,
5589,
3906,
796,
28686,
13,
6978,
13,
27237,
6978,
7,
6978,
737,
35312,
7,
418,
13,
325,
79,
8,
198,
220,
220,
220,
2393,
62,
10057,
796,
3108,
62,
5589,
3906,
58,
15,
60,
628,
220,
220,
220,
611,
705,
32105,
287,
2393,
62,
10057,
25,
198,
220,
220,
220,
220,
220,
220,
220,
2393,
62,
10057,
796,
2393,
62,
10057,
13,
36311,
7,
10354,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
3108,
62,
5589,
3906,
796,
3108,
62,
5589,
3906,
58,
16,
47715,
198,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
2393,
62,
10057,
796,
705,
34167,
6,
628,
220,
220,
220,
1255,
62,
6978,
796,
28686,
13,
6978,
13,
22179,
7,
418,
13,
325,
79,
11,
2393,
62,
10057,
11,
1635,
6978,
62,
5589,
3906,
8,
198,
220,
220,
220,
1441,
1255,
62,
6978,
628,
198,
4299,
3613,
62,
11250,
62,
1462,
62,
4267,
62,
7753,
7,
1891,
929,
62,
11250,
62,
4267,
62,
6978,
2599,
198,
220,
220,
220,
37227,
50,
3080,
262,
1459,
2491,
8398,
15726,
284,
262,
29905,
628,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
220,
220,
11559,
62,
11250,
62,
4267,
62,
6978,
357,
2536,
2599,
314,
2640,
3108,
284,
262,
11559,
8398,
628,
220,
220,
220,
16409,
25,
198,
220,
220,
220,
220,
220,
220,
220,
6045,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
1303,
337,
40373,
16926,
46,
513,
25,
6330,
351,
262,
2163,
326,
4539,
314,
2640,
9729,
290,
198,
220,
220,
220,
1303,
5860,
5072,
2427,
286,
13570,
340,
198,
220,
220,
220,
337,
40373,
10786,
30073,
2491,
12,
11250,
23884,
59,
77,
4458,
18982,
7,
1891,
929,
62,
11250,
62,
4267,
62,
6978,
4008,
198,
220,
220,
220,
1303,
23578,
337,
40373,
44513,
513,
628,
220,
220,
220,
3275,
796,
357,
198,
220,
220,
220,
220,
220,
220,
220,
705,
28768,
8398,
373,
7448,
284,
23884,
4458,
18982,
7,
1891,
929,
62,
11250,
62,
4267,
62,
6978,
8,
198,
220,
220,
220,
1267,
198,
220,
220,
220,
3601,
7,
20500,
8,
198,
220,
220,
220,
3758,
62,
17597,
6404,
7,
20500,
8,
628,
198,
4299,
651,
62,
11250,
62,
26069,
7,
1891,
929,
62,
11250,
62,
4267,
62,
6978,
2599,
198,
220,
220,
220,
37227,
38,
1039,
8398,
3580,
1262,
4600,
12860,
15424,
4566,
814,
63,
3141,
628,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
220,
220,
11559,
62,
11250,
62,
4267,
62,
6978,
357,
2536,
2599,
314,
2640,
3108,
284,
262,
11559,
8398,
628,
220,
220,
220,
16409,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1351,
286,
3951,
7268,
4566,
3580,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
4566,
62,
26069,
796,
537,
72,
7,
198,
220,
220,
220,
220,
220,
220,
220,
705,
12860,
15424,
4566,
814,
23884,
1080,
25,
20270,
12,
11250,
4458,
18982,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
11559,
62,
11250,
62,
4267,
62,
6978,
198,
220,
220,
220,
220,
220,
220,
220,
1267,
198,
220,
220,
220,
1267,
198,
220,
220,
220,
11559,
62,
11250,
62,
23289,
62,
6978,
796,
10385,
62,
4267,
62,
6978,
62,
1462,
62,
23289,
7,
198,
220,
220,
220,
220,
220,
220,
220,
11559,
62,
11250,
62,
4267,
62,
6978,
198,
220,
220,
220,
1267,
198,
220,
220,
220,
28686,
13,
28956,
7,
1891,
929,
62,
11250,
62,
23289,
62,
6978,
8,
198,
220,
220,
220,
3613,
62,
11250,
62,
1462,
62,
4267,
62,
7753,
7,
1891,
929,
62,
11250,
62,
4267,
62,
6978,
8,
628,
220,
220,
220,
611,
302,
13,
12947,
10786,
2949,
2458,
547,
1043,
3256,
4566,
62,
26069,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
6045,
198,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
6626,
3951,
416,
3467,
81,
59,
77,
656,
257,
1351,
198,
220,
220,
220,
220,
220,
220,
220,
4566,
62,
26069,
62,
6615,
796,
302,
13,
35312,
7,
81,
6,
59,
81,
30,
59,
77,
3256,
4566,
62,
26069,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
4566,
62,
26069,
62,
6615,
628,
198,
4299,
1296,
62,
2777,
668,
62,
20500,
7,
11250,
62,
26069,
62,
6615,
2599,
198,
220,
220,
220,
37227,
16719,
274,
257,
17732,
3275,
39559,
287,
1317,
2902,
1912,
319,
4566,
814,
628,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
220,
220,
4566,
62,
26069,
62,
6615,
357,
4868,
2599,
1351,
286,
3951,
7268,
4566,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3580,
628,
220,
220,
220,
16409,
25,
198,
220,
220,
220,
220,
220,
220,
220,
965,
25,
1317,
2902,
17732,
3275,
355,
257,
4731,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
3275,
796,
357,
198,
220,
220,
220,
220,
220,
220,
220,
705,
38149,
5400,
1022,
705,
198,
220,
220,
220,
220,
220,
220,
220,
705,
1169,
2491,
4566,
290,
262,
938,
11559,
7479,
77,
6,
198,
220,
220,
220,
220,
220,
220,
220,
705,
15506,
63,
59,
77,
6,
198,
220,
220,
220,
220,
220,
220,
220,
705,
90,
32239,
77,
6,
198,
220,
220,
220,
220,
220,
220,
220,
705,
15506,
63,
59,
77,
6,
198,
220,
220,
220,
220,
220,
220,
220,
705,
40,
43054,
303,
5668,
12429,
21906,
284,
705,
198,
220,
220,
220,
220,
220,
220,
220,
705,
42481,
17537,
1174,
12633,
0,
4458,
18982,
10786,
59,
77,
4458,
22179,
7,
11250,
62,
26069,
62,
6615,
4008,
198,
220,
220,
220,
1267,
198,
220,
220,
220,
1441,
3275,
628,
198,
198,
361,
11593,
3672,
834,
6624,
705,
834,
12417,
834,
10354,
198,
220,
220,
220,
1388,
3419,
198
] | 2.842169 | 1,641 |
import os
import pandas as pd
here = os.path.abspath(os.path.dirname(__file__))
zarr_cat_pangeo_cmip6 = 'https://storage.googleapis.com/cmip6/pangeo-cmip6.json'
cdf_cat_sample_cmip6 = os.path.join(here, 'sample-catalogs/cmip6-netcdf.json')
multi_variable_cat = os.path.join(here, 'sample-catalogs/multi-variable-catalog.json')
cdf_cat_sample_cmip5 = os.path.join(here, 'sample-catalogs/cmip5-netcdf.json')
cdf_cat_sample_cesmle = os.path.join(here, 'sample-catalogs/cesm1-lens-netcdf.json')
catalog_dict_records = os.path.join(here, 'sample-catalogs/catalog-dict-records.json')
zarr_cat_aws_cesm = (
'https://raw.githubusercontent.com/NCAR/cesm-lens-aws/master/intake-catalogs/aws-cesm1-le.json'
)
mixed_cat_sample_cmip6 = os.path.join(here, 'sample-catalogs/cmip6-bcc-mixed-formats.json')
sample_df = pd.DataFrame(
[
{
'component': 'atm',
'frequency': 'daily',
'experiment': '20C',
'variable': 'FLNS',
'path': 's3://ncar-cesm-lens/atm/daily/cesmLE-20C-FLNS.zarr',
'format': 'zarr',
},
{
'component': 'atm',
'frequency': 'daily',
'experiment': '20C',
'variable': 'FLNSC',
'path': 's3://ncar-cesm-lens/atm/daily/cesmLE-20C-FLNSC.zarr',
'format': 'zarr',
},
]
)
sample_esmcat_data = {
'esmcat_version': '0.1.0',
'id': 'aws-cesm1-le',
'description': '',
'catalog_file': '',
'attributes': [],
'assets': {'column_name': 'path', 'format': 'zarr'},
'aggregation_control': {
'variable_column_name': 'variable',
'groupby_attrs': ['component', 'experiment', 'frequency'],
'aggregations': [
{'type': 'union', 'attribute_name': 'variable', 'options': {'compat': 'override'}}
],
},
}
sample_esmcat_data_without_agg = {
'esmcat_version': '0.1.0',
'id': 'aws-cesm1-le',
'description': '',
'catalog_file': '',
'attributes': [],
'assets': {'column_name': 'path', 'format': 'zarr'},
}
| [
11748,
28686,
198,
198,
11748,
19798,
292,
355,
279,
67,
198,
198,
1456,
796,
28686,
13,
6978,
13,
397,
2777,
776,
7,
418,
13,
6978,
13,
15908,
3672,
7,
834,
7753,
834,
4008,
198,
89,
3258,
62,
9246,
62,
79,
858,
78,
62,
11215,
541,
21,
796,
705,
5450,
1378,
35350,
13,
13297,
499,
271,
13,
785,
14,
11215,
541,
21,
14,
79,
858,
78,
12,
11215,
541,
21,
13,
17752,
6,
198,
66,
7568,
62,
9246,
62,
39873,
62,
11215,
541,
21,
796,
28686,
13,
6978,
13,
22179,
7,
1456,
11,
705,
39873,
12,
9246,
11794,
82,
14,
11215,
541,
21,
12,
3262,
66,
7568,
13,
17752,
11537,
198,
41684,
62,
45286,
62,
9246,
796,
28686,
13,
6978,
13,
22179,
7,
1456,
11,
705,
39873,
12,
9246,
11794,
82,
14,
41684,
12,
45286,
12,
9246,
11794,
13,
17752,
11537,
198,
66,
7568,
62,
9246,
62,
39873,
62,
11215,
541,
20,
796,
28686,
13,
6978,
13,
22179,
7,
1456,
11,
705,
39873,
12,
9246,
11794,
82,
14,
11215,
541,
20,
12,
3262,
66,
7568,
13,
17752,
11537,
198,
66,
7568,
62,
9246,
62,
39873,
62,
728,
76,
293,
796,
28686,
13,
6978,
13,
22179,
7,
1456,
11,
705,
39873,
12,
9246,
11794,
82,
14,
728,
76,
16,
12,
75,
641,
12,
3262,
66,
7568,
13,
17752,
11537,
198,
9246,
11794,
62,
11600,
62,
8344,
3669,
796,
28686,
13,
6978,
13,
22179,
7,
1456,
11,
705,
39873,
12,
9246,
11794,
82,
14,
9246,
11794,
12,
11600,
12,
8344,
3669,
13,
17752,
11537,
198,
89,
3258,
62,
9246,
62,
8356,
62,
728,
76,
796,
357,
198,
220,
220,
220,
705,
5450,
1378,
1831,
13,
12567,
43667,
13,
785,
14,
7792,
1503,
14,
728,
76,
12,
75,
641,
12,
8356,
14,
9866,
14,
600,
539,
12,
9246,
11794,
82,
14,
8356,
12,
728,
76,
16,
12,
293,
13,
17752,
6,
198,
8,
198,
76,
2966,
62,
9246,
62,
39873,
62,
11215,
541,
21,
796,
28686,
13,
6978,
13,
22179,
7,
1456,
11,
705,
39873,
12,
9246,
11794,
82,
14,
11215,
541,
21,
12,
65,
535,
12,
76,
2966,
12,
687,
1381,
13,
17752,
11537,
628,
198,
39873,
62,
7568,
796,
279,
67,
13,
6601,
19778,
7,
198,
220,
220,
220,
685,
198,
220,
220,
220,
220,
220,
220,
220,
1391,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
42895,
10354,
705,
265,
76,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
35324,
10354,
705,
29468,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
23100,
3681,
10354,
705,
1238,
34,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
45286,
10354,
705,
3697,
8035,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
6978,
10354,
705,
82,
18,
1378,
77,
7718,
12,
728,
76,
12,
75,
641,
14,
265,
76,
14,
29468,
14,
728,
76,
2538,
12,
1238,
34,
12,
3697,
8035,
13,
89,
3258,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
18982,
10354,
705,
89,
3258,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
8964,
198,
220,
220,
220,
220,
220,
220,
220,
1391,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
42895,
10354,
705,
265,
76,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
35324,
10354,
705,
29468,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
23100,
3681,
10354,
705,
1238,
34,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
45286,
10354,
705,
3697,
45,
6173,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
6978,
10354,
705,
82,
18,
1378,
77,
7718,
12,
728,
76,
12,
75,
641,
14,
265,
76,
14,
29468,
14,
728,
76,
2538,
12,
1238,
34,
12,
3697,
45,
6173,
13,
89,
3258,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
18982,
10354,
705,
89,
3258,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
8964,
198,
220,
220,
220,
2361,
198,
8,
198,
198,
39873,
62,
45798,
9246,
62,
7890,
796,
1391,
198,
220,
220,
220,
705,
45798,
9246,
62,
9641,
10354,
705,
15,
13,
16,
13,
15,
3256,
198,
220,
220,
220,
705,
312,
10354,
705,
8356,
12,
728,
76,
16,
12,
293,
3256,
198,
220,
220,
220,
705,
11213,
10354,
705,
3256,
198,
220,
220,
220,
705,
9246,
11794,
62,
7753,
10354,
705,
3256,
198,
220,
220,
220,
705,
1078,
7657,
10354,
685,
4357,
198,
220,
220,
220,
705,
19668,
10354,
1391,
6,
28665,
62,
3672,
10354,
705,
6978,
3256,
705,
18982,
10354,
705,
89,
3258,
6,
5512,
198,
220,
220,
220,
705,
9460,
43068,
62,
13716,
10354,
1391,
198,
220,
220,
220,
220,
220,
220,
220,
705,
45286,
62,
28665,
62,
3672,
10354,
705,
45286,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
705,
8094,
1525,
62,
1078,
3808,
10354,
37250,
42895,
3256,
705,
23100,
3681,
3256,
705,
35324,
6,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
705,
9460,
2301,
602,
10354,
685,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1391,
6,
4906,
10354,
705,
24592,
3256,
705,
42348,
62,
3672,
10354,
705,
45286,
3256,
705,
25811,
10354,
1391,
6,
5589,
265,
10354,
705,
2502,
13154,
6,
11709,
198,
220,
220,
220,
220,
220,
220,
220,
16589,
198,
220,
220,
220,
8964,
198,
92,
198,
198,
39873,
62,
45798,
9246,
62,
7890,
62,
19419,
62,
9460,
796,
1391,
198,
220,
220,
220,
705,
45798,
9246,
62,
9641,
10354,
705,
15,
13,
16,
13,
15,
3256,
198,
220,
220,
220,
705,
312,
10354,
705,
8356,
12,
728,
76,
16,
12,
293,
3256,
198,
220,
220,
220,
705,
11213,
10354,
705,
3256,
198,
220,
220,
220,
705,
9246,
11794,
62,
7753,
10354,
705,
3256,
198,
220,
220,
220,
705,
1078,
7657,
10354,
685,
4357,
198,
220,
220,
220,
705,
19668,
10354,
1391,
6,
28665,
62,
3672,
10354,
705,
6978,
3256,
705,
18982,
10354,
705,
89,
3258,
6,
5512,
198,
92,
198
] | 2.014663 | 1,023 |
# we can use Segment Tree 24 and Segment Tree 31 and combine them.
if __name__ == '__main__':
n, m = [int(i) for i in input().split()]
STree1 = SegmentTree1(n)
STree2 = SegmentTree2(n, lambda a, b, x: a + b*x, lambda a, b: a+b, 0)
arr = [int(i) for i in input().split()]
for i in range(n):
STree1.update(i, i+1, arr[i]*(i+1), 0) # not optimal way
STree2.update(i, i+1, arr[i])
print(STree1.T)
print(STree2.T)
for i in range(m):
t = [int(i) for i in input().split()]
if t[0] == 1:
STree1.update(t[1] - 1, t[2], t[3]*t[1], t[3])
STree2.update(t[1] - 1, t[2], t[3])
#print(STree1.T)
#print(STree2.T)
else:
m1 = STree1.query(t[1] - 1, t[2])
m2 = STree2.query(t[1] - 1, t[2])
print(m1 - m2*(t[1]-1))
#print(m1, m2) | [
2,
356,
460,
779,
1001,
5154,
12200,
1987,
290,
1001,
5154,
12200,
3261,
290,
12082,
606,
13,
628,
198,
198,
361,
11593,
3672,
834,
6624,
705,
834,
12417,
834,
10354,
198,
220,
220,
220,
299,
11,
285,
796,
685,
600,
7,
72,
8,
329,
1312,
287,
5128,
22446,
35312,
3419,
60,
198,
220,
220,
220,
3563,
631,
16,
796,
1001,
5154,
27660,
16,
7,
77,
8,
198,
220,
220,
220,
3563,
631,
17,
796,
1001,
5154,
27660,
17,
7,
77,
11,
37456,
257,
11,
275,
11,
2124,
25,
257,
1343,
275,
9,
87,
11,
37456,
257,
11,
275,
25,
257,
10,
65,
11,
657,
8,
198,
220,
220,
220,
5240,
796,
685,
600,
7,
72,
8,
329,
1312,
287,
5128,
22446,
35312,
3419,
60,
198,
220,
220,
220,
329,
1312,
287,
2837,
7,
77,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
3563,
631,
16,
13,
19119,
7,
72,
11,
1312,
10,
16,
11,
5240,
58,
72,
60,
9,
7,
72,
10,
16,
828,
657,
8,
220,
1303,
407,
16586,
835,
198,
220,
220,
220,
220,
220,
220,
220,
3563,
631,
17,
13,
19119,
7,
72,
11,
1312,
10,
16,
11,
5240,
58,
72,
12962,
628,
220,
220,
220,
3601,
7,
2257,
631,
16,
13,
51,
8,
198,
220,
220,
220,
3601,
7,
2257,
631,
17,
13,
51,
8,
628,
220,
220,
220,
329,
1312,
287,
2837,
7,
76,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
256,
796,
685,
600,
7,
72,
8,
329,
1312,
287,
5128,
22446,
35312,
3419,
60,
198,
220,
220,
220,
220,
220,
220,
220,
611,
256,
58,
15,
60,
6624,
352,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3563,
631,
16,
13,
19119,
7,
83,
58,
16,
60,
532,
352,
11,
256,
58,
17,
4357,
256,
58,
18,
60,
9,
83,
58,
16,
4357,
256,
58,
18,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3563,
631,
17,
13,
19119,
7,
83,
58,
16,
60,
532,
352,
11,
256,
58,
17,
4357,
256,
58,
18,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
4798,
7,
2257,
631,
16,
13,
51,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
4798,
7,
2257,
631,
17,
13,
51,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
285,
16,
796,
3563,
631,
16,
13,
22766,
7,
83,
58,
16,
60,
532,
352,
11,
256,
58,
17,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
285,
17,
796,
3563,
631,
17,
13,
22766,
7,
83,
58,
16,
60,
532,
352,
11,
256,
58,
17,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3601,
7,
76,
16,
532,
285,
17,
9,
7,
83,
58,
16,
45297,
16,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
4798,
7,
76,
16,
11,
285,
17,
8
] | 1.734774 | 509 |
summary = d = {}
d['lig0'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig10'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig11'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig12'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig13'] = {'atom_types': ['A', 'C', 'F', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig14'] = {'atom_types': ['A', 'C', 'F', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig15'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig16'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig17'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig18'] = {'atom_types': ['A', 'C', 'F', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig19'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig1'] = {'atom_types': ['A', 'C', 'F', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig20'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig21'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig22'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig23'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig24'] = {'atom_types': ['A', 'C', 'F', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig25'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig26'] = {'atom_types': ['A', 'C', 'F', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig27'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig28'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig29'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig2'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig30'] = {'atom_types': ['A', 'C', 'F', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig31'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig32'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig33'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig34'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig35'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig36'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig37'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig38'] = {'atom_types': ['A', 'C', 'F', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig39'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig3'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig40'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig41'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig42'] = {'atom_types': ['A', 'C', 'F', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig43'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig44'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig45'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig46'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig0'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig10'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig11'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig12'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig13'] = {'atom_types': ['A', 'C', 'F', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig14'] = {'atom_types': ['A', 'C', 'F', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig15'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig16'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig17'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig18'] = {'atom_types': ['A', 'C', 'F', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig19'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig1'] = {'atom_types': ['A', 'C', 'F', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig20'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig21'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig22'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig23'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig24'] = {'atom_types': ['A', 'C', 'F', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig25'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig26'] = {'atom_types': ['A', 'C', 'F', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig27'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig28'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig29'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig2'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig30'] = {'atom_types': ['A', 'C', 'F', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig31'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig32'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig33'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig34'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig35'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig36'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig37'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig38'] = {'atom_types': ['A', 'C', 'F', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig39'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig3'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig40'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig41'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig42'] = {'atom_types': ['A', 'C', 'F', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig43'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig44'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig45'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig46'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig47'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig48'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig49'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig4'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig5'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':2,
'zero_charge' : [],
}
d['lig6'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig7'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig8'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig9'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig0'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig100'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig101'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'SA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig102'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':2,
'zero_charge' : [],
}
d['lig103'] = {'atom_types': ['A', 'C', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig104'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig105'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig106'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'SA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig107'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':2,
'zero_charge' : [],
}
d['lig108'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig109'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig10'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'SA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig110'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig111'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig112'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig113'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig114'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig115'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig116'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':2,
'zero_charge' : [],
}
d['lig117'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'SA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig118'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig119'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':7,
'zero_charge' : [],
}
d['lig11'] = {'atom_types': ['A', 'C', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig120'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig121'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig122'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':2,
'zero_charge' : [],
}
d['lig123'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig124'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'SA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig125'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig126'] = {'atom_types': ['C', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig127'] = {'atom_types': ['A', 'Br', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig128'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA', 'S' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig129'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'S' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig12'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'SA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig130'] = {'atom_types': ['C', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig131'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig132'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig133'] = {'atom_types': ['C', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig134'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig135'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig136'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA', 'S' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig137'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig138'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig139'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig13'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'SA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig140'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig141'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'SA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig142'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig143'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'SA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig144'] = {'atom_types': ['A', 'Br', 'C', 'HD', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig145'] = {'atom_types': ['A', 'C', 'F', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig146'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA', 'SA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig147'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig148'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig149'] = {'atom_types': ['A', 'C', 'N', 'OA', 'SA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig14'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig150'] = {'atom_types': ['A', 'C', 'N', 'OA', 'S' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig151'] = {'atom_types': ['C', 'N', 'OA' ],
'rbonds':2,
'zero_charge' : [],
}
d['lig152'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'SA' ],
'rbonds':2,
'zero_charge' : [],
}
d['lig153'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig154'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig155'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig156'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig157'] = {'atom_types': ['C', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig158'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig159'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig15'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig160'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig161'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig162'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig163'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig164'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig165'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig166'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig167'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig168'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig169'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig16'] = {'atom_types': ['A', 'C', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig170'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig171'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig172'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig173'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'SA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig174'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'S' ],
'rbonds':7,
'zero_charge' : [],
}
d['lig175'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig176'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig177'] = {'atom_types': ['A', 'Br', 'C', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig178'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'SA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig179'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig17'] = {'atom_types': ['A', 'C', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig180'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig181'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig182'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig183'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'SA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig184'] = {'atom_types': ['A', 'C', 'F', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig185'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'SA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig186'] = {'atom_types': ['A', 'C', 'F', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig187'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'SA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig188'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig189'] = {'atom_types': ['C', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig18'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig190'] = {'atom_types': ['C', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig191'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig192'] = {'atom_types': ['C', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig193'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'S' ],
'rbonds':7,
'zero_charge' : [],
}
d['lig194'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig195'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig196'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'SA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig197'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig198'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig199'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'S' ],
'rbonds':7,
'zero_charge' : [],
}
d['lig19'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig1'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'SA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig200'] = {'atom_types': ['A', 'C', 'F', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig201'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig202'] = {'atom_types': ['A', 'C', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig203'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig204'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig205'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'SA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig206'] = {'atom_types': ['A', 'C', 'F', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig207'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'S' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig208'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig209'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig20'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig210'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig211'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig212'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'S' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig213'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA', 'SA' ],
'rbonds':7,
'zero_charge' : [],
}
d['lig214'] = {'atom_types': ['A', 'C', 'NA', 'OA', 'S' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig215'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig216'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig217'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig218'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'SA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig219'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig21'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig220'] = {'atom_types': ['C', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig221'] = {'atom_types': ['A', 'C', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig222'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig223'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig224'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig225'] = {'atom_types': ['A', 'C', 'F', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig226'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'S' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig227'] = {'atom_types': ['C', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig228'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig229'] = {'atom_types': ['A', 'C', 'F', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig22'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig230'] = {'atom_types': ['A', 'C', 'F', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig231'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig232'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'SA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig233'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig234'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig235'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'SA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig236'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig237'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig238'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA', 'SA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig239'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig23'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig240'] = {'atom_types': ['A', 'Br', 'C', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig241'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig242'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig243'] = {'atom_types': ['C', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig244'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':2,
'zero_charge' : [],
}
d['lig245'] = {'atom_types': ['A', 'C', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig246'] = {'atom_types': ['A', 'C', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig247'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig248'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'SA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig249'] = {'atom_types': ['A', 'C', 'F', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig24'] = {'atom_types': ['A', 'Br', 'C', 'HD', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig250'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig251'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA', 'SA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig252'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig253'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig254'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig255'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'S' ],
'rbonds':7,
'zero_charge' : [],
}
d['lig256'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig257'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig258'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig259'] = {'atom_types': ['A', 'C', 'N', 'OA' ],
'rbonds':2,
'zero_charge' : [],
}
d['lig25'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N' ],
'rbonds':2,
'zero_charge' : [],
}
d['lig260'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig261'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig262'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig263'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig264'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig265'] = {'atom_types': ['A', 'C', 'N', 'OA', 'SA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig266'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'SA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig267'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig268'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'SA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig269'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig26'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'SA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig270'] = {'atom_types': ['C', 'N', 'OA' ],
'rbonds':2,
'zero_charge' : [],
}
d['lig271'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig272'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig273'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig274'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig275'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig276'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig277'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig278'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'SA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig279'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'S' ],
'rbonds':7,
'zero_charge' : [],
}
d['lig27'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig280'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig281'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'SA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig282'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig283'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig284'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'SA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig285'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig286'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig287'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig288'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig289'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'SA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig28'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig290'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'SA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig291'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig292'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig293'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'SA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig294'] = {'atom_types': ['A', 'C', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig295'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'SA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig296'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'SA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig297'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig298'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig299'] = {'atom_types': ['A', 'C', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig29'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'SA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig2'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig300'] = {'atom_types': ['A', 'C', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig301'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig302'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig303'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig304'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig305'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig306'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig307'] = {'atom_types': ['A', 'Br', 'C', 'HD', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig308'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N' ],
'rbonds':2,
'zero_charge' : [],
}
d['lig309'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'SA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig30'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig310'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig311'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig312'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'SA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig313'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig314'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig315'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig316'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig317'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig318'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig319'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig31'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig320'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig321'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig322'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig323'] = {'atom_types': ['C', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig324'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig325'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig326'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig327'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig328'] = {'atom_types': ['A', 'Br', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig329'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig32'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig330'] = {'atom_types': ['C', 'HD', 'N', 'OA' ],
'rbonds':2,
'zero_charge' : [],
}
d['lig331'] = {'atom_types': ['C', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig332'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig333'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig334'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA', 'S' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig335'] = {'atom_types': ['A', 'C', 'N', 'OA' ],
'rbonds':2,
'zero_charge' : [],
}
d['lig336'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig337'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'SA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig338'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig339'] = {'atom_types': ['A', 'C', 'N', 'OA', 'SA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig33'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig340'] = {'atom_types': ['A', 'C', 'F', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig341'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'SA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig342'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig343'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'S' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig344'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig345'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig346'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig347'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig348'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig349'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':7,
'zero_charge' : [],
}
d['lig34'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig350'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'SA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig351'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig352'] = {'atom_types': ['A', 'C', 'HD', 'NA', 'OA', 'S' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig353'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig354'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'SA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig355'] = {'atom_types': ['A', 'C', 'N', 'OA', 'SA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig356'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig357'] = {'atom_types': ['A', 'C', 'F', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig358'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig359'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig35'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig360'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig361'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig362'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig363'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig364'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig365'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig366'] = {'atom_types': ['A', 'Br', 'C', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig367'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig368'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'S', 'SA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig369'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig36'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig370'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':7,
'zero_charge' : [],
}
d['lig371'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig372'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig373'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig374'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':2,
'zero_charge' : [],
}
d['lig375'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':7,
'zero_charge' : [],
}
d['lig376'] = {'atom_types': ['C', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig377'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig378'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':7,
'zero_charge' : [],
}
d['lig379'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig37'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig380'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':7,
'zero_charge' : [],
}
d['lig381'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'SA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig382'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':7,
'zero_charge' : [],
}
d['lig383'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig384'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'SA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig385'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':2,
'zero_charge' : [],
}
d['lig386'] = {'atom_types': ['A', 'C', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig387'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig388'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig389'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'SA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig38'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig390'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':2,
'zero_charge' : [],
}
d['lig391'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig392'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig393'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig394'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig395'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig396'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig397'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig398'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig399'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':2,
'zero_charge' : [],
}
d['lig39'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig3'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig400'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'SA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig401'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig402'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':7,
'zero_charge' : [],
}
d['lig403'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig404'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig405'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':2,
'zero_charge' : [],
}
d['lig406'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig407'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'SA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig408'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig409'] = {'atom_types': ['C', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig40'] = {'atom_types': ['C', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig410'] = {'atom_types': ['A', 'Br', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig411'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA', 'S' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig412'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'S' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig413'] = {'atom_types': ['C', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig414'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig415'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig416'] = {'atom_types': ['C', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig417'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig418'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig419'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA', 'S' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig41'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig420'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig421'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig422'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig423'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig424'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'SA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig425'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig426'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'SA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig427'] = {'atom_types': ['A', 'Br', 'C', 'HD', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig428'] = {'atom_types': ['A', 'C', 'F', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig429'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA', 'SA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig42'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig430'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig431'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig432'] = {'atom_types': ['A', 'C', 'N', 'OA', 'SA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig433'] = {'atom_types': ['A', 'C', 'N', 'OA', 'S' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig434'] = {'atom_types': ['C', 'N', 'OA' ],
'rbonds':2,
'zero_charge' : [],
}
d['lig435'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'SA' ],
'rbonds':2,
'zero_charge' : [],
}
d['lig436'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig437'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig438'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig439'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig43'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig440'] = {'atom_types': ['C', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig441'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig442'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig443'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig444'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig445'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig446'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig447'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig448'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig449'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig44'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig450'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig451'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig452'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig453'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig454'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig455'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig456'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'SA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig457'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'S' ],
'rbonds':7,
'zero_charge' : [],
}
d['lig458'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig459'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig45'] = {'atom_types': ['A', 'Br', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig460'] = {'atom_types': ['A', 'Br', 'C', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig461'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'SA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig462'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig463'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig464'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig465'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig466'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'SA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig467'] = {'atom_types': ['A', 'C', 'F', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig468'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'SA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig469'] = {'atom_types': ['A', 'C', 'F', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig46'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig470'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'SA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig471'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig472'] = {'atom_types': ['C', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig473'] = {'atom_types': ['C', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig474'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig475'] = {'atom_types': ['C', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig476'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'S' ],
'rbonds':7,
'zero_charge' : [],
}
d['lig477'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig478'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig479'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'SA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig47'] = {'atom_types': ['C', 'HD', 'N', 'OA' ],
'rbonds':2,
'zero_charge' : [],
}
d['lig480'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig481'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig482'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'S' ],
'rbonds':7,
'zero_charge' : [],
}
d['lig483'] = {'atom_types': ['A', 'C', 'F', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig484'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig485'] = {'atom_types': ['A', 'C', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig486'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig487'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig488'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'SA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig489'] = {'atom_types': ['A', 'C', 'F', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig48'] = {'atom_types': ['C', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig490'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'S' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig491'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig492'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig493'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig494'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig495'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'S' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig496'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA', 'SA' ],
'rbonds':7,
'zero_charge' : [],
}
d['lig497'] = {'atom_types': ['A', 'C', 'NA', 'OA', 'S' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig498'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig499'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig49'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig4'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig500'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig501'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'SA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig502'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig503'] = {'atom_types': ['C', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig504'] = {'atom_types': ['A', 'C', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig505'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig506'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig507'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig508'] = {'atom_types': ['A', 'C', 'F', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig509'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'S' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig50'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig510'] = {'atom_types': ['C', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig511'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig512'] = {'atom_types': ['A', 'C', 'F', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig513'] = {'atom_types': ['A', 'C', 'F', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig514'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig515'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'SA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig516'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig517'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig518'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'SA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig519'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig51'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA', 'S' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig520'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig521'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA', 'SA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig522'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig523'] = {'atom_types': ['A', 'Br', 'C', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig524'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig525'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig526'] = {'atom_types': ['C', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig527'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':2,
'zero_charge' : [],
}
d['lig528'] = {'atom_types': ['A', 'C', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig529'] = {'atom_types': ['A', 'C', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig52'] = {'atom_types': ['A', 'C', 'N', 'OA' ],
'rbonds':2,
'zero_charge' : [],
}
d['lig530'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig531'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'SA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig532'] = {'atom_types': ['A', 'C', 'F', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig533'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig534'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA', 'SA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig535'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig536'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig537'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig538'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'S' ],
'rbonds':7,
'zero_charge' : [],
}
d['lig539'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig53'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig540'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig541'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig542'] = {'atom_types': ['A', 'C', 'N', 'OA' ],
'rbonds':2,
'zero_charge' : [],
}
d['lig543'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig544'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig545'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig546'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig547'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig548'] = {'atom_types': ['A', 'C', 'N', 'OA', 'SA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig549'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'SA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig54'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'SA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig550'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig551'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'SA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig552'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig553'] = {'atom_types': ['C', 'N', 'OA' ],
'rbonds':2,
'zero_charge' : [],
}
d['lig554'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig555'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig556'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig557'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig558'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig559'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig55'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig560'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig561'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'SA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig562'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'S' ],
'rbonds':7,
'zero_charge' : [],
}
d['lig563'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig564'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'SA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig565'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig566'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig567'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'SA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig568'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig569'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig56'] = {'atom_types': ['A', 'C', 'N', 'OA', 'SA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig570'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig571'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig572'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'SA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig573'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'SA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig574'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig575'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig576'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'SA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig577'] = {'atom_types': ['A', 'C', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig578'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'SA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig579'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'SA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig57'] = {'atom_types': ['A', 'C', 'F', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig580'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig581'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig582'] = {'atom_types': ['A', 'C', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig583'] = {'atom_types': ['A', 'C', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig584'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig585'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig586'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig587'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig588'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig589'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig58'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'SA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig590'] = {'atom_types': ['A', 'Br', 'C', 'HD', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig591'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N' ],
'rbonds':2,
'zero_charge' : [],
}
d['lig592'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'SA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig593'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig594'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig595'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'SA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig596'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig597'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig598'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig599'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig59'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig5'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig600'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig601'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig602'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig603'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig604'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig605'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig606'] = {'atom_types': ['C', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig607'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig608'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig609'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig60'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'S' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig610'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig611'] = {'atom_types': ['A', 'Br', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig612'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig613'] = {'atom_types': ['C', 'HD', 'N', 'OA' ],
'rbonds':2,
'zero_charge' : [],
}
d['lig614'] = {'atom_types': ['C', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig615'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig616'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig617'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA', 'S' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig618'] = {'atom_types': ['A', 'C', 'N', 'OA' ],
'rbonds':2,
'zero_charge' : [],
}
d['lig619'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig61'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig620'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'SA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig621'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig622'] = {'atom_types': ['A', 'C', 'N', 'OA', 'SA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig623'] = {'atom_types': ['A', 'C', 'F', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig624'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'SA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig625'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig626'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'S' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig627'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig628'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig629'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig62'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig630'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig631'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig632'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':7,
'zero_charge' : [],
}
d['lig633'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'SA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig634'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig635'] = {'atom_types': ['A', 'C', 'HD', 'NA', 'OA', 'S' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig636'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig637'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'SA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig638'] = {'atom_types': ['A', 'C', 'N', 'OA', 'SA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig639'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig63'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig640'] = {'atom_types': ['A', 'C', 'F', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig641'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig642'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig643'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig644'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig645'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig646'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig647'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig648'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig649'] = {'atom_types': ['A', 'Br', 'C', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig64'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig650'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig651'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'S', 'SA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig652'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig653'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':7,
'zero_charge' : [],
}
d['lig654'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig655'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig656'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig657'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':2,
'zero_charge' : [],
}
d['lig658'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':7,
'zero_charge' : [],
}
d['lig659'] = {'atom_types': ['C', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig65'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig660'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig661'] = {'atom_types': ['C', 'HD', 'N', 'OA' ],
'rbonds':7,
'zero_charge' : [],
}
d['lig662'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig663'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':7,
'zero_charge' : [],
}
d['lig664'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'SA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig665'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':7,
'zero_charge' : [],
}
d['lig666'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig667'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'SA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig668'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':2,
'zero_charge' : [],
}
d['lig669'] = {'atom_types': ['A', 'C', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig66'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':7,
'zero_charge' : [],
}
d['lig670'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig671'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig672'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'SA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig673'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':2,
'zero_charge' : [],
}
d['lig674'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig675'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig676'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig677'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig678'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig679'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig67'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'SA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig680'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig681'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig682'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':2,
'zero_charge' : [],
}
d['lig683'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'SA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig684'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig685'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':7,
'zero_charge' : [],
}
d['lig686'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig687'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig688'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':2,
'zero_charge' : [],
}
d['lig689'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig68'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig690'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'SA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig691'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig692'] = {'atom_types': ['C', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig693'] = {'atom_types': ['A', 'Br', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig694'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA', 'S' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig695'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'S' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig696'] = {'atom_types': ['C', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig697'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig698'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig699'] = {'atom_types': ['C', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig69'] = {'atom_types': ['A', 'C', 'HD', 'NA', 'OA', 'S' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig6'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'SA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig700'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig701'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig702'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA', 'S' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig703'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig704'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig705'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig706'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig707'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'SA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig708'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig709'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'SA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig70'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig710'] = {'atom_types': ['A', 'Br', 'C', 'HD', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig711'] = {'atom_types': ['A', 'C', 'F', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig712'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA', 'SA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig713'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig714'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig715'] = {'atom_types': ['A', 'C', 'N', 'OA', 'SA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig716'] = {'atom_types': ['A', 'C', 'N', 'OA', 'S' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig717'] = {'atom_types': ['C', 'N', 'OA' ],
'rbonds':2,
'zero_charge' : [],
}
d['lig718'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'SA' ],
'rbonds':2,
'zero_charge' : [],
}
d['lig719'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig71'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'SA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig720'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig721'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig722'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig723'] = {'atom_types': ['C', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig724'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig725'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig726'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig727'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig728'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig729'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig72'] = {'atom_types': ['A', 'C', 'N', 'OA', 'SA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig730'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig731'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig732'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig733'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig734'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig735'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig736'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig737'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig738'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig739'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'SA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig73'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig740'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'S' ],
'rbonds':7,
'zero_charge' : [],
}
d['lig741'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig742'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig743'] = {'atom_types': ['A', 'Br', 'C', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig744'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'SA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig745'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig746'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig747'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig748'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig749'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'SA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig74'] = {'atom_types': ['A', 'C', 'F', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig750'] = {'atom_types': ['A', 'C', 'F', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig751'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'SA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig752'] = {'atom_types': ['A', 'C', 'F', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig753'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'SA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig754'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig755'] = {'atom_types': ['C', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig756'] = {'atom_types': ['C', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig757'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig758'] = {'atom_types': ['C', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig759'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'S' ],
'rbonds':7,
'zero_charge' : [],
}
d['lig75'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig760'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig761'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig762'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'SA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig763'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig764'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig765'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'S' ],
'rbonds':7,
'zero_charge' : [],
}
d['lig766'] = {'atom_types': ['A', 'C', 'F', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig767'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig768'] = {'atom_types': ['A', 'C', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig769'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig76'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig770'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig771'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'SA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig772'] = {'atom_types': ['A', 'C', 'F', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig773'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'S' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig774'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig775'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig776'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig777'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig778'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'S' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig779'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA', 'SA' ],
'rbonds':7,
'zero_charge' : [],
}
d['lig77'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig780'] = {'atom_types': ['A', 'C', 'NA', 'OA', 'S' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig781'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig782'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig783'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig784'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'SA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig785'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig786'] = {'atom_types': ['C', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig787'] = {'atom_types': ['A', 'C', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig788'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig789'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig78'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig790'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig791'] = {'atom_types': ['A', 'C', 'F', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig792'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'S' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig793'] = {'atom_types': ['C', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig794'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig795'] = {'atom_types': ['A', 'C', 'F', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig796'] = {'atom_types': ['A', 'C', 'F', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig797'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig798'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'SA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig799'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig79'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig7'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'SA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig800'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig801'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'SA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig802'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig803'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig804'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA', 'SA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig805'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig806'] = {'atom_types': ['A', 'Br', 'C', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig807'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig808'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig809'] = {'atom_types': ['C', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig80'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig810'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':2,
'zero_charge' : [],
}
d['lig811'] = {'atom_types': ['A', 'C', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig812'] = {'atom_types': ['C', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig813'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig814'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'SA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig815'] = {'atom_types': ['A', 'C', 'F', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig816'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig817'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA', 'SA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig818'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig819'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig81'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig820'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig821'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'S' ],
'rbonds':7,
'zero_charge' : [],
}
d['lig822'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig823'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig824'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig825'] = {'atom_types': ['A', 'C', 'N', 'OA' ],
'rbonds':2,
'zero_charge' : [],
}
d['lig826'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig827'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig828'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig829'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig82'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig830'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig831'] = {'atom_types': ['A', 'C', 'N', 'OA', 'SA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig832'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'SA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig833'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig834'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'SA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig835'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig836'] = {'atom_types': ['C', 'N', 'OA' ],
'rbonds':2,
'zero_charge' : [],
}
d['lig837'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig838'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig839'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig83'] = {'atom_types': ['A', 'Br', 'C', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig840'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig841'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig842'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig843'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig844'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'SA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig845'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'S' ],
'rbonds':7,
'zero_charge' : [],
}
d['lig846'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig847'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'SA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig848'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig84'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig85'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'S', 'SA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig86'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig87'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':7,
'zero_charge' : [],
}
d['lig88'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig89'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig8'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig90'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig91'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':2,
'zero_charge' : [],
}
d['lig92'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':7,
'zero_charge' : [],
}
d['lig93'] = {'atom_types': ['C', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig94'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig95'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':7,
'zero_charge' : [],
}
d['lig96'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig97'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':7,
'zero_charge' : [],
}
d['lig98'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'SA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig99'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':7,
'zero_charge' : [],
}
d['lig9'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig0'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig100'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig101'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'SA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig102'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':2,
'zero_charge' : [],
}
d['lig103'] = {'atom_types': ['A', 'C', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig104'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig105'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig106'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'SA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig107'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':2,
'zero_charge' : [],
}
d['lig108'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig109'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig10'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'SA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig110'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig111'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig112'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig113'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig114'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig115'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig116'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':2,
'zero_charge' : [],
}
d['lig117'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'SA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig118'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig119'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':7,
'zero_charge' : [],
}
d['lig11'] = {'atom_types': ['A', 'C', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig120'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig121'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig122'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':2,
'zero_charge' : [],
}
d['lig123'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig124'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'SA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig125'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig126'] = {'atom_types': ['C', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig127'] = {'atom_types': ['A', 'Br', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig128'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA', 'S' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig129'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'S' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig12'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'SA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig130'] = {'atom_types': ['C', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig131'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig132'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig133'] = {'atom_types': ['C', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig134'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig135'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig136'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA', 'S' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig137'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig138'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig139'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig13'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'SA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig140'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig141'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'SA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig142'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig143'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'SA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig144'] = {'atom_types': ['A', 'Br', 'C', 'HD', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig145'] = {'atom_types': ['A', 'C', 'F', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig146'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA', 'SA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig147'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig148'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig149'] = {'atom_types': ['A', 'C', 'N', 'OA', 'SA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig14'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig150'] = {'atom_types': ['A', 'C', 'N', 'OA', 'S' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig151'] = {'atom_types': ['C', 'N', 'OA' ],
'rbonds':2,
'zero_charge' : [],
}
d['lig152'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'SA' ],
'rbonds':2,
'zero_charge' : [],
}
d['lig153'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig154'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig155'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig156'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig157'] = {'atom_types': ['C', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig158'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig159'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig15'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig160'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig161'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig162'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig163'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig164'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig165'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig166'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig167'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig168'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig169'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig16'] = {'atom_types': ['A', 'C', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig170'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig171'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig172'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig173'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'SA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig174'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'S' ],
'rbonds':7,
'zero_charge' : [],
}
d['lig175'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig176'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig177'] = {'atom_types': ['A', 'Br', 'C', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig178'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'SA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig179'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig17'] = {'atom_types': ['A', 'C', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig180'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig181'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig182'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig183'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'SA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig184'] = {'atom_types': ['A', 'C', 'F', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig185'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'SA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig186'] = {'atom_types': ['A', 'C', 'F', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig187'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'SA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig188'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig189'] = {'atom_types': ['C', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig18'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig190'] = {'atom_types': ['C', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig191'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig192'] = {'atom_types': ['C', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig193'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'S' ],
'rbonds':7,
'zero_charge' : [],
}
d['lig194'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig195'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig196'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'SA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig197'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig198'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig199'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'S' ],
'rbonds':7,
'zero_charge' : [],
}
d['lig19'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig1'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'SA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig200'] = {'atom_types': ['A', 'C', 'F', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig201'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig202'] = {'atom_types': ['A', 'C', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig203'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig204'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig205'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'SA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig206'] = {'atom_types': ['A', 'C', 'F', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig207'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'S' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig208'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig209'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig20'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig210'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig211'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig212'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'S' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig213'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA', 'SA' ],
'rbonds':7,
'zero_charge' : [],
}
d['lig214'] = {'atom_types': ['A', 'C', 'NA', 'OA', 'S' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig215'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig216'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig217'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig218'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'SA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig219'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig21'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig220'] = {'atom_types': ['C', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig221'] = {'atom_types': ['A', 'C', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig222'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig223'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig224'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig225'] = {'atom_types': ['A', 'C', 'F', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig226'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'S' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig227'] = {'atom_types': ['C', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig228'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig229'] = {'atom_types': ['A', 'C', 'F', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig22'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig230'] = {'atom_types': ['A', 'C', 'F', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig231'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig232'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'SA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig233'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig234'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig235'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'SA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig236'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig237'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig238'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA', 'SA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig239'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig23'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig240'] = {'atom_types': ['A', 'Br', 'C', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig241'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig242'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig243'] = {'atom_types': ['C', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig244'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':2,
'zero_charge' : [],
}
d['lig245'] = {'atom_types': ['A', 'C', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig246'] = {'atom_types': ['A', 'C', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig247'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig248'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'SA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig249'] = {'atom_types': ['A', 'C', 'F', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig24'] = {'atom_types': ['A', 'Br', 'C', 'HD', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig250'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig251'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA', 'SA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig252'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig253'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig254'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig255'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'S' ],
'rbonds':7,
'zero_charge' : [],
}
d['lig256'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig257'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig258'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig259'] = {'atom_types': ['A', 'C', 'N', 'OA' ],
'rbonds':2,
'zero_charge' : [],
}
d['lig25'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N' ],
'rbonds':2,
'zero_charge' : [],
}
d['lig260'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig261'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig262'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig263'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig264'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig265'] = {'atom_types': ['A', 'C', 'N', 'OA', 'SA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig266'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'SA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig267'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig268'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'SA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig269'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig26'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'SA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig270'] = {'atom_types': ['C', 'N', 'OA' ],
'rbonds':2,
'zero_charge' : [],
}
d['lig271'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig272'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig273'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig274'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig275'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig276'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig277'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig278'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'SA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig279'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'S' ],
'rbonds':7,
'zero_charge' : [],
}
d['lig27'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig280'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig281'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'SA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig282'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig28'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig29'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'SA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig2'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig30'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig31'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig32'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig33'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig34'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig35'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig36'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig37'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig38'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig39'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig3'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig40'] = {'atom_types': ['C', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig41'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig42'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig43'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig44'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig45'] = {'atom_types': ['A', 'Br', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig46'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig47'] = {'atom_types': ['C', 'HD', 'N', 'OA' ],
'rbonds':2,
'zero_charge' : [],
}
d['lig48'] = {'atom_types': ['C', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig49'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig4'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig50'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig51'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA', 'S' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig52'] = {'atom_types': ['A', 'C', 'N', 'OA' ],
'rbonds':2,
'zero_charge' : [],
}
d['lig53'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig54'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'SA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig55'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig56'] = {'atom_types': ['A', 'C', 'N', 'OA', 'SA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig57'] = {'atom_types': ['A', 'C', 'F', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig58'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'SA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig59'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig5'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig60'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'S' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig61'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig62'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig63'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig64'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig65'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig66'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':7,
'zero_charge' : [],
}
d['lig67'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'SA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig68'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig69'] = {'atom_types': ['A', 'C', 'HD', 'NA', 'OA', 'S' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig6'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'SA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig70'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig71'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'SA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig72'] = {'atom_types': ['A', 'C', 'N', 'OA', 'SA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig73'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig74'] = {'atom_types': ['A', 'C', 'F', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig75'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig76'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig77'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig78'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig79'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig7'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA', 'SA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig80'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig81'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig82'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig83'] = {'atom_types': ['A', 'Br', 'C', 'HD', 'N', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
d['lig84'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig85'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'S', 'SA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig86'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig87'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':7,
'zero_charge' : [],
}
d['lig88'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig89'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig8'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':6,
'zero_charge' : [],
}
d['lig90'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig91'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':2,
'zero_charge' : [],
}
d['lig92'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':7,
'zero_charge' : [],
}
d['lig93'] = {'atom_types': ['C', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig94'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig95'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':7,
'zero_charge' : [],
}
d['lig96'] = {'atom_types': ['A', 'C', 'N', 'NA', 'OA' ],
'rbonds':5,
'zero_charge' : [],
}
d['lig97'] = {'atom_types': ['A', 'C', 'HD', 'N', 'OA' ],
'rbonds':7,
'zero_charge' : [],
}
d['lig98'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA', 'SA' ],
'rbonds':3,
'zero_charge' : [],
}
d['lig99'] = {'atom_types': ['A', 'C', 'HD', 'N', 'NA', 'OA' ],
'rbonds':7,
'zero_charge' : [],
}
d['lig9'] = {'atom_types': ['A', 'C', 'F', 'HD', 'N', 'NA', 'OA' ],
'rbonds':4,
'zero_charge' : [],
}
| [
49736,
796,
288,
796,
23884,
198,
67,
17816,
4604,
15,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
940,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1157,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1065,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1485,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1415,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1314,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1433,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1558,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1507,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1129,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
16,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1238,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2481,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1828,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1954,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1731,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1495,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2075,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1983,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2078,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1959,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
17,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1270,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
3132,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2624,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2091,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2682,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2327,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2623,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2718,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2548,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2670,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
18,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1821,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
3901,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
3682,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
3559,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2598,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2231,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
3510,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
15,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
940,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1157,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1065,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1485,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1415,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1314,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1433,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1558,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1507,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1129,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
16,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1238,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2481,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1828,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1954,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1731,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1495,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2075,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1983,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2078,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1959,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
17,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1270,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
3132,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2624,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2091,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2682,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2327,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2623,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2718,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2548,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2670,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
18,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1821,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
3901,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
3682,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
3559,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2598,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2231,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
3510,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2857,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2780,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2920,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
19,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
20,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
17,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
21,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
22,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
23,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
24,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
15,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
3064,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
8784,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
15377,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
17,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
15197,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
13464,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
13348,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
15801,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
15982,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
17,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
15711,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
14454,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
940,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
11442,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
16243,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
14686,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
16616,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
16562,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
15363,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
18298,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
17,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
17657,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
16817,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
16315,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
22,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1157,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
10232,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
19244,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
18376,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
17,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
10163,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
17464,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
11623,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
19420,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
16799,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
9414,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
12762,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
3256,
705,
50,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
18741,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
50,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1065,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
12952,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
22042,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
19924,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
16945,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
19880,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
17059,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
20809,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
3256,
705,
50,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
19708,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
20107,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
20219,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1485,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
15187,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
23756,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
23726,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
21139,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
18444,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
9414,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
18781,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
20964,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
20198,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
18294,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
19442,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1415,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
8628,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
23621,
3256,
705,
50,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
24309,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
17,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
17827,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
17,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
21395,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
21526,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
18742,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
21599,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
18458,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
21273,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
19707,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1314,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
14198,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
25948,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
25061,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
24136,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
23237,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
20986,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
23055,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
21940,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
14656,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
22172,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1433,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
17279,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
27192,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
23628,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
25399,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
22985,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
50,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
22,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
17430,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
24096,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
22413,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
9414,
3256,
705,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
23188,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
21738,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1558,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
15259,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
27057,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
24294,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
24839,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
22883,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
21652,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
25096,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
23451,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
20356,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
23362,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1507,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
19782,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
26492,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
17477,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
24943,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
50,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
22,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
22913,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
22186,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
25272,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
24991,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
22337,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
19104,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
50,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
22,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1129,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
16,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2167,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1264,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
19004,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
22416,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
18638,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
21261,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
22136,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
22745,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
50,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
21315,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
22567,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1238,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
21536,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
21895,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
21777,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
50,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
26427,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
22,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
22291,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
50,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
23349,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
20666,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
24591,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
28727,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
28896,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2481,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
17572,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
26115,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
23148,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
22047,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
24137,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
18182,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
24909,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
50,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
24403,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
23815,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
23539,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1828,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
19214,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
25667,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
24339,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
25429,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
24409,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
22370,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
24940,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
24693,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
23721,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
23516,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1954,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
16102,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
9414,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
28872,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
27877,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
26660,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
25707,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
17,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
22995,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
26912,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
23753,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
23045,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
21626,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1731,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
9414,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
9031,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
28072,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
22800,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
28592,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
24970,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
13381,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
50,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
22,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
11645,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
28676,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
25600,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
25191,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
17,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1495,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
17,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
21719,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
30057,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
29119,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
29558,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
18897,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
22980,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
25540,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
25674,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
25022,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
26276,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2075,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
20233,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
17,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
28977,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
29807,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
27367,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
28857,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
23195,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
27988,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
27019,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
25870,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
26050,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
50,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
22,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1983,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
21033,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
30368,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
32568,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
30290,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
30336,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
26279,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
27033,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
27800,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
25270,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
27693,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2078,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
24369,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
33551,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
32759,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
31675,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
27696,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
25710,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
27137,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
26561,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
27728,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
22579,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1959,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
17,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
6200,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
18938,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
22709,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
22572,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
21288,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
22515,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
20548,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
22996,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
9414,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
21495,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
17,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
26895,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1270,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
26717,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
36244,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
27970,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
25838,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
33638,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
27936,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
33400,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
34125,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
36042,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
35175,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
3132,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
19504,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
36453,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
37283,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
32637,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
33916,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
26582,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
39195,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
34159,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
34256,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
9414,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
37967,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2624,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
26073,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
17,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
31697,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
32148,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
20370,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
31380,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
3256,
705,
50,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
27326,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
17,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
29211,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
31496,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
28460,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
29626,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2091,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
23601,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
33660,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
31575,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
32118,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
50,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
33535,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
27712,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
30557,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
30995,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
28978,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
27371,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
22,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2682,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
14877,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
35273,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
33394,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
50,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
33319,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
32182,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
28567,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
32066,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
27277,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
31128,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
30743,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2327,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
15277,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
35195,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
35667,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
35447,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
26780,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
24760,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
32459,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
9414,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
27824,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
27412,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
50,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
30803,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2623,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
20167,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
22,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
38056,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
36720,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
34770,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
31020,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
17,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
22318,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
22,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
32128,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
26514,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
30695,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
22,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
29088,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2718,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
23734,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
22,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
36626,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
36243,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
22,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
34741,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
22842,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
27203,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
17,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
21734,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
32220,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
30460,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
29769,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2548,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
25964,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
17,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
37710,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
32321,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
26007,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
34626,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
31010,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
34107,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
33372,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
31952,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
28771,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
17,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2670,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
18,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
7029,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
21844,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
32531,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
22,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
31552,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
26429,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
26598,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
17,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
29703,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
30120,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
26200,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
29416,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1821,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
33289,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
9414,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
42224,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
3256,
705,
50,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
39226,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
50,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
44103,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
37309,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
35038,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
35218,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
38547,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
39667,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
45068,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
3256,
705,
50,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
3901,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
27211,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
46636,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
44361,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
43356,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
40090,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
32114,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
42780,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
42363,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
9414,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
40173,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
11785,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
3682,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
31794,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
50080,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
45331,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
42117,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
23621,
3256,
705,
50,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
47101,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
17,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
40064,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
17,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
43690,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
43284,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
43704,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
47106,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
3559,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
25644,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
39710,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
39506,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
34938,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
30272,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
43489,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
27260,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
34825,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
31115,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
31911,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2598,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
17885,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
36330,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
37730,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
36625,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
34229,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
30505,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
29228,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
33032,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
50,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
22,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
29334,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
33459,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2231,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
9414,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
34716,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
9414,
3256,
705,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
40652,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
39997,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
38380,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
44578,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
42018,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
42199,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
24669,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
38472,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
42947,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
3510,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
27790,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
38339,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
37856,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
37804,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
38652,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
32576,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
35435,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
50,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
22,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
32883,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
29059,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
31714,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2857,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
17,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
22148,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
40271,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
40149,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
50,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
22,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
38783,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
34137,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
32642,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
34251,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
35133,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
33646,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
35890,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2780,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
31503,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
50,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
41289,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
40256,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
43134,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
39449,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
33781,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
50,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
37747,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
22,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
38073,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
50,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
36260,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
28324,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2920,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
19,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
4059,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
33548,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
35126,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
31938,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
33580,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
31654,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
35638,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
35378,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
33042,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
29022,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
50,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1120,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
33690,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
41647,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
25836,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
48645,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
47396,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
45969,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
47493,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
48170,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
44085,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
47785,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
4349,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
3256,
705,
50,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
31211,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
20,
2481,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
49542,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
49803,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
9414,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
48057,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
39088,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
48531,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
20,
1983,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
17,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
49351,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
49721,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
4309,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
17,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
38612,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
20,
3132,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
20,
2624,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
44994,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
20,
2682,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
44465,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
44468,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
46096,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
49561,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
50,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
22,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
20,
2670,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
4310,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
35005,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
20,
3901,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
20,
3682,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
17,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
20,
3559,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
47576,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
45326,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
49489,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
20,
2857,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
49934,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
44966,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
4051,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
22730,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
43697,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
40427,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
48096,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
17,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
44218,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
31046,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
37864,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
41948,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
40486,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
38605,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2816,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
34135,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
47915,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
43918,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
50,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
22,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
46572,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
20,
2414,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
47372,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
20,
2791,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
20,
3134,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
49211,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
20,
3388,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
3980,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
39254,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
42875,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
48724,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
48638,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
46900,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
36189,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
37452,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
49447,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
38907,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
41734,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
3553,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
39322,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
48630,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
46044,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
46239,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
46352,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
38905,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
29796,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
44617,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
39118,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
44169,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
3365,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
36993,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
9414,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
48952,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
17,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
45839,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
49051,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
46438,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
35124,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
45734,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
43239,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
41292,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
43452,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
3270,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
20,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
8054,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
41706,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
31418,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
35642,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
31916,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
32417,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
33206,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
31980,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
28688,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
31751,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1899,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
50,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
39132,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
21,
1157,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
9414,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
43610,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
47512,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
17,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
46841,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
47007,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
44214,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
47941,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
3256,
705,
50,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
47448,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
17,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
21,
1129,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
5333,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
38850,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
21,
2481,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
21,
1828,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
46872,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
21,
1731,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
26704,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
45191,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
50,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
49856,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
48200,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
48602,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
5237,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
30005,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
21,
3132,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
21,
2624,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
22,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
21,
2091,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
21,
2682,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
48250,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
50,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
21,
2623,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
21,
2718,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
21,
2548,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
21,
2670,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
5066,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
31102,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
42759,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
41290,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
41813,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
29173,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
49259,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
27720,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
33981,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
34287,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
33300,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
9414,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2414,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
17544,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
40639,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
50,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
43193,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
46435,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
22,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
39111,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
35916,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
37466,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
37680,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
17,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
38431,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
22,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
36445,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2996,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
39885,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
47159,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
22,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
39380,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
45791,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
22,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
21,
2414,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
36879,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
22,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
27310,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
28933,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
35809,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
17,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
36657,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2791,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
22,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
43798,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
46250,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
43864,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
45758,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
17,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
45385,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
42444,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
42548,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
40179,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
30924,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
37601,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
3134,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
37397,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
48564,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
43950,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
17,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
47521,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
41580,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
35978,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
22,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
33808,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
39925,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
34427,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
17,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
40523,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
3104,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
35844,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
49541,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
46589,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
48528,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
9414,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
45214,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
3256,
705,
50,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
37381,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
50,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
38205,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
40035,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
39357,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
47325,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
3388,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
50,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
21,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
9879,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
41583,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
36680,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
3256,
705,
50,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
36809,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
32869,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
34801,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
35402,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
24038,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
32583,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
31495,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2154,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
43147,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
9414,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
22,
1157,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
49517,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
50055,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
45722,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
22,
1314,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
22,
1433,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
23621,
3256,
705,
50,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
22,
1558,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
17,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
45720,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
17,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
22,
1129,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
4869,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
23906,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
22,
2481,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
22,
1828,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
22,
1954,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
22,
1731,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
45151,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
22,
2075,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
47760,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
48524,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
48555,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
4761,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
43916,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
22,
3132,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
22,
2624,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
49995,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
22,
2682,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
22,
2327,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
49150,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
22,
2718,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
22,
2548,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
22,
2670,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
4790,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
45598,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
50,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
22,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
22,
3901,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
22,
3682,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
22,
3559,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
9414,
3256,
705,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
22,
2598,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
50150,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
22,
3510,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
48882,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
48246,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
22,
2920,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
4524,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
15426,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
48365,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
43665,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
44550,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
41874,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
38172,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
38219,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
39251,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
38569,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
38314,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
50,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
22,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2425,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
40761,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
4304,
16,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
48194,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
49641,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
22,
2414,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
29143,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
50,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
22,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
22,
2791,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
32059,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
30610,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
22,
3388,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
4304,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
41820,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
46761,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
43571,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
46871,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
50,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
47582,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
34483,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
39509,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
29331,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
39761,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
50,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
40393,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
22,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
3324,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
40873,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
50,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
49703,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
46519,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
50165,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
37688,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
41172,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
46302,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
41019,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
22,
3459,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
40401,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
3695,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
37750,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
3720,
16,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
48156,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
50,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
44750,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
50242,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
41544,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
41060,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
44673,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
43240,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
45455,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
3720,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
22,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
7410,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
41531,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
30863,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
43564,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
36088,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
28256,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
37988,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
9414,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
36928,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
28362,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
34583,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1795,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
40215,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
17,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
23,
1157,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
23,
1065,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
23,
1485,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
23,
1415,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
49503,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
23,
1433,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
23,
1558,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
23,
1507,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
23,
1129,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
6659,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
41739,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
23,
2481,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
50,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
22,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
23,
1828,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
23,
1954,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
23,
1731,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
47338,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
17,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
23,
2075,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
23,
1983,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
23,
2078,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
23,
1959,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
6469,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
48341,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
23,
3132,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
23,
2624,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
48634,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
23,
2682,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
23,
2327,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
23,
2623,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
17,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
23,
2718,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
23,
2548,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
23,
2670,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
5999,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
9414,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
40675,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
23,
3901,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
23,
3682,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
23,
3559,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
23,
2598,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
23,
2231,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
50,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
22,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
23,
3510,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
23,
2857,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
23,
2780,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
5705,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
5332,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
50,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
4521,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
5774,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
22,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
3459,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
4531,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
23,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
3829,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
6420,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
17,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
5892,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
22,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
6052,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
5824,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
3865,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
22,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
4846,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
5607,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
22,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
4089,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2079,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
22,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
24,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
15,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
3064,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
8784,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
15377,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
17,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
15197,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
13464,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
13348,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
15801,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
15982,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
17,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
15711,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
14454,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
940,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
11442,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
16243,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
14686,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
16616,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
16562,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
15363,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
18298,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
17,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
17657,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
16817,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
16315,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
22,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1157,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
10232,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
19244,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
18376,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
17,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
10163,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
17464,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
11623,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
19420,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
16799,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
9414,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
12762,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
3256,
705,
50,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
18741,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
50,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1065,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
12952,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
22042,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
19924,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
16945,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
19880,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
17059,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
20809,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
3256,
705,
50,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
19708,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
20107,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
20219,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1485,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
15187,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
23756,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
23726,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
21139,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
18444,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
9414,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
18781,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
20964,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
20198,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
18294,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
19442,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1415,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
8628,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
23621,
3256,
705,
50,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
24309,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
17,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
17827,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
17,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
21395,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
21526,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
18742,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
21599,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
18458,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
21273,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
19707,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1314,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
14198,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
25948,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
25061,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
24136,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
23237,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
20986,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
23055,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
21940,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
14656,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
22172,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1433,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
17279,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
27192,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
23628,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
25399,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
22985,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
50,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
22,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
17430,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
24096,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
22413,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
9414,
3256,
705,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
23188,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
21738,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1558,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
15259,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
27057,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
24294,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
24839,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
22883,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
21652,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
25096,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
23451,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
20356,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
23362,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1507,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
19782,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
26492,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
17477,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
24943,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
50,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
22,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
22913,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
22186,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
25272,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
24991,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
22337,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
19104,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
50,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
22,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1129,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
16,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2167,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1264,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
19004,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
22416,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
18638,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
21261,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
22136,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
22745,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
50,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
21315,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
22567,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1238,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
21536,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
21895,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
21777,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
50,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
26427,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
22,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
22291,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
50,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
23349,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
20666,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
24591,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
28727,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
28896,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2481,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
17572,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
26115,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
23148,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
22047,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
24137,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
18182,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
24909,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
50,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
24403,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
23815,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
23539,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1828,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
19214,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
25667,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
24339,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
25429,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
24409,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
22370,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
24940,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
24693,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
23721,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
23516,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1954,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
16102,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
9414,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
28872,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
27877,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
26660,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
25707,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
17,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
22995,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
26912,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
23753,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
23045,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
21626,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1731,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
9414,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
9031,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
28072,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
22800,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
28592,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
24970,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
13381,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
50,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
22,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
11645,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
28676,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
25600,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
25191,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
17,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1495,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
17,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
21719,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
30057,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
29119,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
29558,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
18897,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
22980,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
25540,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
25674,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
25022,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
26276,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2075,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
20233,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
17,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
28977,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
29807,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
27367,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
28857,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
23195,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
27988,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
27019,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
25870,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
26050,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
50,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
22,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1983,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
21033,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
30368,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
32568,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2078,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1959,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
17,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1270,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
3132,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2624,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2091,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2682,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2327,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2623,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2718,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2548,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2670,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
18,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1821,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
3901,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
3682,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
3559,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2598,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2231,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
9414,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
3510,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2857,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
17,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2780,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2920,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
19,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1120,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
4349,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
3256,
705,
50,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
4309,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
17,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
4310,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
4051,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2816,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
3980,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
3553,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
3365,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
3270,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
20,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1899,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
50,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
5333,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
5237,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
5066,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2414,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2996,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2791,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
22,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
3134,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
3104,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
3388,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
50,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
21,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2154,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
4869,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
4761,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
4790,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
4524,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2425,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
4304,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
3324,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
3695,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
3720,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
22,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
1795,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
6659,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
6469,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
5999,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
9414,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
5705,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
5332,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
50,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
4521,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
5774,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
22,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
3459,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
4531,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
23,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
21,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
3829,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
6420,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
17,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
5892,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
22,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
6052,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
5824,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
3865,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
22,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
4846,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
20,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
5607,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
22,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
4089,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
3256,
705,
4090,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
18,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
2079,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
22,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198,
67,
17816,
4604,
24,
20520,
796,
1391,
6,
37696,
62,
19199,
10354,
37250,
32,
3256,
705,
34,
3256,
705,
37,
3256,
705,
10227,
3256,
705,
45,
3256,
705,
4535,
3256,
705,
23621,
6,
16589,
198,
197,
197,
197,
6,
26145,
24764,
10354,
19,
11,
198,
197,
197,
197,
6,
22570,
62,
10136,
6,
1058,
685,
4357,
198,
197,
197,
197,
92,
198
] | 1.815114 | 71,379 |
#!/usr/bin/env python3
# -*- coding: utf-8 -*-
# -----------------------------------------------------------------------------
# Snips Lights + Homeassistant
# -----------------------------------------------------------------------------
# Copyright 2019 Patrick Fial
# -----------------------------------------------------------------------------
# Permission is hereby granted, free of charge, to any person obtaining a copy of this software and
# associated documentation files (the "Software"), to deal in the Software without restriction,
# including without limitation the rights to use, copy, modify, merge, publish, distribute, sublicense,
# and/or sell copies of the Software, and to permit persons to whom the Software is furnished to do so,
# subject to the following conditions:
#
# The above copyright notice and this permission notice shall be included in all copies or substantial
# portions of the Software.
#
# THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR IMPLIED, INCLUDING BUT NOT
# LIMITED TO THE WARRANTIES OF MERCHANTABILITY, FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT.
# IN NO EVENT SHALL THE AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER LIABILITY,
# WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, OUT OF OR IN CONNECTION WITH THE
# SOFTWARE OR THE USE OR OTHER DEALINGS IN THE SOFTWARE.
# -----------------------------------------------------------------------------
# Imports
# -----------------------------------------------------------------------------
import io
import toml
import requests
import logging
from os import environ
from snipsTools import SnipsConfigParser
from hermes_python.hermes import Hermes
from hermes_python.ontology import *
# -----------------------------------------------------------------------------
# global definitions (home assistant service URLs)
# -----------------------------------------------------------------------------
HASS_LIGHTS_ON_SVC = "/api/services/light/turn_on"
HASS_LIGHTS_OFF_SVC = "/api/services/light/turn_off"
HASS_GROUP_ON_SVC = "/api/services/homeassistant/turn_on"
HASS_GROUP_OFF_SVC = "/api/services/homeassistant/turn_off"
HASS_AUTOMATION_ON_SVC = "/api/services/automation/turn_on"
HASS_AUTOMATION_OFF_SVC = "/api/services/automation/turn_off"
APP_ID = "snips-skill-s710-lights"
# -----------------------------------------------------------------------------
# class App
# -----------------------------------------------------------------------------
# -------------------------------------------------------------------------
# ctor
# -----------------------------------------------------------------------------
# read_toml
# -------------------------------------------------------------------------
# start
# -------------------------------------------------------------------------
# on_intent
# -------------------------------------------------------------------------
# done
# -------------------------------------------------------------------------
# params_of
# -----------------------------------------------------------------------------
# main
# -----------------------------------------------------------------------------
if __name__ == "__main__":
App()
| [
2,
48443,
14629,
14,
8800,
14,
24330,
21015,
18,
198,
2,
532,
9,
12,
19617,
25,
3384,
69,
12,
23,
532,
9,
12,
198,
198,
2,
16529,
32501,
198,
2,
5489,
2419,
22661,
1343,
5995,
562,
10167,
198,
2,
16529,
32501,
198,
2,
15069,
13130,
9925,
376,
498,
198,
2,
16529,
32501,
198,
2,
2448,
3411,
318,
29376,
7520,
11,
1479,
286,
3877,
11,
284,
597,
1048,
16727,
257,
4866,
286,
428,
3788,
290,
220,
198,
2,
3917,
10314,
3696,
357,
1169,
366,
25423,
12340,
284,
1730,
287,
262,
10442,
1231,
17504,
11,
220,
198,
2,
1390,
1231,
17385,
262,
2489,
284,
779,
11,
4866,
11,
13096,
11,
20121,
11,
7715,
11,
14983,
11,
850,
43085,
11,
220,
198,
2,
290,
14,
273,
3677,
9088,
286,
262,
10442,
11,
290,
284,
8749,
6506,
284,
4150,
262,
10442,
318,
30760,
284,
466,
523,
11,
220,
198,
2,
2426,
284,
262,
1708,
3403,
25,
198,
2,
198,
2,
383,
2029,
6634,
4003,
290,
428,
7170,
4003,
2236,
307,
3017,
287,
477,
9088,
393,
8904,
220,
198,
2,
16690,
286,
262,
10442,
13,
198,
2,
198,
2,
3336,
47466,
3180,
36592,
2389,
1961,
366,
1921,
3180,
1600,
42881,
34764,
56,
3963,
15529,
509,
12115,
11,
7788,
32761,
6375,
8959,
49094,
11,
47783,
2751,
21728,
5626,
220,
198,
2,
40880,
5390,
3336,
34764,
11015,
3963,
34482,
3398,
1565,
5603,
25382,
11,
376,
46144,
7473,
317,
16652,
2149,
37232,
33079,
48933,
5357,
44521,
1268,
10913,
2751,
12529,
13,
220,
198,
2,
3268,
8005,
49261,
50163,
3336,
37195,
20673,
6375,
27975,
38162,
9947,
367,
15173,
4877,
9348,
43031,
19146,
7473,
15529,
47666,
3955,
11,
29506,
25552,
6375,
25401,
43031,
25382,
11,
220,
198,
2,
7655,
2767,
16879,
3268,
3537,
40282,
3963,
27342,
10659,
11,
309,
9863,
6375,
25401,
54,
24352,
11,
5923,
1797,
2751,
16034,
11,
16289,
3963,
6375,
3268,
7102,
45,
24565,
13315,
3336,
220,
198,
2,
47466,
6375,
3336,
23210,
6375,
25401,
5550,
1847,
20754,
3268,
3336,
47466,
13,
198,
198,
2,
16529,
32501,
198,
2,
1846,
3742,
198,
2,
16529,
32501,
198,
198,
11748,
33245,
198,
11748,
284,
4029,
198,
11748,
7007,
198,
11748,
18931,
198,
6738,
28686,
1330,
551,
2268,
198,
198,
6738,
3013,
2419,
33637,
1330,
5489,
2419,
16934,
46677,
198,
6738,
607,
6880,
62,
29412,
13,
372,
6880,
1330,
41167,
198,
6738,
607,
6880,
62,
29412,
13,
756,
1435,
1330,
1635,
198,
198,
2,
16529,
32501,
198,
2,
3298,
17336,
357,
11195,
8796,
2139,
32336,
8,
198,
2,
16529,
32501,
198,
198,
39,
10705,
62,
43,
34874,
62,
1340,
62,
50,
15922,
796,
12813,
15042,
14,
30416,
14,
2971,
14,
15344,
62,
261,
1,
198,
39,
10705,
62,
43,
34874,
62,
27977,
62,
50,
15922,
796,
12813,
15042,
14,
30416,
14,
2971,
14,
15344,
62,
2364,
1,
198,
39,
10705,
62,
46846,
62,
1340,
62,
50,
15922,
796,
12813,
15042,
14,
30416,
14,
11195,
562,
10167,
14,
15344,
62,
261,
1,
198,
39,
10705,
62,
46846,
62,
27977,
62,
50,
15922,
796,
12813,
15042,
14,
30416,
14,
11195,
562,
10167,
14,
15344,
62,
2364,
1,
198,
39,
10705,
62,
39371,
2662,
6234,
62,
1340,
62,
50,
15922,
796,
12813,
15042,
14,
30416,
14,
2306,
296,
341,
14,
15344,
62,
261,
1,
198,
39,
10705,
62,
39371,
2662,
6234,
62,
27977,
62,
50,
15922,
796,
12813,
15042,
14,
30416,
14,
2306,
296,
341,
14,
15344,
62,
2364,
1,
198,
24805,
62,
2389,
796,
366,
16184,
2419,
12,
42401,
12,
82,
43147,
12,
8091,
1,
198,
198,
2,
16529,
32501,
198,
2,
1398,
2034,
198,
2,
16529,
32501,
628,
220,
220,
220,
1303,
16529,
45537,
198,
220,
220,
220,
1303,
269,
13165,
628,
220,
220,
220,
1303,
16529,
32501,
198,
220,
220,
220,
1303,
1100,
62,
39532,
75,
628,
220,
220,
220,
1303,
16529,
45537,
198,
220,
220,
220,
1303,
923,
628,
220,
220,
220,
1303,
16529,
45537,
198,
220,
220,
220,
1303,
319,
62,
48536,
628,
220,
220,
220,
1303,
16529,
45537,
198,
220,
220,
220,
1303,
1760,
628,
220,
220,
220,
1303,
16529,
45537,
198,
220,
220,
220,
1303,
42287,
62,
1659,
198,
198,
2,
16529,
32501,
198,
2,
1388,
198,
2,
16529,
32501,
198,
198,
361,
11593,
3672,
834,
6624,
366,
834,
12417,
834,
1298,
198,
220,
220,
220,
2034,
3419,
198
] | 4.71835 | 703 |
# Generated by Django 3.0.4 on 2020-04-21 21:32
from django.db import migrations
| [
2,
2980,
515,
416,
37770,
513,
13,
15,
13,
19,
319,
12131,
12,
3023,
12,
2481,
2310,
25,
2624,
198,
198,
6738,
42625,
14208,
13,
9945,
1330,
15720,
602,
628
] | 2.766667 | 30 |
for _ in range(int(input())):
n = input()
if n in {'1', '4', '78'}:
print('+')
elif n.endswith('35'):
print('-')
elif n.startswith('9') and n.endswith('4'):
print('*')
else:
print('?')
| [
1640,
4808,
287,
2837,
7,
600,
7,
15414,
28955,
2599,
198,
220,
220,
220,
299,
796,
5128,
3419,
198,
220,
220,
220,
611,
299,
287,
1391,
6,
16,
3256,
705,
19,
3256,
705,
3695,
6,
38362,
198,
220,
220,
220,
220,
220,
220,
220,
3601,
10786,
10,
11537,
198,
220,
220,
220,
1288,
361,
299,
13,
437,
2032,
342,
10786,
2327,
6,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
3601,
10786,
12,
11537,
198,
220,
220,
220,
1288,
361,
299,
13,
9688,
2032,
342,
10786,
24,
11537,
290,
299,
13,
437,
2032,
342,
10786,
19,
6,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
3601,
10786,
9,
11537,
198,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
3601,
10786,
8348,
8,
198
] | 1.823077 | 130 |
"""Tests the ``gdc_filtration_tools.tools.extract_oxoq`` module.
"""
import sqlite3
import tempfile
import unittest
import attr
from gdc_filtration_tools.tools.extract_oxoq import extract_oxoq_from_sqlite, get_oxoq
from tests.utils import captured_output, cleanup_files
@attr.s
def build_test_schema(conn):
"""
utility to set test schemas.
"""
sql_script = """
DROP TABLE IF EXISTS "picard_CollectOxoGMetrics";
CREATE TABLE "picard_CollectOxoGMetrics" (
TOTAL_BASES TEXT,
ALT_OXO_BASES TEXT,
ALT_NONOXO_BASES TEXT,
OXIDATION_Q TEXT,
CONTEXT TEXT,
input_state TEXT
);
"""
csr = conn.executescript(sql_script)
csr.close()
| [
37811,
51,
3558,
262,
7559,
70,
17896,
62,
69,
36055,
62,
31391,
13,
31391,
13,
2302,
974,
62,
1140,
78,
80,
15506,
8265,
13,
198,
37811,
198,
11748,
44161,
578,
18,
198,
11748,
20218,
7753,
198,
11748,
555,
715,
395,
198,
198,
11748,
708,
81,
198,
198,
6738,
308,
17896,
62,
69,
36055,
62,
31391,
13,
31391,
13,
2302,
974,
62,
1140,
78,
80,
1330,
7925,
62,
1140,
78,
80,
62,
6738,
62,
25410,
578,
11,
651,
62,
1140,
78,
80,
198,
6738,
5254,
13,
26791,
1330,
7907,
62,
22915,
11,
27425,
62,
16624,
628,
198,
31,
35226,
13,
82,
628,
198,
4299,
1382,
62,
9288,
62,
15952,
2611,
7,
37043,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
10361,
284,
900,
1332,
3897,
5356,
13,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
44161,
62,
12048,
796,
37227,
198,
220,
220,
220,
10560,
3185,
43679,
16876,
7788,
1797,
4694,
366,
16564,
446,
62,
31337,
38208,
78,
38,
9171,
10466,
8172,
198,
220,
220,
220,
29244,
6158,
43679,
366,
16564,
446,
62,
31337,
38208,
78,
38,
9171,
10466,
1,
357,
198,
220,
220,
220,
220,
220,
220,
220,
36247,
62,
33,
1921,
1546,
40383,
11,
198,
220,
220,
220,
220,
220,
220,
220,
8355,
51,
62,
48632,
46,
62,
33,
1921,
1546,
40383,
11,
198,
220,
220,
220,
220,
220,
220,
220,
8355,
51,
62,
45,
1340,
48632,
46,
62,
33,
1921,
1546,
40383,
11,
198,
220,
220,
220,
220,
220,
220,
220,
440,
55,
2389,
6234,
62,
48,
40383,
11,
198,
220,
220,
220,
220,
220,
220,
220,
22904,
13918,
40383,
11,
198,
220,
220,
220,
220,
220,
220,
220,
5128,
62,
5219,
40383,
198,
220,
220,
220,
5619,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
269,
27891,
796,
48260,
13,
18558,
1769,
6519,
7,
25410,
62,
12048,
8,
198,
220,
220,
220,
269,
27891,
13,
19836,
3419,
628
] | 2.269841 | 315 |
"""
dialog module
"""
from time import sleep
from typing import Tuple
import matplotlib.pyplot as plt
# from matplotlib.image import AxesImage
from matplotlib.patches import Rectangle
import numpy as np
Point = Tuple[int, int]
i = 3 # type: int
i = '3'
class Ui(object):
"""
dialog
"""
def show_photo(
self,
file: str
) -> None:
""" show photo
"""
img = plt.imread(file)
self.im = plt.imshow(img)
def draw_rectangle(
self,
x: int,
y: int,
width: int,
height: int,
) -> None:
""" draw """
rgba = np.random.rand(4,)
# color = color.list()
rect = Rectangle(
[x, y],
width,
height,
linewidth=1,
color=rgba,
edgecolor='r',
facecolor='none'
)
self.ax.add_patch(rect)
def draw(self) -> None:
""" refresh plt show """
# self.ax.draw()
plt.draw()
def show(self):
""" show """
self.ax.axis('off') # clear x- and y-axes
plt.show()
def pause(self, seconds: int) -> None:
""" pause """
plt.pause(seconds)
def sleep(self, seconds: int) -> None:
""" sleep """
sleep(seconds)
def interactive_mode(self, switch: bool = True) -> None:
""" interactive """
if switch:
plt.ion()
else:
plt.ioff()
def wait_key(self) -> None:
""" wait press """
# plt.pause(1) # <-------
# raw_input("<Hit Enter To Close>")
plt.waitforbuttonpress()
def huan(self, n: int) -> None:
""" test
"""
print('huan%d' % (n))
| [
37811,
198,
38969,
519,
8265,
198,
37811,
198,
6738,
640,
1330,
3993,
198,
6738,
19720,
1330,
309,
29291,
198,
198,
11748,
2603,
29487,
8019,
13,
9078,
29487,
355,
458,
83,
198,
2,
422,
2603,
29487,
8019,
13,
9060,
1330,
12176,
274,
5159,
198,
6738,
2603,
29487,
8019,
13,
8071,
2052,
1330,
48599,
9248,
198,
198,
11748,
299,
32152,
355,
45941,
198,
198,
12727,
796,
309,
29291,
58,
600,
11,
493,
60,
198,
198,
72,
796,
513,
220,
220,
1303,
2099,
25,
493,
198,
72,
796,
705,
18,
6,
628,
198,
4871,
471,
72,
7,
15252,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
17310,
198,
220,
220,
220,
37227,
628,
220,
220,
220,
825,
905,
62,
23074,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2393,
25,
965,
198,
220,
220,
220,
1267,
4613,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
905,
4590,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
33705,
796,
458,
83,
13,
320,
961,
7,
7753,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
320,
796,
458,
83,
13,
320,
12860,
7,
9600,
8,
628,
220,
220,
220,
825,
3197,
62,
2554,
9248,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2124,
25,
493,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
331,
25,
493,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
9647,
25,
493,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6001,
25,
493,
11,
198,
220,
220,
220,
1267,
4613,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
3197,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
48670,
7012,
796,
45941,
13,
25120,
13,
25192,
7,
19,
35751,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
3124,
796,
3124,
13,
4868,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
13621,
796,
48599,
9248,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
685,
87,
11,
331,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
9647,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6001,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
9493,
413,
5649,
28,
16,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3124,
28,
41345,
7012,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5743,
8043,
11639,
81,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1986,
8043,
11639,
23108,
6,
198,
220,
220,
220,
220,
220,
220,
220,
1267,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
897,
13,
2860,
62,
17147,
7,
2554,
8,
628,
220,
220,
220,
825,
3197,
7,
944,
8,
4613,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
14976,
458,
83,
905,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
2116,
13,
897,
13,
19334,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
458,
83,
13,
19334,
3419,
628,
220,
220,
220,
825,
905,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
905,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
897,
13,
22704,
10786,
2364,
11537,
220,
1303,
1598,
2124,
12,
290,
331,
12,
897,
274,
198,
220,
220,
220,
220,
220,
220,
220,
458,
83,
13,
12860,
3419,
628,
220,
220,
220,
825,
14985,
7,
944,
11,
4201,
25,
493,
8,
4613,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
14985,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
458,
83,
13,
32125,
7,
43012,
8,
628,
220,
220,
220,
825,
3993,
7,
944,
11,
4201,
25,
493,
8,
4613,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
3993,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
3993,
7,
43012,
8,
628,
220,
220,
220,
825,
14333,
62,
14171,
7,
944,
11,
5078,
25,
20512,
796,
6407,
8,
4613,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
14333,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
611,
5078,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
458,
83,
13,
295,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
458,
83,
13,
952,
487,
3419,
628,
220,
220,
220,
825,
4043,
62,
2539,
7,
944,
8,
4613,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
4043,
1803,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
458,
83,
13,
32125,
7,
16,
8,
1303,
1279,
26866,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
8246,
62,
15414,
7203,
27,
17889,
6062,
1675,
13872,
29,
4943,
198,
220,
220,
220,
220,
220,
220,
220,
458,
83,
13,
17077,
1640,
16539,
8439,
3419,
628,
220,
220,
220,
825,
289,
7258,
7,
944,
11,
299,
25,
493,
8,
4613,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
1332,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
3601,
10786,
71,
7258,
4,
67,
6,
4064,
357,
77,
4008,
628
] | 1.921336 | 928 |
#!/usr/bin/env python3
# -*- coding: utf-8 -*-
# Distributed under the terms of the MIT License.
"""
Module for plotting reaction-based functions.
Author: Andrew Tarzia
Date Created: 15 Sep 2018
"""
import numpy as np
import matplotlib.pyplot as plt
import matplotlib.colors as colors
from matplotlib.ticker import MaxNLocator
import plotting_fn as pfn
def no_rxns_vs_size(data, params, plot_suffix):
"""
Plot number of possible reactions as a function of size threshold.
"""
fig, ax = plt.subplots(figsize=(8, 5))
# bin each of the sets of data based on X value
width = 0.5
X_bins = np.arange(0, 20.5, width)
hist, bin_edges = np.histogram(a=data['max_mid_diam'], bins=X_bins)
ax2 = ax.twinx()
ax2.bar(
bin_edges[:-1],
hist,
align='edge',
alpha=0.9, width=width,
color='#2C3E50',
edgecolor='k'
)
# cumulative plot
cumul = np.cumsum(hist)
ax.plot(
bin_edges[:-1],
cumul,
alpha=1.0,
label='max component < threshold',
color='r',
marker='o'
)
# ax.axvspan(xmin=4.0, xmax=6.6, facecolor='k', alpha=0.2,
# hatch="/")
ax.axvspan(xmin=4.0, xmax=6.6, facecolor='k', alpha=0.2)
# ax.axvspan(xmin=5.4, xmax=6.6, facecolor='k', alpha=0.2)
# plot possible region of ZIF pore limiting diameters from
# Banerjee 2008 - 10.1126/science.1152516
# ax.axvspan(0.0, 13, facecolor='#2ca02c', alpha=0.2)
# ax.axvline(x=13.1, c='k', lw=2, linestyle='--')
pfn.define_standard_plot(
ax,
xtitle=r'$d$ of largest component [$\mathrm{\AA}$]',
ytitle='cumulative # reactions',
xlim=(0, 17),
ylim=(0, int(max(cumul)+max(cumul)*0.1))
)
ax2.set_ylim(0, int(max(hist)+max(hist)*0.2))
ax2.set_ylabel('# reactions', fontsize=16)
ax.yaxis.set_major_locator(MaxNLocator(integer=True))
ax2.yaxis.set_major_locator(MaxNLocator(integer=True))
# Change left y axis colours.
ax.spines['left'].set_color('red')
ax2.spines['left'].set_color('red')
ax2.tick_params(axis='both', which='major', labelsize=16)
fig.tight_layout()
fig.savefig(
f"{plot_suffix}/size_threshold_{plot_suffix}.pdf",
dpi=720,
bbox_inches='tight'
)
def rxn_space(data, filename):
"""
Plot number of possible reactions as a function of size threshold.
"""
plot_prop = {
1: {
'c': '#FA7268',
'e': 'none',
'a': 0.5,
'm': 'o',
's': 50,
'label': 'class I'
},
2: {
'c': '#DAF7A6',
'e': 'none',
'a': 0.5,
'm': 'x',
's': 50,
'label': 'class II'
},
3: {
'c': '#900C3F',
'e': 'none',
'a': 1.0,
'm': 'x',
's': 50,
'label': 'class III'
},
4: {
'c': '#F6D973',
'e': 'none',
'a': 0.5,
'm': 'x',
's': 50,
'label': 'class IV'
}
}
# bin each of the sets of data based on X value
width = 0.5
X_bins = np.arange(0, 20.5, width)
fig, ax = plt.subplots(figsize=(8, 5))
# bin each of the sets of data based on X value
for p in plot_prop:
if p != 3:
continue
pp = plot_prop[p]
sub_data = data[data['PC_class'] == p]
hist, bin_edges = np.histogram(
a=sub_data['max_mid_diam'],
bins=X_bins
)
ax.bar(
bin_edges[:-1],
hist,
align='edge',
alpha=pp['a'],
width=width,
color=pp['c'],
edgecolor='k',
label=pp['label']
)
ax.legend(fontsize=16)
ax.axvspan(xmin=4.0, xmax=6.6, facecolor='k', alpha=0.2, hatch="/")
# ax.axvspan(xmin=5.4, xmax=6.6, facecolor='k', alpha=0.2)
# plot possible region of ZIF pore limiting diameters from
# Banerjee 2008 - 10.1126/science.1152516
# ax.axvspan(0.0, 13, facecolor='#2ca02c', alpha=0.2)
# HOF.
ax.axvline(x=13.1, c='k', lw=2, linestyle='--')
pfn.define_standard_plot(
ax,
xtitle=r'$d$ of largest component [$\mathrm{\AA}$]',
ytitle='# reactions',
xlim=(0, 17),
ylim=None
)
fig.tight_layout()
fig.savefig(
filename,
dpi=720,
bbox_inches='tight'
)
def rxn_value(data, filename):
"""
Plot the value of all reactions as violin plot.
"""
plot_prop = {
1: {
'c': '#900C3F',
'e': 'none',
'a': 0.5,
'm': 'o',
's': 50,
'label': 'class I'
},
2: {
'c': '#FA7268',
'e': 'none',
'a': 0.5,
'm': 'x',
's': 50,
'label': 'class II'
},
3: {
'c': '#F6D973',
'e': 'none',
'a': 1.0,
'm': 'x',
's': 50,
'label': 'class III'
},
4: {
'c': '#DAF7A6',
'e': 'none',
'a': 0.5,
'm': 'x',
's': 50,
'label': 'class IV'
}
}
fig, ax = plt.subplots(figsize=(8, 5))
# bin each of the sets of data based on X value
for p in plot_prop:
pp = plot_prop[p]
sub_data = data[data['PC_class'] == p]
values = sub_data['max_mid_diam']
number = int(p)
parts = ax.violinplot(
values,
[number],
showmeans=False,
showmedians=False,
showextrema=False
)
for pc in parts['bodies']:
pc.set_facecolor(pp['c'])
pc.set_edgecolor('black')
pc.set_alpha(1.0)
ax.tick_params(axis='both', which='major', labelsize=16)
ax.set_xlabel('purchasability class', fontsize=16)
ax.set_ylabel(
r'$d$ of largest component [$\mathrm{\AA}$]',
fontsize=16
)
ax.set_xlim(0.5, 4.5)
ax.xaxis.set_major_locator(MaxNLocator(integer=True))
ax.axhspan(ymin=4.0, ymax=6.6, facecolor='k', alpha=0.2)
fig.tight_layout()
fig.savefig(
filename,
dpi=720,
bbox_inches='tight'
)
def rxn_complexity(data, filename):
"""
Plot the measures of complexity of each reaction.
"""
fig, ax = plt.subplots(figsize=(8, 5))
ylim = (-1000, 1000)
xlim = (-10, 10)
# CS = [(1.0, 1.0, 1.0), (44/255, 62/255, 80/255)]
# cm = colors.LinearSegmentedColormap.from_list('test', CS, N=10)
# fig, ax, hist = pfn.twoD_histogram(
# X_data=data['deltasa'],
# Y_data=data['deltabct'],
# xlim=xlim,
# ylim=ylim,
# cmap=cm,
# fig=fig,
# ax=ax
# )
# cbar = fig.colorbar(hist[3], ax=ax)
# cbar.ax.set_ylabel('count', fontsize=16)
# cbar.ax.tick_params(labelsize=16)
ax.scatter(
data['deltasa'],
data['deltabct'],
c='#CCD1D1',
edgecolors='none',
marker='o',
alpha=1.0,
s=40,
label='full dataset'
)
small_data = data[data['max_mid_diam'] < 6.6]
ax.scatter(
small_data['deltasa'],
small_data['deltabct'],
c='#2C3E50',
edgecolors='none',
marker='o',
alpha=1.0,
s=40,
label='viable reactions'
)
pfn.define_standard_plot(
ax,
# xtitle='number of heavy atoms',
ylim=ylim,
xlim=xlim,
ytitle=r'$\Delta$ BertzCT',
xtitle=r'$\Delta$ SAscore',
)
ax.legend(fontsize=16)
fig.tight_layout()
fig.savefig(
filename,
dpi=720,
bbox_inches='tight'
)
def save_candidates(data, params, filename):
"""
Save candidates to file.
"""
all_fit = data.sort_values(by='max_mid_diam')
all_fit.to_csv(filename, index=False)
print(f'There are {len(all_fit)} candidate reactions!')
print('---------------------------------------------------')
def stacked_dist(data, col, xtitle, xlim, width):
"""
Plot histograms of data stacked by top level EC no.
"""
delta_data = {'total': []}
for i, row in data.iterrows():
EC = row['ec']
top_EC = EC.split('.')[0]
if top_EC not in list(delta_data.keys()):
delta_data[top_EC] = []
delta_data[top_EC].append(row[col])
delta_data['total'].append(row[col])
fig, ax = plt.subplots(figsize=(8, 5))
if xlim is None:
xlim = (
min([min(delta_data[i]) for i in delta_data])-2*width,
max([max(delta_data[i]) for i in delta_data])+2*width
)
X_bins = np.arange(xlim[0], xlim[1], width)
for keys in delta_data:
values = delta_data[keys]
hist, bin_edges = np.histogram(
a=values,
bins=X_bins,
density=True
)
ax.plot(
X_bins[:-1]+width/2,
hist,
c=pfn.EC_descriptions()[keys][1],
lw='1.5',
marker='o',
alpha=1.0,
label=pfn.EC_descriptions()[keys][0]
)
ax.tick_params(axis='both', which='major', labelsize=16)
ax.set_xlabel(xtitle, fontsize=16)
ax.set_ylabel('frequency', fontsize=16)
ax.set_xlim(xlim)
# legend
ax.legend(fontsize=16)
return fig, ax
def dist(X, xtitle, xlim, width):
"""
Plot histograms of data.
"""
fig, ax = plt.subplots(figsize=(8, 5))
if xlim is None:
xlim = (min(X)-2*width, max(X)+2*width)
X_bins = np.arange(xlim[0], xlim[1], width)
hist, bin_edges = np.histogram(a=X, bins=X_bins)
if xtitle == 'purchasability class':
align = 'center'
else:
align = 'edge'
ax.bar(
bin_edges[:-1],
hist,
align=align,
alpha=1.0,
width=width,
color='#2980B9',
edgecolor='k'
)
pfn.define_standard_plot(
ax,
xtitle=xtitle,
ytitle='count',
xlim=xlim,
ylim=None
)
return fig, ax
def pie(X, xtitle, xlim, width):
"""
Plot pie chart of categorical data.
"""
if xtitle == 'purchasability class':
labels = ['class I', 'class II', 'class III', 'class IV']
colours = ['#D2B1D1', '#3498DB', '#C0392B', '#CCD1D1']
sizes = [
len([i for i in X if i == 1]),
len([i for i in X if i == 2]),
len([i for i in X if i == 3]),
len([i for i in X if i == 4])
]
else:
raise ValueError('this type of plot is not defined.')
# explode = (0.0, 0.0)
fig, ax = plt.subplots(figsize=(5, 5))
wedges, _, _ = ax.pie(
sizes,
colors=colours,
# explode=explode,
labels=labels,
autopct='%1.1f%%',
# shadow=True,
startangle=90,
textprops={'fontsize': 16}
)
for w in wedges:
w.set_linewidth(1.5)
w.set_edgecolor('k')
# Equal aspect ratio ensures that pie is drawn as a circle.
ax.axis('equal')
return fig, ax
def violinplot(data, col, ytitle, ylim):
"""
Plot violin plots of data separated by top level EC no.
"""
delta_data = {'total': []}
for i, row in data.iterrows():
EC = row['ec']
top_EC = EC.split('.')[0]
if top_EC not in list(delta_data.keys()):
delta_data[top_EC] = []
delta_data[top_EC].append(row[col])
delta_data['total'].append(row[col])
fig, ax = plt.subplots(figsize=(8, 5))
for keys in delta_data:
values = delta_data[keys]
if keys == '-':
number = 0
elif keys == 'total':
number = -1
else:
number = int(keys)
parts = ax.violinplot(
values,
[number],
showmeans=False,
showmedians=False,
showextrema=False
)
for pc in parts['bodies']:
pc.set_facecolor(pfn.EC_descriptions()[keys][1])
pc.set_edgecolor('black')
pc.set_alpha(1.0)
ax.tick_params(axis='both', which='major', labelsize=16)
ax.set_xlabel('EC number', fontsize=16)
ax.set_ylabel(ytitle, fontsize=16)
ax.set_xlim(-2, 8)
ax.set_xticks([-1, 0, 1, 2, 3, 4, 5, 6, 7])
ax.set_xticklabels(
['all', 'unknown', '1', '2', '3', '4', '5', '6', '7']
)
if col == 'max_mid_diam':
ax.axhspan(ymin=4.0, ymax=6.6, facecolor='k', alpha=0.2)
ax.set_ylim(ylim)
return fig, ax
| [
2,
48443,
14629,
14,
8800,
14,
24330,
21015,
18,
198,
2,
532,
9,
12,
19617,
25,
3384,
69,
12,
23,
532,
9,
12,
198,
2,
4307,
6169,
739,
262,
2846,
286,
262,
17168,
13789,
13,
198,
198,
37811,
198,
26796,
329,
29353,
6317,
12,
3106,
5499,
13,
198,
198,
13838,
25,
6858,
14110,
89,
544,
198,
198,
10430,
15622,
25,
1315,
8621,
2864,
198,
198,
37811,
198,
198,
11748,
299,
32152,
355,
45941,
198,
11748,
2603,
29487,
8019,
13,
9078,
29487,
355,
458,
83,
198,
11748,
2603,
29487,
8019,
13,
4033,
669,
355,
7577,
198,
6738,
2603,
29487,
8019,
13,
83,
15799,
1330,
5436,
32572,
420,
1352,
198,
198,
11748,
29353,
62,
22184,
355,
279,
22184,
628,
198,
4299,
645,
62,
40914,
5907,
62,
14259,
62,
7857,
7,
7890,
11,
42287,
11,
7110,
62,
37333,
844,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
28114,
1271,
286,
1744,
12737,
355,
257,
2163,
286,
2546,
11387,
13,
628,
220,
220,
220,
37227,
628,
220,
220,
220,
2336,
11,
7877,
796,
458,
83,
13,
7266,
489,
1747,
7,
5647,
7857,
16193,
23,
11,
642,
4008,
628,
220,
220,
220,
1303,
9874,
1123,
286,
262,
5621,
286,
1366,
1912,
319,
1395,
1988,
198,
220,
220,
220,
9647,
796,
657,
13,
20,
198,
220,
220,
220,
1395,
62,
65,
1040,
796,
45941,
13,
283,
858,
7,
15,
11,
1160,
13,
20,
11,
9647,
8,
198,
220,
220,
220,
1554,
11,
9874,
62,
276,
3212,
796,
45941,
13,
10034,
21857,
7,
64,
28,
7890,
17816,
9806,
62,
13602,
62,
67,
1789,
6,
4357,
41701,
28,
55,
62,
65,
1040,
8,
628,
220,
220,
220,
7877,
17,
796,
7877,
13,
4246,
28413,
3419,
198,
220,
220,
220,
7877,
17,
13,
5657,
7,
198,
220,
220,
220,
220,
220,
220,
220,
9874,
62,
276,
3212,
58,
21912,
16,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
1554,
11,
198,
220,
220,
220,
220,
220,
220,
220,
10548,
11639,
14907,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
17130,
28,
15,
13,
24,
11,
9647,
28,
10394,
11,
198,
220,
220,
220,
220,
220,
220,
220,
3124,
11639,
2,
17,
34,
18,
36,
1120,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
5743,
8043,
11639,
74,
6,
198,
220,
220,
220,
1267,
628,
220,
220,
220,
1303,
23818,
7110,
198,
220,
220,
220,
10973,
377,
796,
45941,
13,
66,
5700,
388,
7,
10034,
8,
198,
220,
220,
220,
7877,
13,
29487,
7,
198,
220,
220,
220,
220,
220,
220,
220,
9874,
62,
276,
3212,
58,
21912,
16,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
10973,
377,
11,
198,
220,
220,
220,
220,
220,
220,
220,
17130,
28,
16,
13,
15,
11,
198,
220,
220,
220,
220,
220,
220,
220,
6167,
11639,
9806,
7515,
1279,
11387,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
3124,
11639,
81,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
18364,
11639,
78,
6,
198,
220,
220,
220,
1267,
628,
220,
220,
220,
1303,
7877,
13,
897,
85,
12626,
7,
87,
1084,
28,
19,
13,
15,
11,
2124,
9806,
28,
21,
13,
21,
11,
1986,
8043,
11639,
74,
3256,
17130,
28,
15,
13,
17,
11,
198,
220,
220,
220,
1303,
220,
220,
220,
25834,
35922,
4943,
198,
220,
220,
220,
7877,
13,
897,
85,
12626,
7,
87,
1084,
28,
19,
13,
15,
11,
2124,
9806,
28,
21,
13,
21,
11,
1986,
8043,
11639,
74,
3256,
17130,
28,
15,
13,
17,
8,
198,
220,
220,
220,
1303,
7877,
13,
897,
85,
12626,
7,
87,
1084,
28,
20,
13,
19,
11,
2124,
9806,
28,
21,
13,
21,
11,
1986,
8043,
11639,
74,
3256,
17130,
28,
15,
13,
17,
8,
198,
220,
220,
220,
1303,
7110,
1744,
3814,
286,
1168,
5064,
279,
382,
15637,
48428,
7307,
422,
198,
220,
220,
220,
1303,
10274,
263,
34589,
3648,
532,
838,
13,
14686,
21,
14,
16801,
13,
15363,
1495,
1433,
198,
220,
220,
220,
1303,
7877,
13,
897,
85,
12626,
7,
15,
13,
15,
11,
1511,
11,
1986,
8043,
11639,
2,
17,
6888,
2999,
66,
3256,
17130,
28,
15,
13,
17,
8,
198,
220,
220,
220,
1303,
7877,
13,
897,
85,
1370,
7,
87,
28,
1485,
13,
16,
11,
269,
11639,
74,
3256,
300,
86,
28,
17,
11,
9493,
10992,
11639,
438,
11537,
628,
220,
220,
220,
279,
22184,
13,
13086,
62,
20307,
62,
29487,
7,
198,
220,
220,
220,
220,
220,
220,
220,
7877,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
742,
2578,
28,
81,
6,
3,
67,
3,
286,
4387,
7515,
685,
3,
59,
11018,
26224,
31478,
3838,
92,
3,
60,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
331,
7839,
11639,
36340,
13628,
1303,
12737,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
2124,
2475,
16193,
15,
11,
1596,
828,
198,
220,
220,
220,
220,
220,
220,
220,
331,
2475,
16193,
15,
11,
493,
7,
9806,
7,
36340,
377,
47762,
9806,
7,
36340,
377,
27493,
15,
13,
16,
4008,
198,
220,
220,
220,
1267,
198,
220,
220,
220,
7877,
17,
13,
2617,
62,
88,
2475,
7,
15,
11,
493,
7,
9806,
7,
10034,
47762,
9806,
7,
10034,
27493,
15,
13,
17,
4008,
198,
220,
220,
220,
7877,
17,
13,
2617,
62,
2645,
9608,
10786,
2,
12737,
3256,
10369,
7857,
28,
1433,
8,
198,
220,
220,
220,
7877,
13,
88,
22704,
13,
2617,
62,
22478,
62,
17946,
1352,
7,
11518,
32572,
420,
1352,
7,
41433,
28,
17821,
4008,
198,
220,
220,
220,
7877,
17,
13,
88,
22704,
13,
2617,
62,
22478,
62,
17946,
1352,
7,
11518,
32572,
420,
1352,
7,
41433,
28,
17821,
4008,
628,
220,
220,
220,
1303,
9794,
1364,
331,
16488,
18915,
13,
198,
220,
220,
220,
7877,
13,
2777,
1127,
17816,
9464,
6,
4083,
2617,
62,
8043,
10786,
445,
11537,
198,
220,
220,
220,
7877,
17,
13,
2777,
1127,
17816,
9464,
6,
4083,
2617,
62,
8043,
10786,
445,
11537,
628,
220,
220,
220,
7877,
17,
13,
42298,
62,
37266,
7,
22704,
11639,
16885,
3256,
543,
11639,
22478,
3256,
14722,
1096,
28,
1433,
8,
198,
220,
220,
220,
2336,
13,
33464,
62,
39786,
3419,
198,
220,
220,
220,
2336,
13,
21928,
5647,
7,
198,
220,
220,
220,
220,
220,
220,
220,
277,
1,
90,
29487,
62,
37333,
844,
92,
14,
7857,
62,
400,
10126,
23330,
29487,
62,
37333,
844,
27422,
12315,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
288,
14415,
28,
23906,
11,
198,
220,
220,
220,
220,
220,
220,
220,
275,
3524,
62,
45457,
11639,
33464,
6,
198,
220,
220,
220,
1267,
628,
198,
4299,
374,
87,
77,
62,
13200,
7,
7890,
11,
29472,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
28114,
1271,
286,
1744,
12737,
355,
257,
2163,
286,
2546,
11387,
13,
628,
220,
220,
220,
37227,
628,
220,
220,
220,
7110,
62,
22930,
796,
1391,
198,
220,
220,
220,
220,
220,
220,
220,
352,
25,
1391,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
66,
10354,
705,
2,
7708,
22,
25022,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
68,
10354,
705,
23108,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
64,
10354,
657,
13,
20,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
76,
10354,
705,
78,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
82,
10354,
2026,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
18242,
10354,
705,
4871,
314,
6,
198,
220,
220,
220,
220,
220,
220,
220,
8964,
198,
220,
220,
220,
220,
220,
220,
220,
362,
25,
1391,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
66,
10354,
705,
2,
5631,
37,
22,
32,
21,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
68,
10354,
705,
23108,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
64,
10354,
657,
13,
20,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
76,
10354,
705,
87,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
82,
10354,
2026,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
18242,
10354,
705,
4871,
2873,
6,
198,
220,
220,
220,
220,
220,
220,
220,
8964,
198,
220,
220,
220,
220,
220,
220,
220,
513,
25,
1391,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
66,
10354,
705,
2,
12865,
34,
18,
37,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
68,
10354,
705,
23108,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
64,
10354,
352,
13,
15,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
76,
10354,
705,
87,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
82,
10354,
2026,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
18242,
10354,
705,
4871,
6711,
6,
198,
220,
220,
220,
220,
220,
220,
220,
8964,
198,
220,
220,
220,
220,
220,
220,
220,
604,
25,
1391,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
66,
10354,
705,
2,
37,
21,
35,
24,
4790,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
68,
10354,
705,
23108,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
64,
10354,
657,
13,
20,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
76,
10354,
705,
87,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
82,
10354,
2026,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
18242,
10354,
705,
4871,
8363,
6,
198,
220,
220,
220,
220,
220,
220,
220,
1782,
198,
220,
220,
220,
1782,
628,
220,
220,
220,
1303,
9874,
1123,
286,
262,
5621,
286,
1366,
1912,
319,
1395,
1988,
198,
220,
220,
220,
9647,
796,
657,
13,
20,
198,
220,
220,
220,
1395,
62,
65,
1040,
796,
45941,
13,
283,
858,
7,
15,
11,
1160,
13,
20,
11,
9647,
8,
198,
220,
220,
220,
2336,
11,
7877,
796,
458,
83,
13,
7266,
489,
1747,
7,
5647,
7857,
16193,
23,
11,
642,
4008,
198,
220,
220,
220,
1303,
9874,
1123,
286,
262,
5621,
286,
1366,
1912,
319,
1395,
1988,
198,
220,
220,
220,
329,
279,
287,
7110,
62,
22930,
25,
198,
220,
220,
220,
220,
220,
220,
220,
611,
279,
14512,
513,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2555,
198,
220,
220,
220,
220,
220,
220,
220,
9788,
796,
7110,
62,
22930,
58,
79,
60,
198,
220,
220,
220,
220,
220,
220,
220,
850,
62,
7890,
796,
1366,
58,
7890,
17816,
5662,
62,
4871,
20520,
6624,
279,
60,
628,
220,
220,
220,
220,
220,
220,
220,
1554,
11,
9874,
62,
276,
3212,
796,
45941,
13,
10034,
21857,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
257,
28,
7266,
62,
7890,
17816,
9806,
62,
13602,
62,
67,
1789,
6,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
41701,
28,
55,
62,
65,
1040,
198,
220,
220,
220,
220,
220,
220,
220,
1267,
198,
220,
220,
220,
220,
220,
220,
220,
7877,
13,
5657,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
9874,
62,
276,
3212,
58,
21912,
16,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1554,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
10548,
11639,
14907,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
17130,
28,
381,
17816,
64,
6,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
9647,
28,
10394,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3124,
28,
381,
17816,
66,
6,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5743,
8043,
11639,
74,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6167,
28,
381,
17816,
18242,
20520,
198,
220,
220,
220,
220,
220,
220,
220,
1267,
628,
220,
220,
220,
7877,
13,
1455,
437,
7,
10331,
7857,
28,
1433,
8,
198,
220,
220,
220,
7877,
13,
897,
85,
12626,
7,
87,
1084,
28,
19,
13,
15,
11,
2124,
9806,
28,
21,
13,
21,
11,
1986,
8043,
11639,
74,
3256,
17130,
28,
15,
13,
17,
11,
25834,
35922,
4943,
198,
220,
220,
220,
1303,
7877,
13,
897,
85,
12626,
7,
87,
1084,
28,
20,
13,
19,
11,
2124,
9806,
28,
21,
13,
21,
11,
1986,
8043,
11639,
74,
3256,
17130,
28,
15,
13,
17,
8,
198,
220,
220,
220,
1303,
7110,
1744,
3814,
286,
1168,
5064,
279,
382,
15637,
48428,
7307,
422,
198,
220,
220,
220,
1303,
10274,
263,
34589,
3648,
532,
838,
13,
14686,
21,
14,
16801,
13,
15363,
1495,
1433,
198,
220,
220,
220,
1303,
7877,
13,
897,
85,
12626,
7,
15,
13,
15,
11,
1511,
11,
1986,
8043,
11639,
2,
17,
6888,
2999,
66,
3256,
17130,
28,
15,
13,
17,
8,
198,
220,
220,
220,
1303,
367,
19238,
13,
198,
220,
220,
220,
7877,
13,
897,
85,
1370,
7,
87,
28,
1485,
13,
16,
11,
269,
11639,
74,
3256,
300,
86,
28,
17,
11,
9493,
10992,
11639,
438,
11537,
628,
220,
220,
220,
279,
22184,
13,
13086,
62,
20307,
62,
29487,
7,
198,
220,
220,
220,
220,
220,
220,
220,
7877,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
742,
2578,
28,
81,
6,
3,
67,
3,
286,
4387,
7515,
685,
3,
59,
11018,
26224,
31478,
3838,
92,
3,
60,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
331,
7839,
11639,
2,
12737,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
2124,
2475,
16193,
15,
11,
1596,
828,
198,
220,
220,
220,
220,
220,
220,
220,
331,
2475,
28,
14202,
198,
220,
220,
220,
1267,
628,
220,
220,
220,
2336,
13,
33464,
62,
39786,
3419,
198,
220,
220,
220,
2336,
13,
21928,
5647,
7,
198,
220,
220,
220,
220,
220,
220,
220,
29472,
11,
198,
220,
220,
220,
220,
220,
220,
220,
288,
14415,
28,
23906,
11,
198,
220,
220,
220,
220,
220,
220,
220,
275,
3524,
62,
45457,
11639,
33464,
6,
198,
220,
220,
220,
1267,
628,
198,
4299,
374,
87,
77,
62,
8367,
7,
7890,
11,
29472,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
28114,
262,
1988,
286,
477,
12737,
355,
38283,
7110,
13,
628,
220,
220,
220,
37227,
628,
220,
220,
220,
7110,
62,
22930,
796,
1391,
198,
220,
220,
220,
220,
220,
220,
220,
352,
25,
1391,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
66,
10354,
705,
2,
12865,
34,
18,
37,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
68,
10354,
705,
23108,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
64,
10354,
657,
13,
20,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
76,
10354,
705,
78,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
82,
10354,
2026,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
18242,
10354,
705,
4871,
314,
6,
198,
220,
220,
220,
220,
220,
220,
220,
8964,
198,
220,
220,
220,
220,
220,
220,
220,
362,
25,
1391,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
66,
10354,
705,
2,
7708,
22,
25022,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
68,
10354,
705,
23108,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
64,
10354,
657,
13,
20,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
76,
10354,
705,
87,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
82,
10354,
2026,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
18242,
10354,
705,
4871,
2873,
6,
198,
220,
220,
220,
220,
220,
220,
220,
8964,
198,
220,
220,
220,
220,
220,
220,
220,
513,
25,
1391,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
66,
10354,
705,
2,
37,
21,
35,
24,
4790,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
68,
10354,
705,
23108,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
64,
10354,
352,
13,
15,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
76,
10354,
705,
87,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
82,
10354,
2026,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
18242,
10354,
705,
4871,
6711,
6,
198,
220,
220,
220,
220,
220,
220,
220,
8964,
198,
220,
220,
220,
220,
220,
220,
220,
604,
25,
1391,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
66,
10354,
705,
2,
5631,
37,
22,
32,
21,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
68,
10354,
705,
23108,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
64,
10354,
657,
13,
20,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
76,
10354,
705,
87,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
82,
10354,
2026,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
18242,
10354,
705,
4871,
8363,
6,
198,
220,
220,
220,
220,
220,
220,
220,
1782,
198,
220,
220,
220,
1782,
628,
220,
220,
220,
2336,
11,
7877,
796,
458,
83,
13,
7266,
489,
1747,
7,
5647,
7857,
16193,
23,
11,
642,
4008,
198,
220,
220,
220,
1303,
9874,
1123,
286,
262,
5621,
286,
1366,
1912,
319,
1395,
1988,
198,
220,
220,
220,
329,
279,
287,
7110,
62,
22930,
25,
198,
220,
220,
220,
220,
220,
220,
220,
9788,
796,
7110,
62,
22930,
58,
79,
60,
198,
220,
220,
220,
220,
220,
220,
220,
850,
62,
7890,
796,
1366,
58,
7890,
17816,
5662,
62,
4871,
20520,
6624,
279,
60,
628,
220,
220,
220,
220,
220,
220,
220,
3815,
796,
850,
62,
7890,
17816,
9806,
62,
13602,
62,
67,
1789,
20520,
198,
220,
220,
220,
220,
220,
220,
220,
1271,
796,
493,
7,
79,
8,
198,
220,
220,
220,
220,
220,
220,
220,
3354,
796,
7877,
13,
17069,
259,
29487,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3815,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
685,
17618,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
905,
1326,
504,
28,
25101,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
905,
1150,
1547,
28,
25101,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
905,
2302,
260,
2611,
28,
25101,
198,
220,
220,
220,
220,
220,
220,
220,
1267,
198,
220,
220,
220,
220,
220,
220,
220,
329,
40653,
287,
3354,
17816,
65,
5042,
6,
5974,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
40653,
13,
2617,
62,
2550,
8043,
7,
381,
17816,
66,
6,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
40653,
13,
2617,
62,
14907,
8043,
10786,
13424,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
40653,
13,
2617,
62,
26591,
7,
16,
13,
15,
8,
628,
220,
220,
220,
7877,
13,
42298,
62,
37266,
7,
22704,
11639,
16885,
3256,
543,
11639,
22478,
3256,
14722,
1096,
28,
1433,
8,
198,
220,
220,
220,
7877,
13,
2617,
62,
87,
18242,
10786,
79,
2575,
292,
1799,
1398,
3256,
10369,
7857,
28,
1433,
8,
198,
220,
220,
220,
7877,
13,
2617,
62,
2645,
9608,
7,
198,
220,
220,
220,
220,
220,
220,
220,
374,
6,
3,
67,
3,
286,
4387,
7515,
685,
3,
59,
11018,
26224,
31478,
3838,
92,
3,
60,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
10369,
7857,
28,
1433,
198,
220,
220,
220,
1267,
198,
220,
220,
220,
7877,
13,
2617,
62,
87,
2475,
7,
15,
13,
20,
11,
604,
13,
20,
8,
198,
220,
220,
220,
7877,
13,
87,
22704,
13,
2617,
62,
22478,
62,
17946,
1352,
7,
11518,
32572,
420,
1352,
7,
41433,
28,
17821,
4008,
628,
220,
220,
220,
7877,
13,
897,
71,
12626,
7,
88,
1084,
28,
19,
13,
15,
11,
331,
9806,
28,
21,
13,
21,
11,
1986,
8043,
11639,
74,
3256,
17130,
28,
15,
13,
17,
8,
628,
220,
220,
220,
2336,
13,
33464,
62,
39786,
3419,
198,
220,
220,
220,
2336,
13,
21928,
5647,
7,
198,
220,
220,
220,
220,
220,
220,
220,
29472,
11,
198,
220,
220,
220,
220,
220,
220,
220,
288,
14415,
28,
23906,
11,
198,
220,
220,
220,
220,
220,
220,
220,
275,
3524,
62,
45457,
11639,
33464,
6,
198,
220,
220,
220,
1267,
628,
198,
4299,
374,
87,
77,
62,
41887,
414,
7,
7890,
11,
29472,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
28114,
262,
5260,
286,
13357,
286,
1123,
6317,
13,
628,
220,
220,
220,
37227,
628,
220,
220,
220,
2336,
11,
7877,
796,
458,
83,
13,
7266,
489,
1747,
7,
5647,
7857,
16193,
23,
11,
642,
4008,
198,
220,
220,
220,
331,
2475,
796,
13841,
12825,
11,
8576,
8,
198,
220,
220,
220,
2124,
2475,
796,
13841,
940,
11,
838,
8,
198,
220,
220,
220,
1303,
9429,
796,
47527,
16,
13,
15,
11,
352,
13,
15,
11,
352,
13,
15,
828,
357,
2598,
14,
13381,
11,
8190,
14,
13381,
11,
4019,
14,
13381,
15437,
198,
220,
220,
220,
1303,
12067,
796,
7577,
13,
14993,
451,
41030,
12061,
5216,
579,
499,
13,
6738,
62,
4868,
10786,
9288,
3256,
9429,
11,
399,
28,
940,
8,
198,
220,
220,
220,
1303,
2336,
11,
7877,
11,
1554,
796,
279,
22184,
13,
11545,
35,
62,
10034,
21857,
7,
198,
220,
220,
220,
1303,
220,
220,
220,
220,
1395,
62,
7890,
28,
7890,
17816,
67,
2120,
15462,
6,
4357,
198,
220,
220,
220,
1303,
220,
220,
220,
220,
575,
62,
7890,
28,
7890,
17816,
67,
2120,
397,
310,
6,
4357,
198,
220,
220,
220,
1303,
220,
220,
220,
220,
2124,
2475,
28,
87,
2475,
11,
198,
220,
220,
220,
1303,
220,
220,
220,
220,
331,
2475,
28,
88,
2475,
11,
198,
220,
220,
220,
1303,
220,
220,
220,
220,
269,
8899,
28,
11215,
11,
198,
220,
220,
220,
1303,
220,
220,
220,
220,
2336,
28,
5647,
11,
198,
220,
220,
220,
1303,
220,
220,
220,
220,
7877,
28,
897,
198,
220,
220,
220,
1303,
1267,
198,
220,
220,
220,
1303,
269,
5657,
796,
2336,
13,
8043,
5657,
7,
10034,
58,
18,
4357,
7877,
28,
897,
8,
198,
220,
220,
220,
1303,
269,
5657,
13,
897,
13,
2617,
62,
2645,
9608,
10786,
9127,
3256,
10369,
7857,
28,
1433,
8,
198,
220,
220,
220,
1303,
269,
5657,
13,
897,
13,
42298,
62,
37266,
7,
23912,
1424,
1096,
28,
1433,
8,
198,
220,
220,
220,
7877,
13,
1416,
1436,
7,
198,
220,
220,
220,
220,
220,
220,
220,
1366,
17816,
67,
2120,
15462,
6,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
1366,
17816,
67,
2120,
397,
310,
6,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
269,
11639,
2,
4093,
35,
16,
35,
16,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
5743,
4033,
669,
11639,
23108,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
18364,
11639,
78,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
17130,
28,
16,
13,
15,
11,
198,
220,
220,
220,
220,
220,
220,
220,
264,
28,
1821,
11,
198,
220,
220,
220,
220,
220,
220,
220,
6167,
11639,
12853,
27039,
6,
198,
220,
220,
220,
1267,
198,
220,
220,
220,
1402,
62,
7890,
796,
1366,
58,
7890,
17816,
9806,
62,
13602,
62,
67,
1789,
20520,
1279,
718,
13,
21,
60,
198,
220,
220,
220,
7877,
13,
1416,
1436,
7,
198,
220,
220,
220,
220,
220,
220,
220,
1402,
62,
7890,
17816,
67,
2120,
15462,
6,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
1402,
62,
7890,
17816,
67,
2120,
397,
310,
6,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
269,
11639,
2,
17,
34,
18,
36,
1120,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
5743,
4033,
669,
11639,
23108,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
18364,
11639,
78,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
17130,
28,
16,
13,
15,
11,
198,
220,
220,
220,
220,
220,
220,
220,
264,
28,
1821,
11,
198,
220,
220,
220,
220,
220,
220,
220,
6167,
11639,
85,
3379,
12737,
6,
198,
220,
220,
220,
1267,
628,
220,
220,
220,
279,
22184,
13,
13086,
62,
20307,
62,
29487,
7,
198,
220,
220,
220,
220,
220,
220,
220,
7877,
11,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
220,
742,
2578,
11639,
17618,
286,
4334,
23235,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
331,
2475,
28,
88,
2475,
11,
198,
220,
220,
220,
220,
220,
220,
220,
2124,
2475,
28,
87,
2475,
11,
198,
220,
220,
220,
220,
220,
220,
220,
331,
7839,
28,
81,
6,
3,
59,
42430,
3,
22108,
89,
4177,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
742,
2578,
28,
81,
6,
3,
59,
42430,
3,
14719,
26675,
3256,
198,
220,
220,
220,
1267,
628,
220,
220,
220,
7877,
13,
1455,
437,
7,
10331,
7857,
28,
1433,
8,
628,
220,
220,
220,
2336,
13,
33464,
62,
39786,
3419,
198,
220,
220,
220,
2336,
13,
21928,
5647,
7,
198,
220,
220,
220,
220,
220,
220,
220,
29472,
11,
198,
220,
220,
220,
220,
220,
220,
220,
288,
14415,
28,
23906,
11,
198,
220,
220,
220,
220,
220,
220,
220,
275,
3524,
62,
45457,
11639,
33464,
6,
198,
220,
220,
220,
1267,
628,
198,
4299,
3613,
62,
46188,
37051,
7,
7890,
11,
42287,
11,
29472,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
12793,
5871,
284,
2393,
13,
628,
220,
220,
220,
37227,
628,
220,
220,
220,
477,
62,
11147,
796,
1366,
13,
30619,
62,
27160,
7,
1525,
11639,
9806,
62,
13602,
62,
67,
1789,
11537,
198,
220,
220,
220,
477,
62,
11147,
13,
1462,
62,
40664,
7,
34345,
11,
6376,
28,
25101,
8,
628,
220,
220,
220,
3601,
7,
69,
6,
1858,
389,
1391,
11925,
7,
439,
62,
11147,
38165,
4540,
12737,
0,
11537,
198,
220,
220,
220,
3601,
10786,
47232,
6329,
11537,
628,
198,
4299,
24167,
62,
17080,
7,
7890,
11,
951,
11,
220,
742,
2578,
11,
2124,
2475,
11,
9647,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
28114,
1554,
26836,
286,
1366,
24167,
416,
1353,
1241,
13182,
645,
13,
628,
220,
220,
220,
37227,
628,
220,
220,
220,
25979,
62,
7890,
796,
1391,
6,
23350,
10354,
17635,
92,
628,
220,
220,
220,
329,
1312,
11,
5752,
287,
1366,
13,
2676,
8516,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
13182,
796,
5752,
17816,
721,
20520,
198,
220,
220,
220,
220,
220,
220,
220,
1353,
62,
2943,
796,
13182,
13,
35312,
10786,
2637,
38381,
15,
60,
198,
220,
220,
220,
220,
220,
220,
220,
611,
1353,
62,
2943,
407,
287,
1351,
7,
67,
12514,
62,
7890,
13,
13083,
3419,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
25979,
62,
7890,
58,
4852,
62,
2943,
60,
796,
17635,
198,
220,
220,
220,
220,
220,
220,
220,
25979,
62,
7890,
58,
4852,
62,
2943,
4083,
33295,
7,
808,
58,
4033,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
25979,
62,
7890,
17816,
23350,
6,
4083,
33295,
7,
808,
58,
4033,
12962,
628,
220,
220,
220,
2336,
11,
7877,
796,
458,
83,
13,
7266,
489,
1747,
7,
5647,
7857,
16193,
23,
11,
642,
4008,
628,
220,
220,
220,
611,
2124,
2475,
318,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
2124,
2475,
796,
357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
949,
26933,
1084,
7,
67,
12514,
62,
7890,
58,
72,
12962,
329,
1312,
287,
25979,
62,
7890,
12962,
12,
17,
9,
10394,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3509,
26933,
9806,
7,
67,
12514,
62,
7890,
58,
72,
12962,
329,
1312,
287,
25979,
62,
7890,
12962,
10,
17,
9,
10394,
198,
220,
220,
220,
220,
220,
220,
220,
1267,
198,
220,
220,
220,
1395,
62,
65,
1040,
796,
45941,
13,
283,
858,
7,
87,
2475,
58,
15,
4357,
2124,
2475,
58,
16,
4357,
9647,
8,
628,
220,
220,
220,
329,
8251,
287,
25979,
62,
7890,
25,
198,
220,
220,
220,
220,
220,
220,
220,
3815,
796,
25979,
62,
7890,
58,
13083,
60,
198,
220,
220,
220,
220,
220,
220,
220,
1554,
11,
9874,
62,
276,
3212,
796,
45941,
13,
10034,
21857,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
257,
28,
27160,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
41701,
28,
55,
62,
65,
1040,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
12109,
28,
17821,
198,
220,
220,
220,
220,
220,
220,
220,
1267,
198,
220,
220,
220,
220,
220,
220,
220,
7877,
13,
29487,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1395,
62,
65,
1040,
58,
21912,
16,
48688,
10394,
14,
17,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1554,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
269,
28,
79,
22184,
13,
2943,
62,
20147,
1968,
507,
3419,
58,
13083,
7131,
16,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
300,
86,
11639,
16,
13,
20,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
18364,
11639,
78,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
17130,
28,
16,
13,
15,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6167,
28,
79,
22184,
13,
2943,
62,
20147,
1968,
507,
3419,
58,
13083,
7131,
15,
60,
198,
220,
220,
220,
220,
220,
220,
220,
1267,
198,
220,
220,
220,
7877,
13,
42298,
62,
37266,
7,
22704,
11639,
16885,
3256,
543,
11639,
22478,
3256,
14722,
1096,
28,
1433,
8,
198,
220,
220,
220,
7877,
13,
2617,
62,
87,
18242,
7,
742,
2578,
11,
10369,
7857,
28,
1433,
8,
198,
220,
220,
220,
7877,
13,
2617,
62,
2645,
9608,
10786,
35324,
3256,
10369,
7857,
28,
1433,
8,
198,
220,
220,
220,
7877,
13,
2617,
62,
87,
2475,
7,
87,
2475,
8,
198,
220,
220,
220,
1303,
8177,
198,
220,
220,
220,
7877,
13,
1455,
437,
7,
10331,
7857,
28,
1433,
8,
628,
220,
220,
220,
1441,
2336,
11,
7877,
628,
198,
4299,
1233,
7,
55,
11,
220,
742,
2578,
11,
2124,
2475,
11,
9647,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
28114,
1554,
26836,
286,
1366,
13,
628,
220,
220,
220,
37227,
198,
220,
220,
220,
2336,
11,
7877,
796,
458,
83,
13,
7266,
489,
1747,
7,
5647,
7857,
16193,
23,
11,
642,
4008,
628,
220,
220,
220,
611,
2124,
2475,
318,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
2124,
2475,
796,
357,
1084,
7,
55,
13219,
17,
9,
10394,
11,
3509,
7,
55,
47762,
17,
9,
10394,
8,
198,
220,
220,
220,
1395,
62,
65,
1040,
796,
45941,
13,
283,
858,
7,
87,
2475,
58,
15,
4357,
2124,
2475,
58,
16,
4357,
9647,
8,
198,
220,
220,
220,
1554,
11,
9874,
62,
276,
3212,
796,
45941,
13,
10034,
21857,
7,
64,
28,
55,
11,
41701,
28,
55,
62,
65,
1040,
8,
628,
220,
220,
220,
611,
220,
742,
2578,
6624,
705,
79,
2575,
292,
1799,
1398,
10354,
198,
220,
220,
220,
220,
220,
220,
220,
10548,
796,
705,
16159,
6,
198,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
10548,
796,
705,
14907,
6,
628,
220,
220,
220,
7877,
13,
5657,
7,
198,
220,
220,
220,
220,
220,
220,
220,
9874,
62,
276,
3212,
58,
21912,
16,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
1554,
11,
198,
220,
220,
220,
220,
220,
220,
220,
10548,
28,
31494,
11,
198,
220,
220,
220,
220,
220,
220,
220,
17130,
28,
16,
13,
15,
11,
198,
220,
220,
220,
220,
220,
220,
220,
9647,
28,
10394,
11,
198,
220,
220,
220,
220,
220,
220,
220,
3124,
11639,
2,
1959,
1795,
33,
24,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
5743,
8043,
11639,
74,
6,
198,
220,
220,
220,
1267,
198,
220,
220,
220,
279,
22184,
13,
13086,
62,
20307,
62,
29487,
7,
198,
220,
220,
220,
220,
220,
220,
220,
7877,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
742,
2578,
28,
742,
2578,
11,
198,
220,
220,
220,
220,
220,
220,
220,
331,
7839,
11639,
9127,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
2124,
2475,
28,
87,
2475,
11,
198,
220,
220,
220,
220,
220,
220,
220,
331,
2475,
28,
14202,
198,
220,
220,
220,
1267,
628,
220,
220,
220,
1441,
2336,
11,
7877,
628,
198,
4299,
2508,
7,
55,
11,
220,
742,
2578,
11,
2124,
2475,
11,
9647,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
28114,
2508,
8262,
286,
4253,
12409,
1366,
13,
628,
220,
220,
220,
37227,
198,
220,
220,
220,
611,
220,
742,
2578,
6624,
705,
79,
2575,
292,
1799,
1398,
10354,
198,
220,
220,
220,
220,
220,
220,
220,
14722,
796,
37250,
4871,
314,
3256,
705,
4871,
2873,
3256,
705,
4871,
6711,
3256,
705,
4871,
8363,
20520,
198,
220,
220,
220,
220,
220,
220,
220,
18915,
796,
37250,
2,
35,
17,
33,
16,
35,
16,
3256,
705,
2,
2682,
4089,
11012,
3256,
705,
2,
34,
15,
32321,
33,
3256,
705,
2,
4093,
35,
16,
35,
16,
20520,
198,
220,
220,
220,
220,
220,
220,
220,
10620,
796,
685,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
18896,
26933,
72,
329,
1312,
287,
1395,
611,
1312,
6624,
352,
46570,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
18896,
26933,
72,
329,
1312,
287,
1395,
611,
1312,
6624,
362,
46570,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
18896,
26933,
72,
329,
1312,
287,
1395,
611,
1312,
6624,
513,
46570,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
18896,
26933,
72,
329,
1312,
287,
1395,
611,
1312,
6624,
604,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
2361,
198,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
5298,
11052,
12331,
10786,
5661,
2099,
286,
7110,
318,
407,
5447,
2637,
8,
628,
220,
220,
220,
1303,
22818,
796,
357,
15,
13,
15,
11,
657,
13,
15,
8,
628,
220,
220,
220,
2336,
11,
7877,
796,
458,
83,
13,
7266,
489,
1747,
7,
5647,
7857,
16193,
20,
11,
642,
4008,
198,
220,
220,
220,
29445,
3212,
11,
4808,
11,
4808,
796,
7877,
13,
21749,
7,
198,
220,
220,
220,
220,
220,
220,
220,
10620,
11,
198,
220,
220,
220,
220,
220,
220,
220,
7577,
28,
4033,
4662,
11,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
22818,
28,
20676,
1098,
11,
198,
220,
220,
220,
220,
220,
220,
220,
14722,
28,
23912,
1424,
11,
198,
220,
220,
220,
220,
220,
220,
220,
22320,
310,
11639,
4,
16,
13,
16,
69,
16626,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
9082,
28,
17821,
11,
198,
220,
220,
220,
220,
220,
220,
220,
923,
9248,
28,
3829,
11,
198,
220,
220,
220,
220,
220,
220,
220,
2420,
1676,
862,
34758,
6,
10331,
7857,
10354,
1467,
92,
198,
220,
220,
220,
1267,
628,
220,
220,
220,
329,
266,
287,
29445,
3212,
25,
198,
220,
220,
220,
220,
220,
220,
220,
266,
13,
2617,
62,
2815,
413,
5649,
7,
16,
13,
20,
8,
198,
220,
220,
220,
220,
220,
220,
220,
266,
13,
2617,
62,
14907,
8043,
10786,
74,
11537,
198,
220,
220,
220,
1303,
28701,
4843,
8064,
19047,
326,
2508,
318,
7428,
355,
257,
9197,
13,
198,
220,
220,
220,
7877,
13,
22704,
10786,
40496,
11537,
628,
220,
220,
220,
1441,
2336,
11,
7877,
628,
198,
4299,
38283,
29487,
7,
7890,
11,
951,
11,
331,
7839,
11,
331,
2475,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
28114,
38283,
21528,
286,
1366,
11266,
416,
1353,
1241,
13182,
645,
13,
628,
220,
220,
220,
37227,
628,
220,
220,
220,
25979,
62,
7890,
796,
1391,
6,
23350,
10354,
17635,
92,
628,
220,
220,
220,
329,
1312,
11,
5752,
287,
1366,
13,
2676,
8516,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
13182,
796,
5752,
17816,
721,
20520,
198,
220,
220,
220,
220,
220,
220,
220,
1353,
62,
2943,
796,
13182,
13,
35312,
10786,
2637,
38381,
15,
60,
198,
220,
220,
220,
220,
220,
220,
220,
611,
1353,
62,
2943,
407,
287,
1351,
7,
67,
12514,
62,
7890,
13,
13083,
3419,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
25979,
62,
7890,
58,
4852,
62,
2943,
60,
796,
17635,
198,
220,
220,
220,
220,
220,
220,
220,
25979,
62,
7890,
58,
4852,
62,
2943,
4083,
33295,
7,
808,
58,
4033,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
25979,
62,
7890,
17816,
23350,
6,
4083,
33295,
7,
808,
58,
4033,
12962,
628,
220,
220,
220,
2336,
11,
7877,
796,
458,
83,
13,
7266,
489,
1747,
7,
5647,
7857,
16193,
23,
11,
642,
4008,
628,
220,
220,
220,
329,
8251,
287,
25979,
62,
7890,
25,
198,
220,
220,
220,
220,
220,
220,
220,
3815,
796,
25979,
62,
7890,
58,
13083,
60,
198,
220,
220,
220,
220,
220,
220,
220,
611,
8251,
6624,
705,
12,
10354,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1271,
796,
657,
198,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
8251,
6624,
705,
23350,
10354,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1271,
796,
532,
16,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1271,
796,
493,
7,
13083,
8,
198,
220,
220,
220,
220,
220,
220,
220,
3354,
796,
7877,
13,
17069,
259,
29487,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3815,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
685,
17618,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
905,
1326,
504,
28,
25101,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
905,
1150,
1547,
28,
25101,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
905,
2302,
260,
2611,
28,
25101,
198,
220,
220,
220,
220,
220,
220,
220,
1267,
198,
220,
220,
220,
220,
220,
220,
220,
329,
40653,
287,
3354,
17816,
65,
5042,
6,
5974,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
40653,
13,
2617,
62,
2550,
8043,
7,
79,
22184,
13,
2943,
62,
20147,
1968,
507,
3419,
58,
13083,
7131,
16,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
40653,
13,
2617,
62,
14907,
8043,
10786,
13424,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
40653,
13,
2617,
62,
26591,
7,
16,
13,
15,
8,
198,
220,
220,
220,
7877,
13,
42298,
62,
37266,
7,
22704,
11639,
16885,
3256,
543,
11639,
22478,
3256,
14722,
1096,
28,
1433,
8,
198,
220,
220,
220,
7877,
13,
2617,
62,
87,
18242,
10786,
2943,
1271,
3256,
10369,
7857,
28,
1433,
8,
198,
220,
220,
220,
7877,
13,
2617,
62,
2645,
9608,
7,
88,
7839,
11,
10369,
7857,
28,
1433,
8,
198,
220,
220,
220,
7877,
13,
2617,
62,
87,
2475,
32590,
17,
11,
807,
8,
198,
220,
220,
220,
7877,
13,
2617,
62,
742,
3378,
26933,
12,
16,
11,
657,
11,
352,
11,
362,
11,
513,
11,
604,
11,
642,
11,
718,
11,
767,
12962,
198,
220,
220,
220,
7877,
13,
2617,
62,
742,
624,
23912,
1424,
7,
198,
220,
220,
220,
220,
220,
220,
220,
37250,
439,
3256,
705,
34680,
3256,
705,
16,
3256,
705,
17,
3256,
705,
18,
3256,
705,
19,
3256,
705,
20,
3256,
705,
21,
3256,
705,
22,
20520,
198,
220,
220,
220,
1267,
198,
220,
220,
220,
611,
951,
6624,
705,
9806,
62,
13602,
62,
67,
1789,
10354,
198,
220,
220,
220,
220,
220,
220,
220,
7877,
13,
897,
71,
12626,
7,
88,
1084,
28,
19,
13,
15,
11,
331,
9806,
28,
21,
13,
21,
11,
1986,
8043,
11639,
74,
3256,
17130,
28,
15,
13,
17,
8,
198,
220,
220,
220,
7877,
13,
2617,
62,
88,
2475,
7,
88,
2475,
8,
628,
220,
220,
220,
1441,
2336,
11,
7877,
198
] | 1.848088 | 6,879 |
#!/usr/local/Caskroom/miniconda/base/envs/music_venv/bin/pythonw
from pyo import *
s = Server().boot()
path = SNDS_PATH + "/transparent.aif"
# stereo playback with a slight shift between the two channels.
sf = SfPlayer(path, speed = [1, 0.995], loop = True, mul = 0.4).out()
s.gui(locals())
| [
2,
48443,
14629,
14,
12001,
14,
34,
2093,
3823,
14,
1084,
291,
13533,
14,
8692,
14,
268,
14259,
14,
28965,
62,
574,
85,
14,
8800,
14,
29412,
86,
198,
198,
6738,
279,
8226,
1330,
1635,
198,
198,
82,
796,
9652,
22446,
18769,
3419,
198,
198,
6978,
796,
11346,
5258,
62,
34219,
1343,
12813,
7645,
8000,
13,
64,
361,
1,
198,
198,
2,
24820,
16388,
351,
257,
3731,
6482,
1022,
262,
734,
9619,
13,
198,
28202,
796,
311,
69,
14140,
7,
6978,
11,
2866,
796,
685,
16,
11,
657,
13,
33438,
4357,
9052,
796,
6407,
11,
35971,
796,
657,
13,
19,
737,
448,
3419,
198,
198,
82,
13,
48317,
7,
17946,
874,
28955,
198
] | 2.619469 | 113 |
import re
from termcolor import colored
# c = 'Objective: We investigated whether implantation of polylactic acid and epsilon-caprolactone copolymer (PLAC) cubes with or without basic fibroblast growth factor (b-FGF) released slowly from gelatin microspheres was able to induce fibrous tissue in the dead space remaining after pneumonectomy in the thoracic cavity.'
# s = 'Objective: We investigated whether implantation of polylactic acid and epsilon-caprolactone copolymer (PLAC) cubes with or without basic fibroblast growth factor (b-FGF) released slowly from gelatin microspheres was able to induce fibrous tissue in the dead space remaining after pneumonectomy in the thoracic cavity.'
# print(c.replace(s, "\33[33m" +s+ "\33[0m"))
| [
198,
11748,
302,
198,
6738,
3381,
8043,
1330,
16396,
628,
198,
2,
269,
796,
705,
10267,
425,
25,
775,
12565,
1771,
29016,
341,
286,
7514,
75,
12009,
7408,
290,
304,
862,
33576,
12,
11128,
3225,
529,
505,
2243,
3366,
647,
357,
6489,
2246,
8,
34896,
351,
393,
1231,
4096,
12900,
305,
39806,
3349,
5766,
357,
65,
12,
37,
21713,
8,
2716,
6364,
422,
49084,
4580,
2777,
19079,
373,
1498,
284,
21155,
12900,
7596,
10712,
287,
262,
2636,
2272,
5637,
706,
29631,
261,
42505,
287,
262,
41899,
330,
291,
31643,
2637,
198,
2,
264,
796,
705,
10267,
425,
25,
775,
12565,
1771,
29016,
341,
286,
7514,
75,
12009,
7408,
290,
304,
862,
33576,
12,
11128,
3225,
529,
505,
2243,
3366,
647,
357,
6489,
2246,
8,
34896,
351,
393,
1231,
4096,
12900,
305,
39806,
3349,
5766,
357,
65,
12,
37,
21713,
8,
2716,
6364,
422,
49084,
4580,
2777,
19079,
373,
1498,
284,
21155,
12900,
7596,
10712,
287,
262,
2636,
2272,
5637,
706,
29631,
261,
42505,
287,
262,
41899,
330,
291,
31643,
2637,
198,
198,
2,
3601,
7,
66,
13,
33491,
7,
82,
11,
37082,
2091,
58,
2091,
76,
1,
1343,
82,
10,
37082,
2091,
58,
15,
76,
48774,
628
] | 3.771574 | 197 |
# GENERATED BY setup.py
commit = u"e508b6e4d"
| [
2,
24700,
1137,
11617,
11050,
9058,
13,
9078,
198,
41509,
796,
334,
1,
68,
33042,
65,
21,
68,
19,
67,
1,
198
] | 2.090909 | 22 |
# coding:utf-8
"""
_AddressParser is an implementation of a recursive descent parser for email
addresses and urls. While _AddressParser can be used directly it is not
recommended, use the the parse() method which is provided in the address
module for convenience.
The grammar supported by the parser (as well as other limitations) are
outlined below. Plugins are also supported to allow for custom more
restrictive grammar that is typically seen at large Email Service Providers
(ESPs).
For email addresses, the grammar tries to stick to RFC 5322 as much as
possible, but includes relaxed (lax) grammar as well to support for common
realistic uses of email addresses on the Internet.
Grammar:
address-list -> address { delimiter address }
mailbox -> name-addr-rfc | name-addr-lax | addr-spec | url
name-addr-rfc -> [ display-name-rfc ] angle-addr-rfc
display-name-rfc -> [ whitespace ] word { whitespace word }
angle-addr-rfc -> [ whitespace ] < addr-spec > [ whitespace ]
name-addr-lax -> [ display-name-lax ] angle-addr-lax
display-name-lax -> [ whitespace ] word { whitespace word } whitespace
angle-addr-lax -> addr-spec [ whitespace ]
addr-spec -> [ whitespace ] local-part @ domain [ whitespace ]
local-part -> dot-atom | quoted-string
domain -> dot-atom
word -> word-ascii | word-unicode
word-ascii -> atom | quoted-string
word-unicode -> unicode-atom | unicode-qstring
whitespace -> whitespace-ascii | whitespace-unicode
Additional limitations on email addresses:
1. local-part:
* Must not be greater than 64 octets
2. domain:
* No more than 127 levels
* Each level no more than 63 octets
* Texual representation can not exceed 253 characters
* No level can begin or end with -
3. Maximum mailbox length is len(local-part) + len('@') + len(domain) which
is 64 + 1 + 253 = 318 characters. Allow 194 characters for a display
name and the (very generous) limit becomes 512 characters. Allow 1024
mailboxes and the total limit on a mailbox-list is 524288 characters.
"""
import re
import addresslib.address
from addresslib.tokenizer import TokenStream
from addresslib.tokenizer import LBRACKET
from addresslib.tokenizer import AT_SYMBOL
from addresslib.tokenizer import RBRACKET
from addresslib.tokenizer import DQUOTE
from addresslib.tokenizer import BAD_DOMAIN
from addresslib.tokenizer import DELIMITER
from addresslib.tokenizer import RELAX_ATOM
from addresslib.tokenizer import WHITESPACE
from addresslib.tokenizer import UNI_WHITE
from addresslib.tokenizer import ATOM
from addresslib.tokenizer import UNI_ATOM
from addresslib.tokenizer import UNI_QSTR
from addresslib.tokenizer import DOT_ATOM
from addresslib.tokenizer import QSTRING
from addresslib.tokenizer import URL
from .utils import is_pure_ascii
from .utils import contains_control_chars
from .utils import cleanup_display_name
from .utils import cleanup_email
class _AddressParser(object):
"""
Do not use _AddressParser directly because it heavily relies on other
private classes and methods and its interface is not guaranteed. It
will change in the future and possibly break your application.
Instead use the parse() function in the address.py module which will
always return a scalar or iterable respectively.
"""
def address_list(self, stream):
"""
Extract a mailbox and/or url list from a stream of input, operates in
strict and relaxed modes.
"""
# sanity check
if not stream:
raise ParserException('No input provided to parser.')
if isinstance(stream, str) and not is_pure_ascii(stream):
raise ParserException('ASCII string contains non-ASCII chars.')
# to avoid spinning here forever, limit address list length
if len(stream) > MAX_ADDRESS_LIST_LENGTH:
raise ParserException('Stream length exceeds maximum allowable ' + \
'address list length of ' + str(MAX_ADDRESS_LIST_LENGTH) + '.')
# set stream
self.stream = TokenStream(stream)
if self.strict is True:
return self._address_list_strict()
return self._address_list_relaxed()
def address(self, stream):
"""
Extract a single address or url from a stream of input, always
operates in strict mode.
"""
# sanity check
if not stream:
raise ParserException('No input provided to parser.')
if isinstance(stream, str) and not is_pure_ascii(stream):
raise ParserException('ASCII string contains non-ASCII chars.')
# to avoid spinning here forever, limit mailbox length
if len(stream) > MAX_ADDRESS_LENGTH:
raise ParserException('Stream length exceeds maximum allowable ' + \
'address length of ' + str(MAX_ADDRESS_LENGTH) + '.')
self.stream = TokenStream(stream)
addr = self._address()
if addr:
# optional whitespace
self._whitespace()
# if we hit the end of the stream, we have a valid inbox
if self.stream.end_of_stream():
return addr
return None
def address_spec(self, stream):
"""
Extract a single address spec from a stream of input, always
operates in strict mode.
"""
# sanity check
if stream is None:
raise ParserException('No input provided to parser.')
if isinstance(stream, str) and not is_pure_ascii(stream):
raise ParserException('ASCII string contains non-ASCII chars.')
# to avoid spinning here forever, limit mailbox length
if len(stream) > MAX_ADDRESS_LENGTH:
raise ParserException('Stream length exceeds maximum allowable ' + \
'address length of ' + str(MAX_ADDRESS_LENGTH) + '.')
self.stream = TokenStream(stream)
addr = self._addr_spec()
if addr:
# optional whitespace
self._whitespace()
# if we hit the end of the stream, we have a valid inbox
if self.stream.end_of_stream():
return addr
return None
def _mailbox_post_processing_checks(self, address):
"""
Additional post processing checks to ensure mailbox is valid.
"""
parts = address.split('@')
# check if local part is less than 1024 octets, the actual
# limit is 64 octets but we allow 16x that size here because
# unsubscribe links are frequently longer
lpart = parts[0]
if len(lpart) > 1024:
return False
# check if the domain is less than 255 octets
domn = parts[1]
if len(domn) > 253:
return False
# number of labels can not be over 127
labels = domn.split('.')
if len(labels) > 127:
return False
for label in labels:
# check the domain doesn't start or end with - and
# the length of each label is no more than 63 octets
if BAD_DOMAIN.search(label) or len(label) > 63:
return False
return True
def _address_list_relaxed(self):
"""
Grammar: address-list-relaxed -> address { delimiter address }
"""
#addrs = []
addrs = addresslib.address.AddressList()
unparsable = []
# address
addr = self._address()
if addr is None:
# synchronize to the next delimiter (or end of line)
# append the skipped over text to the unparsable list
skip = self.stream.synchronize()
if skip:
unparsable.append(skip)
# if no mailbox and end of stream, we were unable
# return the unparsable stream
if self.stream.end_of_stream():
return [], unparsable
else:
# if we found a delimiter or end of stream, we have a
# valid mailbox, add it
if self.stream.peek(DELIMITER) or self.stream.end_of_stream():
addrs.append(addr)
else:
# otherwise snychornize and add it the unparsable array
skip = self.stream.synchronize()
if skip:
pre = self.stream.stream[:self.stream.stream.index(skip)]
unparsable.append(pre + skip)
# if we hit the end of the stream, return the results
if self.stream.end_of_stream():
return [], [self.stream.stream]
while True:
# delimiter
dlm = self.stream.get_token(DELIMITER)
if dlm is None:
skip = self.stream.synchronize()
if skip:
unparsable.append(skip)
if self.stream.end_of_stream():
break
# address
start_pos = self.stream.position
addr = self._address()
if addr is None:
skip = self.stream.synchronize()
if skip:
unparsable.append(skip)
if self.stream.end_of_stream():
break
else:
# if we found a delimiter or end of stream, we have a
# valid mailbox, add it
if self.stream.peek(DELIMITER) or self.stream.end_of_stream():
addrs.append(addr)
else:
# otherwise snychornize and add it the unparsable array
skip = self.stream.synchronize()
if skip:
sskip = self.stream.stream[start_pos:self.stream.position]
unparsable.append(sskip)
# if we hit the end of the stream, return the results
if self.stream.end_of_stream():
return addrs, unparsable
return addrs, unparsable
def _address_list_strict(self):
"""
Grammar: address-list-strict -> address { delimiter address }
"""
#addrs = []
addrs = addresslib.address.AddressList()
# address
addr = self._address()
if addr is None:
return addrs
if self.stream.peek(DELIMITER):
addrs.append(addr)
while True:
# delimiter
dlm = self.stream.get_token(DELIMITER)
if dlm is None:
break
# address
addr = self._address()
if addr is None:
break
addrs.append(addr)
return addrs
def _address(self):
"""
Grammar: address -> name-addr-rfc | name-addr-lax | addr-spec | url
"""
start_pos = self.stream.position
addr = self._addr_spec()
# if email address, check that it passes post processing checks
if addr and isinstance(addr, addresslib.address.EmailAddress):
if self._mailbox_post_processing_checks(addr.address) is False:
# roll back
self.stream.position = start_pos
return None
return addr
def _addr_spec(self, as_string=False):
"""
Grammar: addr-spec -> [ whitespace ] local-part @ domain [ whitespace ]
"""
start_pos = self.stream.position
# optional whitespace
self._whitespace()
lpart = self._local_part()
if lpart is None:
# rollback
self.stream.position = start_pos
return None
asym = self.stream.get_token(AT_SYMBOL)
if asym is None:
# rollback
self.stream.position = start_pos
return None
domn = self._domain()
if domn is None:
# rollback
self.stream.position = start_pos
return None
# optional whitespace
self._whitespace()
aspec = cleanup_email(''.join([lpart, asym, domn]))
if as_string:
return aspec
return addresslib.address.EmailAddress(aspec)
def _local_part(self):
"""
Grammar: local-part -> dot-atom | quoted-string
"""
return self.stream.get_token(DOT_ATOM) or \
self.stream.get_token(QSTRING)
def _domain(self):
"""
Grammar: domain -> dot-atom
"""
return self.stream.get_token(DOT_ATOM)
def _word(self):
"""
Grammar: word -> word-ascii | word-unicode
"""
start_pos = self.stream.position
# ascii word
ascii_wrd = self._word_ascii()
if ascii_wrd and not self.stream.peek(UNI_ATOM):
return ascii_wrd
# didn't get an ascii word, rollback to try again
self.stream.position = start_pos
# unicode word
return self._word_unicode()
def _word_ascii(self):
"""
Grammar: word-ascii -> atom | qstring
"""
wrd = self.stream.get_token(RELAX_ATOM) or self.stream.get_token(QSTRING)
if wrd and not contains_control_chars(wrd):
return wrd
return None
def _word_unicode(self):
"""
Grammar: word-unicode -> unicode-atom | unicode-qstring
"""
start_pos = self.stream.position
# unicode atom
uwrd = self.stream.get_token(UNI_ATOM)
if uwrd and isinstance(uwrd, str) and not contains_control_chars(uwrd):
return uwrd
# unicode qstr
uwrd = self.stream.get_token(UNI_QSTR, 'qstr')
if uwrd and isinstance(uwrd, str) and not contains_control_chars(uwrd):
return '"{0}"'.format(encode_string(None, uwrd))
# rollback
self.stream.position = start_pos
return None
def _whitespace(self):
"""
Grammar: whitespace -> whitespace-ascii | whitespace-unicode
"""
return self._whitespace_ascii() or self._whitespace_unicode()
def _whitespace_ascii(self):
"""
Grammar: whitespace-ascii -> whitespace-ascii
"""
return self.stream.get_token(WHITESPACE)
def _whitespace_unicode(self):
"""
Grammar: whitespace-unicode -> whitespace-unicode
"""
uwhite = self.stream.get_token(UNI_WHITE)
if uwhite and not is_pure_ascii(uwhite):
return uwhite
return None
class ParserException(Exception):
"""
Exception raised when the parser encounters some parsing exception.
"""
MAX_ADDRESS_LENGTH = 1280
MAX_ADDRESS_NUMBER = 1024
MAX_ADDRESS_LIST_LENGTH = MAX_ADDRESS_LENGTH * MAX_ADDRESS_NUMBER
| [
2,
19617,
25,
40477,
12,
23,
198,
198,
37811,
198,
62,
20231,
46677,
318,
281,
7822,
286,
257,
45115,
18598,
30751,
329,
3053,
198,
2860,
16746,
290,
2956,
7278,
13,
2893,
4808,
20231,
46677,
460,
307,
973,
3264,
340,
318,
407,
198,
47335,
1631,
11,
779,
262,
262,
21136,
3419,
2446,
543,
318,
2810,
287,
262,
2209,
198,
21412,
329,
15607,
13,
198,
198,
464,
23491,
4855,
416,
262,
30751,
357,
292,
880,
355,
584,
11247,
8,
389,
198,
448,
10837,
2174,
13,
22689,
1040,
389,
635,
4855,
284,
1249,
329,
2183,
517,
198,
2118,
2012,
425,
23491,
326,
318,
6032,
1775,
379,
1588,
9570,
4809,
7518,
4157,
198,
7,
1546,
12016,
737,
198,
198,
1890,
3053,
9405,
11,
262,
23491,
8404,
284,
4859,
284,
30978,
7192,
1828,
355,
881,
355,
198,
79,
4733,
11,
475,
3407,
18397,
357,
75,
897,
8,
23491,
355,
880,
284,
1104,
329,
2219,
198,
5305,
2569,
3544,
286,
3053,
9405,
319,
262,
4455,
13,
198,
198,
38,
859,
3876,
25,
628,
198,
220,
220,
220,
2209,
12,
4868,
220,
220,
220,
220,
220,
4613,
220,
220,
220,
2209,
1391,
46728,
2676,
2209,
1782,
198,
220,
220,
220,
37282,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4613,
220,
220,
220,
1438,
12,
29851,
12,
81,
16072,
930,
1438,
12,
29851,
12,
75,
897,
930,
37817,
12,
16684,
930,
19016,
628,
220,
220,
220,
1438,
12,
29851,
12,
81,
16072,
220,
220,
220,
220,
4613,
220,
220,
220,
685,
3359,
12,
3672,
12,
81,
16072,
2361,
9848,
12,
29851,
12,
81,
16072,
198,
220,
220,
220,
3359,
12,
3672,
12,
81,
16072,
220,
4613,
220,
220,
220,
685,
13216,
10223,
2361,
1573,
1391,
13216,
10223,
1573,
1782,
198,
220,
220,
220,
9848,
12,
29851,
12,
81,
16072,
220,
220,
220,
4613,
220,
220,
220,
685,
13216,
10223,
2361,
1279,
37817,
12,
16684,
1875,
685,
13216,
10223,
2361,
628,
220,
220,
220,
1438,
12,
29851,
12,
75,
897,
220,
220,
220,
220,
4613,
220,
220,
220,
685,
3359,
12,
3672,
12,
75,
897,
2361,
9848,
12,
29851,
12,
75,
897,
198,
220,
220,
220,
3359,
12,
3672,
12,
75,
897,
220,
4613,
220,
220,
220,
685,
13216,
10223,
2361,
1573,
1391,
13216,
10223,
1573,
1782,
13216,
10223,
198,
220,
220,
220,
9848,
12,
29851,
12,
75,
897,
220,
220,
220,
4613,
220,
220,
220,
37817,
12,
16684,
685,
13216,
10223,
2361,
628,
220,
220,
220,
37817,
12,
16684,
220,
220,
220,
220,
220,
220,
220,
220,
4613,
220,
220,
220,
685,
13216,
10223,
2361,
1957,
12,
3911,
2488,
7386,
685,
13216,
10223,
2361,
198,
220,
220,
220,
1957,
12,
3911,
220,
220,
220,
220,
220,
220,
220,
4613,
220,
220,
220,
16605,
12,
37696,
930,
10947,
12,
8841,
198,
220,
220,
220,
7386,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4613,
220,
220,
220,
16605,
12,
37696,
628,
220,
220,
220,
1573,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4613,
220,
220,
220,
1573,
12,
292,
979,
72,
930,
1573,
12,
46903,
1098,
198,
220,
220,
220,
1573,
12,
292,
979,
72,
220,
220,
220,
220,
220,
220,
220,
4613,
220,
220,
220,
22037,
930,
10947,
12,
8841,
198,
220,
220,
220,
1573,
12,
46903,
1098,
220,
220,
220,
220,
220,
4613,
220,
220,
220,
28000,
1098,
12,
37696,
930,
28000,
1098,
12,
80,
8841,
198,
220,
220,
220,
13216,
10223,
220,
220,
220,
220,
220,
220,
220,
4613,
220,
220,
220,
13216,
10223,
12,
292,
979,
72,
930,
13216,
10223,
12,
46903,
1098,
628,
198,
17699,
11247,
319,
3053,
9405,
25,
628,
220,
220,
220,
352,
13,
1957,
12,
3911,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1635,
12039,
407,
307,
3744,
621,
5598,
19318,
1039,
628,
220,
220,
220,
362,
13,
7386,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1635,
1400,
517,
621,
18112,
2974,
198,
220,
220,
220,
220,
220,
220,
220,
1635,
5501,
1241,
645,
517,
621,
8093,
19318,
1039,
198,
220,
220,
220,
220,
220,
220,
220,
1635,
3567,
723,
10552,
460,
407,
7074,
32056,
3435,
198,
220,
220,
220,
220,
220,
220,
220,
1635,
1400,
1241,
460,
2221,
393,
886,
351,
532,
628,
220,
220,
220,
513,
13,
22246,
37282,
4129,
318,
18896,
7,
12001,
12,
3911,
8,
1343,
18896,
10786,
31,
11537,
1343,
18896,
7,
27830,
8,
543,
198,
220,
220,
220,
220,
220,
220,
318,
5598,
1343,
352,
1343,
32056,
796,
39320,
3435,
13,
22507,
30483,
3435,
329,
257,
3359,
198,
220,
220,
220,
220,
220,
220,
1438,
290,
262,
357,
548,
14431,
8,
4179,
4329,
22243,
3435,
13,
22507,
28119,
198,
220,
220,
220,
220,
220,
220,
6920,
29305,
290,
262,
2472,
4179,
319,
257,
37282,
12,
4868,
318,
642,
1731,
25270,
3435,
13,
198,
37811,
198,
198,
11748,
302,
198,
11748,
2209,
8019,
13,
21975,
198,
198,
6738,
2209,
8019,
13,
30001,
7509,
1330,
29130,
12124,
198,
6738,
2209,
8019,
13,
30001,
7509,
1330,
406,
11473,
8120,
2767,
198,
6738,
2209,
8019,
13,
30001,
7509,
1330,
5161,
62,
23060,
10744,
3535,
198,
6738,
2209,
8019,
13,
30001,
7509,
1330,
371,
11473,
8120,
2767,
198,
6738,
2209,
8019,
13,
30001,
7509,
1330,
360,
10917,
23051,
198,
6738,
2209,
8019,
13,
30001,
7509,
1330,
33934,
62,
39170,
29833,
198,
6738,
2209,
8019,
13,
30001,
7509,
1330,
28163,
3955,
2043,
1137,
198,
6738,
2209,
8019,
13,
30001,
7509,
1330,
29749,
25922,
62,
1404,
2662,
198,
6738,
2209,
8019,
13,
30001,
7509,
1330,
7655,
2043,
1546,
47,
11598,
198,
6738,
2209,
8019,
13,
30001,
7509,
1330,
4725,
40,
62,
12418,
12709,
198,
6738,
2209,
8019,
13,
30001,
7509,
1330,
5161,
2662,
198,
6738,
2209,
8019,
13,
30001,
7509,
1330,
4725,
40,
62,
1404,
2662,
198,
6738,
2209,
8019,
13,
30001,
7509,
1330,
4725,
40,
62,
48,
18601,
198,
6738,
2209,
8019,
13,
30001,
7509,
1330,
42743,
62,
1404,
2662,
198,
6738,
2209,
8019,
13,
30001,
7509,
1330,
1195,
18601,
2751,
198,
6738,
2209,
8019,
13,
30001,
7509,
1330,
10289,
198,
198,
6738,
764,
26791,
1330,
318,
62,
37424,
62,
292,
979,
72,
198,
6738,
764,
26791,
1330,
4909,
62,
13716,
62,
354,
945,
198,
6738,
764,
26791,
1330,
27425,
62,
13812,
62,
3672,
198,
6738,
764,
26791,
1330,
27425,
62,
12888,
628,
198,
4871,
4808,
20231,
46677,
7,
15252,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
2141,
407,
779,
4808,
20231,
46677,
3264,
780,
340,
7272,
16507,
319,
584,
198,
220,
220,
220,
2839,
6097,
290,
5050,
290,
663,
7071,
318,
407,
11462,
13,
632,
198,
220,
220,
220,
481,
1487,
287,
262,
2003,
290,
5457,
2270,
534,
3586,
13,
628,
220,
220,
220,
5455,
779,
262,
21136,
3419,
2163,
287,
262,
2209,
13,
9078,
8265,
543,
481,
198,
220,
220,
220,
1464,
1441,
257,
16578,
283,
393,
11629,
540,
8148,
13,
198,
220,
220,
220,
37227,
628,
220,
220,
220,
825,
2209,
62,
4868,
7,
944,
11,
4269,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
29677,
257,
37282,
290,
14,
273,
19016,
1351,
422,
257,
4269,
286,
5128,
11,
14051,
287,
198,
220,
220,
220,
220,
220,
220,
220,
7646,
290,
18397,
12881,
13,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
34182,
2198,
198,
220,
220,
220,
220,
220,
220,
220,
611,
407,
4269,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5298,
23042,
263,
16922,
10786,
2949,
5128,
2810,
284,
30751,
2637,
8,
198,
220,
220,
220,
220,
220,
220,
220,
611,
318,
39098,
7,
5532,
11,
965,
8,
290,
407,
318,
62,
37424,
62,
292,
979,
72,
7,
5532,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5298,
23042,
263,
16922,
10786,
42643,
3978,
4731,
4909,
1729,
12,
42643,
3978,
34534,
2637,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
284,
3368,
19493,
994,
8097,
11,
4179,
2209,
1351,
4129,
198,
220,
220,
220,
220,
220,
220,
220,
611,
18896,
7,
5532,
8,
1875,
25882,
62,
2885,
7707,
7597,
62,
45849,
62,
43,
49494,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5298,
23042,
263,
16922,
10786,
12124,
4129,
21695,
5415,
49299,
705,
1343,
3467,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
21975,
1351,
4129,
286,
705,
1343,
965,
7,
22921,
62,
2885,
7707,
7597,
62,
45849,
62,
43,
49494,
8,
1343,
705,
2637,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
900,
4269,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
5532,
796,
29130,
12124,
7,
5532,
8,
628,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
301,
2012,
318,
6407,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
2116,
13557,
21975,
62,
4868,
62,
301,
2012,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
2116,
13557,
21975,
62,
4868,
62,
2411,
897,
276,
3419,
628,
220,
220,
220,
825,
2209,
7,
944,
11,
4269,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
29677,
257,
2060,
2209,
393,
19016,
422,
257,
4269,
286,
5128,
11,
1464,
198,
220,
220,
220,
220,
220,
220,
220,
14051,
287,
7646,
4235,
13,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
34182,
2198,
198,
220,
220,
220,
220,
220,
220,
220,
611,
407,
4269,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5298,
23042,
263,
16922,
10786,
2949,
5128,
2810,
284,
30751,
2637,
8,
198,
220,
220,
220,
220,
220,
220,
220,
611,
318,
39098,
7,
5532,
11,
965,
8,
290,
407,
318,
62,
37424,
62,
292,
979,
72,
7,
5532,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5298,
23042,
263,
16922,
10786,
42643,
3978,
4731,
4909,
1729,
12,
42643,
3978,
34534,
2637,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
284,
3368,
19493,
994,
8097,
11,
4179,
37282,
4129,
198,
220,
220,
220,
220,
220,
220,
220,
611,
18896,
7,
5532,
8,
1875,
25882,
62,
2885,
7707,
7597,
62,
43,
49494,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5298,
23042,
263,
16922,
10786,
12124,
4129,
21695,
5415,
49299,
705,
1343,
3467,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
21975,
4129,
286,
705,
1343,
965,
7,
22921,
62,
2885,
7707,
7597,
62,
43,
49494,
8,
1343,
705,
2637,
8,
628,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
5532,
796,
29130,
12124,
7,
5532,
8,
628,
220,
220,
220,
220,
220,
220,
220,
37817,
796,
2116,
13557,
21975,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
611,
37817,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
11902,
13216,
10223,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
1929,
2737,
10223,
3419,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
611,
356,
2277,
262,
886,
286,
262,
4269,
11,
356,
423,
257,
4938,
13734,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
5532,
13,
437,
62,
1659,
62,
5532,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
37817,
628,
220,
220,
220,
220,
220,
220,
220,
1441,
6045,
628,
220,
220,
220,
825,
2209,
62,
16684,
7,
944,
11,
4269,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
29677,
257,
2060,
2209,
1020,
422,
257,
4269,
286,
5128,
11,
1464,
198,
220,
220,
220,
220,
220,
220,
220,
14051,
287,
7646,
4235,
13,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
34182,
2198,
198,
220,
220,
220,
220,
220,
220,
220,
611,
4269,
318,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5298,
23042,
263,
16922,
10786,
2949,
5128,
2810,
284,
30751,
2637,
8,
198,
220,
220,
220,
220,
220,
220,
220,
611,
318,
39098,
7,
5532,
11,
965,
8,
290,
407,
318,
62,
37424,
62,
292,
979,
72,
7,
5532,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5298,
23042,
263,
16922,
10786,
42643,
3978,
4731,
4909,
1729,
12,
42643,
3978,
34534,
2637,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
284,
3368,
19493,
994,
8097,
11,
4179,
37282,
4129,
198,
220,
220,
220,
220,
220,
220,
220,
611,
18896,
7,
5532,
8,
1875,
25882,
62,
2885,
7707,
7597,
62,
43,
49494,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5298,
23042,
263,
16922,
10786,
12124,
4129,
21695,
5415,
49299,
705,
1343,
3467,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
21975,
4129,
286,
705,
1343,
965,
7,
22921,
62,
2885,
7707,
7597,
62,
43,
49494,
8,
1343,
705,
2637,
8,
628,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
5532,
796,
29130,
12124,
7,
5532,
8,
628,
220,
220,
220,
220,
220,
220,
220,
37817,
796,
2116,
13557,
29851,
62,
16684,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
611,
37817,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
11902,
13216,
10223,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
1929,
2737,
10223,
3419,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
611,
356,
2277,
262,
886,
286,
262,
4269,
11,
356,
423,
257,
4938,
13734,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
5532,
13,
437,
62,
1659,
62,
5532,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
37817,
628,
220,
220,
220,
220,
220,
220,
220,
1441,
6045,
628,
198,
220,
220,
220,
825,
4808,
4529,
3524,
62,
7353,
62,
36948,
62,
42116,
7,
944,
11,
2209,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
15891,
1281,
7587,
8794,
284,
4155,
37282,
318,
4938,
13,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
3354,
796,
2209,
13,
35312,
10786,
31,
11537,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
2198,
611,
1957,
636,
318,
1342,
621,
28119,
19318,
1039,
11,
262,
4036,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
4179,
318,
5598,
19318,
1039,
475,
356,
1249,
1467,
87,
326,
2546,
994,
780,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
32793,
12522,
6117,
389,
6777,
2392,
198,
220,
220,
220,
220,
220,
220,
220,
300,
3911,
796,
3354,
58,
15,
60,
198,
220,
220,
220,
220,
220,
220,
220,
611,
18896,
7,
75,
3911,
8,
1875,
28119,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
10352,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
2198,
611,
262,
7386,
318,
1342,
621,
14280,
19318,
1039,
198,
220,
220,
220,
220,
220,
220,
220,
2401,
77,
796,
3354,
58,
16,
60,
198,
220,
220,
220,
220,
220,
220,
220,
611,
18896,
7,
3438,
77,
8,
1875,
32056,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
10352,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
1271,
286,
14722,
460,
407,
307,
625,
18112,
198,
220,
220,
220,
220,
220,
220,
220,
14722,
796,
2401,
77,
13,
35312,
10786,
2637,
8,
198,
220,
220,
220,
220,
220,
220,
220,
611,
18896,
7,
23912,
1424,
8,
1875,
18112,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
10352,
628,
220,
220,
220,
220,
220,
220,
220,
329,
6167,
287,
14722,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
2198,
262,
7386,
1595,
470,
923,
393,
886,
351,
532,
290,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
262,
4129,
286,
1123,
6167,
318,
645,
517,
621,
8093,
19318,
1039,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
33934,
62,
39170,
29833,
13,
12947,
7,
18242,
8,
393,
18896,
7,
18242,
8,
1875,
8093,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
10352,
628,
220,
220,
220,
220,
220,
220,
220,
1441,
6407,
628,
220,
220,
220,
825,
4808,
21975,
62,
4868,
62,
2411,
897,
276,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
20159,
3876,
25,
2209,
12,
4868,
12,
2411,
897,
276,
4613,
2209,
1391,
46728,
2676,
2209,
1782,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
2860,
3808,
796,
17635,
198,
220,
220,
220,
220,
220,
220,
220,
751,
3808,
796,
2209,
8019,
13,
21975,
13,
20231,
8053,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
8593,
945,
540,
796,
17635,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
2209,
198,
220,
220,
220,
220,
220,
220,
220,
37817,
796,
2116,
13557,
21975,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
611,
37817,
318,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
18305,
1096,
284,
262,
1306,
46728,
2676,
357,
273,
886,
286,
1627,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
24443,
262,
26684,
625,
2420,
284,
262,
8593,
945,
540,
1351,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
14267,
796,
2116,
13,
5532,
13,
28869,
11413,
1096,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
14267,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8593,
945,
540,
13,
33295,
7,
48267,
8,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
611,
645,
37282,
290,
886,
286,
4269,
11,
356,
547,
5906,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
1441,
262,
8593,
945,
540,
4269,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
5532,
13,
437,
62,
1659,
62,
5532,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
685,
4357,
8593,
945,
540,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
611,
356,
1043,
257,
46728,
2676,
393,
886,
286,
4269,
11,
356,
423,
257,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
4938,
37282,
11,
751,
340,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
5532,
13,
431,
988,
7,
35,
3698,
3955,
2043,
1137,
8,
393,
2116,
13,
5532,
13,
437,
62,
1659,
62,
5532,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
751,
3808,
13,
33295,
7,
29851,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
4306,
3013,
88,
354,
1211,
1096,
290,
751,
340,
262,
8593,
945,
540,
7177,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
14267,
796,
2116,
13,
5532,
13,
28869,
11413,
1096,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
14267,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
662,
796,
2116,
13,
5532,
13,
5532,
58,
25,
944,
13,
5532,
13,
5532,
13,
9630,
7,
48267,
15437,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8593,
945,
540,
13,
33295,
7,
3866,
1343,
14267,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
611,
356,
2277,
262,
886,
286,
262,
4269,
11,
1441,
262,
2482,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
5532,
13,
437,
62,
1659,
62,
5532,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
685,
4357,
685,
944,
13,
5532,
13,
5532,
60,
628,
220,
220,
220,
220,
220,
220,
220,
981,
6407,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
46728,
2676,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
288,
75,
76,
796,
2116,
13,
5532,
13,
1136,
62,
30001,
7,
35,
3698,
3955,
2043,
1137,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
288,
75,
76,
318,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
14267,
796,
2116,
13,
5532,
13,
28869,
11413,
1096,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
14267,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8593,
945,
540,
13,
33295,
7,
48267,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
5532,
13,
437,
62,
1659,
62,
5532,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2270,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
2209,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
923,
62,
1930,
796,
2116,
13,
5532,
13,
9150,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
37817,
796,
2116,
13557,
21975,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
37817,
318,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
14267,
796,
2116,
13,
5532,
13,
28869,
11413,
1096,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
14267,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8593,
945,
540,
13,
33295,
7,
48267,
8,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
5532,
13,
437,
62,
1659,
62,
5532,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2270,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
611,
356,
1043,
257,
46728,
2676,
393,
886,
286,
4269,
11,
356,
423,
257,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
4938,
37282,
11,
751,
340,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
5532,
13,
431,
988,
7,
35,
3698,
3955,
2043,
1137,
8,
393,
2116,
13,
5532,
13,
437,
62,
1659,
62,
5532,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
751,
3808,
13,
33295,
7,
29851,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
4306,
3013,
88,
354,
1211,
1096,
290,
751,
340,
262,
8593,
945,
540,
7177,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
14267,
796,
2116,
13,
5532,
13,
28869,
11413,
1096,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
14267,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
264,
48267,
796,
2116,
13,
5532,
13,
5532,
58,
9688,
62,
1930,
25,
944,
13,
5532,
13,
9150,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8593,
945,
540,
13,
33295,
7,
824,
74,
541,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
611,
356,
2277,
262,
886,
286,
262,
4269,
11,
1441,
262,
2482,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
5532,
13,
437,
62,
1659,
62,
5532,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
751,
3808,
11,
8593,
945,
540,
628,
220,
220,
220,
220,
220,
220,
220,
1441,
751,
3808,
11,
8593,
945,
540,
628,
220,
220,
220,
825,
4808,
21975,
62,
4868,
62,
301,
2012,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
20159,
3876,
25,
2209,
12,
4868,
12,
301,
2012,
4613,
2209,
1391,
46728,
2676,
2209,
1782,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
2860,
3808,
796,
17635,
198,
220,
220,
220,
220,
220,
220,
220,
751,
3808,
796,
2209,
8019,
13,
21975,
13,
20231,
8053,
3419,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
2209,
198,
220,
220,
220,
220,
220,
220,
220,
37817,
796,
2116,
13557,
21975,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
611,
37817,
318,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
751,
3808,
198,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
5532,
13,
431,
988,
7,
35,
3698,
3955,
2043,
1137,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
751,
3808,
13,
33295,
7,
29851,
8,
628,
220,
220,
220,
220,
220,
220,
220,
981,
6407,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
46728,
2676,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
288,
75,
76,
796,
2116,
13,
5532,
13,
1136,
62,
30001,
7,
35,
3698,
3955,
2043,
1137,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
288,
75,
76,
318,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2270,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
2209,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
37817,
796,
2116,
13557,
21975,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
37817,
318,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2270,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
751,
3808,
13,
33295,
7,
29851,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1441,
751,
3808,
628,
220,
220,
220,
825,
4808,
21975,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
20159,
3876,
25,
2209,
4613,
1438,
12,
29851,
12,
81,
16072,
930,
1438,
12,
29851,
12,
75,
897,
930,
37817,
12,
16684,
930,
19016,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
923,
62,
1930,
796,
2116,
13,
5532,
13,
9150,
628,
220,
220,
220,
220,
220,
220,
220,
37817,
796,
2116,
13557,
29851,
62,
16684,
3419,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
611,
3053,
2209,
11,
2198,
326,
340,
8318,
1281,
7587,
8794,
198,
220,
220,
220,
220,
220,
220,
220,
611,
37817,
290,
318,
39098,
7,
29851,
11,
2209,
8019,
13,
21975,
13,
15333,
20231,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13557,
4529,
3524,
62,
7353,
62,
36948,
62,
42116,
7,
29851,
13,
21975,
8,
318,
10352,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
4836,
736,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
5532,
13,
9150,
796,
923,
62,
1930,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
6045,
628,
220,
220,
220,
220,
220,
220,
220,
1441,
37817,
628,
220,
220,
220,
825,
4808,
29851,
62,
16684,
7,
944,
11,
355,
62,
8841,
28,
25101,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
20159,
3876,
25,
37817,
12,
16684,
4613,
685,
13216,
10223,
2361,
1957,
12,
3911,
2488,
7386,
685,
13216,
10223,
2361,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
923,
62,
1930,
796,
2116,
13,
5532,
13,
9150,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
11902,
13216,
10223,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
1929,
2737,
10223,
3419,
628,
220,
220,
220,
220,
220,
220,
220,
300,
3911,
796,
2116,
13557,
12001,
62,
3911,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
611,
300,
3911,
318,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
4836,
1891,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
5532,
13,
9150,
796,
923,
62,
1930,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
6045,
628,
220,
220,
220,
220,
220,
220,
220,
355,
4948,
796,
2116,
13,
5532,
13,
1136,
62,
30001,
7,
1404,
62,
23060,
10744,
3535,
8,
198,
220,
220,
220,
220,
220,
220,
220,
611,
355,
4948,
318,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
4836,
1891,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
5532,
13,
9150,
796,
923,
62,
1930,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
6045,
628,
220,
220,
220,
220,
220,
220,
220,
2401,
77,
796,
2116,
13557,
27830,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
611,
2401,
77,
318,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
4836,
1891,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
5532,
13,
9150,
796,
923,
62,
1930,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
6045,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
11902,
13216,
10223,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
1929,
2737,
10223,
3419,
628,
220,
220,
220,
220,
220,
220,
220,
355,
43106,
796,
27425,
62,
12888,
10786,
4458,
22179,
26933,
75,
3911,
11,
355,
4948,
11,
2401,
77,
60,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
611,
355,
62,
8841,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
355,
43106,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
2209,
8019,
13,
21975,
13,
15333,
20231,
7,
292,
43106,
8,
628,
220,
220,
220,
825,
4808,
12001,
62,
3911,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
20159,
3876,
25,
1957,
12,
3911,
4613,
16605,
12,
37696,
930,
10947,
12,
8841,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
2116,
13,
5532,
13,
1136,
62,
30001,
7,
35,
2394,
62,
1404,
2662,
8,
393,
3467,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
5532,
13,
1136,
62,
30001,
7,
48,
18601,
2751,
8,
628,
220,
220,
220,
825,
4808,
27830,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
20159,
3876,
25,
7386,
4613,
16605,
12,
37696,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
2116,
13,
5532,
13,
1136,
62,
30001,
7,
35,
2394,
62,
1404,
2662,
8,
628,
220,
220,
220,
825,
4808,
4775,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
20159,
3876,
25,
1573,
4613,
1573,
12,
292,
979,
72,
930,
1573,
12,
46903,
1098,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
923,
62,
1930,
796,
2116,
13,
5532,
13,
9150,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
355,
979,
72,
1573,
198,
220,
220,
220,
220,
220,
220,
220,
355,
979,
72,
62,
86,
4372,
796,
2116,
13557,
4775,
62,
292,
979,
72,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
611,
355,
979,
72,
62,
86,
4372,
290,
407,
2116,
13,
5532,
13,
431,
988,
7,
4944,
40,
62,
1404,
2662,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
355,
979,
72,
62,
86,
4372,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
1422,
470,
651,
281,
355,
979,
72,
1573,
11,
4836,
1891,
284,
1949,
757,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
5532,
13,
9150,
796,
923,
62,
1930,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
28000,
1098,
1573,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
2116,
13557,
4775,
62,
46903,
1098,
3419,
628,
220,
220,
220,
825,
4808,
4775,
62,
292,
979,
72,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
20159,
3876,
25,
1573,
12,
292,
979,
72,
4613,
22037,
930,
10662,
8841,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
1319,
67,
796,
2116,
13,
5532,
13,
1136,
62,
30001,
7,
2200,
13534,
55,
62,
1404,
2662,
8,
393,
2116,
13,
5532,
13,
1136,
62,
30001,
7,
48,
18601,
2751,
8,
198,
220,
220,
220,
220,
220,
220,
220,
611,
1319,
67,
290,
407,
4909,
62,
13716,
62,
354,
945,
7,
86,
4372,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
1319,
67,
628,
220,
220,
220,
220,
220,
220,
220,
1441,
6045,
628,
220,
220,
220,
825,
4808,
4775,
62,
46903,
1098,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
20159,
3876,
25,
1573,
12,
46903,
1098,
4613,
28000,
1098,
12,
37696,
930,
28000,
1098,
12,
80,
8841,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
923,
62,
1930,
796,
2116,
13,
5532,
13,
9150,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
28000,
1098,
22037,
198,
220,
220,
220,
220,
220,
220,
220,
334,
86,
4372,
796,
2116,
13,
5532,
13,
1136,
62,
30001,
7,
4944,
40,
62,
1404,
2662,
8,
198,
220,
220,
220,
220,
220,
220,
220,
611,
334,
86,
4372,
290,
318,
39098,
7,
84,
86,
4372,
11,
965,
8,
290,
407,
4909,
62,
13716,
62,
354,
945,
7,
84,
86,
4372,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
334,
86,
4372,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
28000,
1098,
10662,
2536,
198,
220,
220,
220,
220,
220,
220,
220,
334,
86,
4372,
796,
2116,
13,
5532,
13,
1136,
62,
30001,
7,
4944,
40,
62,
48,
18601,
11,
705,
80,
2536,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
611,
334,
86,
4372,
290,
318,
39098,
7,
84,
86,
4372,
11,
965,
8,
290,
407,
4909,
62,
13716,
62,
354,
945,
7,
84,
86,
4372,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
705,
1,
90,
15,
36786,
4458,
18982,
7,
268,
8189,
62,
8841,
7,
14202,
11,
334,
86,
4372,
4008,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
4836,
1891,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
5532,
13,
9150,
796,
923,
62,
1930,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
6045,
628,
198,
220,
220,
220,
825,
4808,
1929,
2737,
10223,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
20159,
3876,
25,
13216,
10223,
4613,
13216,
10223,
12,
292,
979,
72,
930,
13216,
10223,
12,
46903,
1098,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
2116,
13557,
1929,
2737,
10223,
62,
292,
979,
72,
3419,
393,
2116,
13557,
1929,
2737,
10223,
62,
46903,
1098,
3419,
628,
220,
220,
220,
825,
4808,
1929,
2737,
10223,
62,
292,
979,
72,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
20159,
3876,
25,
13216,
10223,
12,
292,
979,
72,
4613,
13216,
10223,
12,
292,
979,
72,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
2116,
13,
5532,
13,
1136,
62,
30001,
7,
12418,
2043,
1546,
47,
11598,
8,
628,
220,
220,
220,
825,
4808,
1929,
2737,
10223,
62,
46903,
1098,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
20159,
3876,
25,
13216,
10223,
12,
46903,
1098,
4613,
13216,
10223,
12,
46903,
1098,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
334,
11186,
796,
2116,
13,
5532,
13,
1136,
62,
30001,
7,
4944,
40,
62,
12418,
12709,
8,
198,
220,
220,
220,
220,
220,
220,
220,
611,
334,
11186,
290,
407,
318,
62,
37424,
62,
292,
979,
72,
7,
84,
11186,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
334,
11186,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
6045,
628,
198,
4871,
23042,
263,
16922,
7,
16922,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
35528,
4376,
618,
262,
30751,
16925,
617,
32096,
6631,
13,
198,
220,
220,
220,
37227,
628,
198,
198,
22921,
62,
2885,
7707,
7597,
62,
43,
49494,
796,
37674,
198,
22921,
62,
2885,
7707,
7597,
62,
41359,
13246,
796,
28119,
198,
22921,
62,
2885,
7707,
7597,
62,
45849,
62,
43,
49494,
796,
25882,
62,
2885,
7707,
7597,
62,
43,
49494,
1635,
25882,
62,
2885,
7707,
7597,
62,
41359,
13246,
198
] | 2.265604 | 6,585 |
"""
Path parameters
---------------
Parameters to set the precomputations in order to facilitate the computation
model tasks
"""
pathdata_in = '/home/antonio/Desktop/MSc Thesis/code/Data/raw_data/Testing'
pathdata = '/home/antonio/Desktop/MSc Thesis/code/Data/Data/Cleaned/FirmsData'
pathfolder = '/home/antonio/Desktop/MSc Thesis/code/Data/Data/'
logfile = 'logfile.log'
| [
198,
37811,
198,
15235,
10007,
198,
24305,
198,
48944,
284,
900,
262,
662,
785,
1996,
602,
287,
1502,
284,
15570,
262,
29964,
198,
19849,
8861,
198,
198,
37811,
198,
198,
6978,
7890,
62,
259,
796,
31051,
11195,
14,
23026,
952,
14,
36881,
14,
44,
3351,
383,
13429,
14,
8189,
14,
6601,
14,
1831,
62,
7890,
14,
44154,
6,
198,
6978,
7890,
796,
31051,
11195,
14,
23026,
952,
14,
36881,
14,
44,
3351,
383,
13429,
14,
8189,
14,
6601,
14,
6601,
14,
32657,
276,
14,
37,
8789,
6601,
6,
198,
6978,
43551,
796,
31051,
11195,
14,
23026,
952,
14,
36881,
14,
44,
3351,
383,
13429,
14,
8189,
14,
6601,
14,
6601,
14,
6,
198,
6404,
7753,
796,
705,
6404,
7753,
13,
6404,
6,
198
] | 3.04878 | 123 |
telegram_token = # your telegram token
yandex_token = # your yandex-translator token
| [
660,
30536,
62,
30001,
796,
1303,
534,
573,
30536,
11241,
198,
88,
392,
1069,
62,
30001,
796,
1303,
534,
331,
392,
1069,
12,
7645,
41880,
11241,
198
] | 3.148148 | 27 |
import torch
import time
import numpy as np
import hess
from torch import nn
import torch.nn.functional as F
from torch.autograd import Variable
from gpytorch.utils.lanczos import lanczos_tridiag, lanczos_tridiag_to_diag
################################################################################
# Supporting Functions
################################################################################
def gradtensor_to_tensor(net, include_bn=False):
"""
convert the grad tensors to a list
"""
filter = lambda p: include_bn or len(p.data.size()) > 1
return flatten([p.grad.data for p in net.parameters() if filter(p)])
################################################################################
# For computing Hessian-vector products
################################################################################
def eval_hess_vec_prod(vec, params, net, criterion, inputs=None, targets=None,
dataloader=None,
use_cuda=False):
"""
Evaluate product of the Hessian of the loss function with a direction vector "vec".
The product result is saved in the grad of net.
Args:
vec: a list of tensor with the same dimensions as "params".
params: the parameter list of the net (ignoring biases and BN parameters).
net: model with trained parameters.
criterion: loss function.
dataloader: dataloader for the dataset.
use_cuda: use GPU.
"""
if use_cuda:
net.cuda()
vec = [v.cuda() for v in vec]
net.zero_grad() # clears grad for every parameter in the net
if dataloader is None:
inputs, targets = Variable(inputs), Variable(targets)
if use_cuda:
inputs, targets = inputs.cuda(), targets.cuda()
# outputs = net(inputs)
loss = criterion(net(inputs), targets)
grad_f = torch.autograd.grad(loss, inputs=params, create_graph=True)
# Compute inner product of gradient with the direction vector
# prod = Variable(torch.zeros(1)).type(type(grad_f[0].data))
prod = torch.zeros(1, dtype=grad_f[0].dtype, device=grad_f[0].device)
for (g, v) in zip(grad_f, vec):
print(g.shape, v.shape)
prod = prod + (g * v).sum()
# Compute the Hessian-vector product, H*v
# prod.backward() computes dprod/dparams for every parameter in params and
# accumulate the gradients into the params.grad attributes
prod.backward()
else:
for batch_idx, (inputs, targets) in enumerate(dataloader):
#inputs, targets = Variable(inputs), Variable(targets)
if use_cuda:
inputs, targets = inputs.cuda(), targets.cuda()
loss = criterion(net(inputs), targets)
grad_f = torch.autograd.grad(loss, inputs=params, create_graph=True)
# Compute inner product of gradient with the direction vector
prod = 0.
for (g, v) in zip(grad_f, vec):
prod = prod + (g * v).sum()
# Compute the Hessian-vector product, H*v
# prod.backward() computes dprod/dparams for every parameter in params and
# accumulate the gradients into the params.grad attributes
prod.backward()
#############################
# Return Hessian of a model #
#############################
| [
11748,
28034,
198,
11748,
640,
198,
11748,
299,
32152,
355,
45941,
198,
11748,
339,
824,
198,
6738,
28034,
1330,
299,
77,
198,
11748,
28034,
13,
20471,
13,
45124,
355,
376,
198,
6738,
28034,
13,
2306,
519,
6335,
1330,
35748,
198,
198,
6738,
308,
9078,
13165,
354,
13,
26791,
13,
75,
1192,
37925,
1330,
300,
1192,
37925,
62,
2213,
19830,
363,
11,
300,
1192,
37925,
62,
2213,
19830,
363,
62,
1462,
62,
10989,
363,
198,
198,
29113,
29113,
14468,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
44188,
40480,
198,
29113,
29113,
14468,
198,
4299,
3915,
83,
22854,
62,
1462,
62,
83,
22854,
7,
3262,
11,
2291,
62,
9374,
28,
25101,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
10385,
262,
3915,
11192,
669,
284,
257,
1351,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
8106,
796,
37456,
279,
25,
2291,
62,
9374,
393,
18896,
7,
79,
13,
7890,
13,
7857,
28955,
1875,
352,
198,
220,
220,
220,
1441,
27172,
268,
26933,
79,
13,
9744,
13,
7890,
329,
279,
287,
2010,
13,
17143,
7307,
3419,
611,
8106,
7,
79,
8,
12962,
628,
198,
29113,
29113,
14468,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1114,
14492,
46305,
666,
12,
31364,
3186,
198,
29113,
29113,
14468,
198,
4299,
5418,
62,
33979,
62,
35138,
62,
1676,
67,
7,
35138,
11,
42287,
11,
2010,
11,
34054,
11,
17311,
28,
14202,
11,
6670,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4818,
282,
1170,
263,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
779,
62,
66,
15339,
28,
25101,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
26439,
4985,
1720,
286,
262,
46305,
666,
286,
262,
2994,
2163,
351,
257,
4571,
15879,
366,
35138,
1911,
198,
220,
220,
220,
383,
1720,
1255,
318,
7448,
287,
262,
3915,
286,
2010,
13,
198,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
220,
220,
43030,
25,
257,
1351,
286,
11192,
273,
351,
262,
976,
15225,
355,
366,
37266,
1911,
198,
220,
220,
220,
220,
220,
220,
220,
42287,
25,
262,
11507,
1351,
286,
262,
2010,
357,
570,
3255,
29275,
290,
347,
45,
10007,
737,
198,
220,
220,
220,
220,
220,
220,
220,
2010,
25,
2746,
351,
8776,
10007,
13,
198,
220,
220,
220,
220,
220,
220,
220,
34054,
25,
2994,
2163,
13,
198,
220,
220,
220,
220,
220,
220,
220,
4818,
282,
1170,
263,
25,
4818,
282,
1170,
263,
329,
262,
27039,
13,
198,
220,
220,
220,
220,
220,
220,
220,
779,
62,
66,
15339,
25,
779,
11362,
13,
198,
220,
220,
220,
37227,
628,
220,
220,
220,
611,
779,
62,
66,
15339,
25,
198,
220,
220,
220,
220,
220,
220,
220,
2010,
13,
66,
15339,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
43030,
796,
685,
85,
13,
66,
15339,
3419,
329,
410,
287,
43030,
60,
628,
220,
220,
220,
2010,
13,
22570,
62,
9744,
3419,
220,
1303,
37526,
3915,
329,
790,
11507,
287,
262,
2010,
198,
220,
220,
220,
611,
4818,
282,
1170,
263,
318,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
17311,
11,
6670,
796,
35748,
7,
15414,
82,
828,
35748,
7,
83,
853,
1039,
8,
198,
220,
220,
220,
220,
220,
220,
220,
611,
779,
62,
66,
15339,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
17311,
11,
6670,
796,
17311,
13,
66,
15339,
22784,
6670,
13,
66,
15339,
3419,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
23862,
796,
2010,
7,
15414,
82,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2994,
796,
34054,
7,
3262,
7,
15414,
82,
828,
6670,
8,
198,
220,
220,
220,
220,
220,
220,
220,
3915,
62,
69,
796,
28034,
13,
2306,
519,
6335,
13,
9744,
7,
22462,
11,
17311,
28,
37266,
11,
2251,
62,
34960,
28,
17821,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
3082,
1133,
8434,
1720,
286,
31312,
351,
262,
4571,
15879,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
40426,
796,
35748,
7,
13165,
354,
13,
9107,
418,
7,
16,
29720,
4906,
7,
4906,
7,
9744,
62,
69,
58,
15,
4083,
7890,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
40426,
796,
28034,
13,
9107,
418,
7,
16,
11,
288,
4906,
28,
9744,
62,
69,
58,
15,
4083,
67,
4906,
11,
3335,
28,
9744,
62,
69,
58,
15,
4083,
25202,
8,
198,
220,
220,
220,
220,
220,
220,
220,
329,
357,
70,
11,
410,
8,
287,
19974,
7,
9744,
62,
69,
11,
43030,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3601,
7,
70,
13,
43358,
11,
410,
13,
43358,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
40426,
796,
40426,
1343,
357,
70,
1635,
410,
737,
16345,
3419,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
3082,
1133,
262,
46305,
666,
12,
31364,
1720,
11,
367,
9,
85,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
40426,
13,
1891,
904,
3419,
552,
1769,
288,
1676,
67,
14,
67,
37266,
329,
790,
11507,
287,
42287,
290,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
29915,
262,
3915,
2334,
656,
262,
42287,
13,
9744,
12608,
198,
220,
220,
220,
220,
220,
220,
220,
40426,
13,
1891,
904,
3419,
198,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
329,
15458,
62,
312,
87,
11,
357,
15414,
82,
11,
6670,
8,
287,
27056,
378,
7,
67,
10254,
1170,
263,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
15414,
82,
11,
6670,
796,
35748,
7,
15414,
82,
828,
35748,
7,
83,
853,
1039,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
779,
62,
66,
15339,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
17311,
11,
6670,
796,
17311,
13,
66,
15339,
22784,
6670,
13,
66,
15339,
3419,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2994,
796,
34054,
7,
3262,
7,
15414,
82,
828,
6670,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3915,
62,
69,
796,
28034,
13,
2306,
519,
6335,
13,
9744,
7,
22462,
11,
17311,
28,
37266,
11,
2251,
62,
34960,
28,
17821,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
3082,
1133,
8434,
1720,
286,
31312,
351,
262,
4571,
15879,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
40426,
796,
657,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
357,
70,
11,
410,
8,
287,
19974,
7,
9744,
62,
69,
11,
43030,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
40426,
796,
40426,
1343,
357,
70,
1635,
410,
737,
16345,
3419,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
3082,
1133,
262,
46305,
666,
12,
31364,
1720,
11,
367,
9,
85,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
40426,
13,
1891,
904,
3419,
552,
1769,
288,
1676,
67,
14,
67,
37266,
329,
790,
11507,
287,
42287,
290,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
29915,
262,
3915,
2334,
656,
262,
42287,
13,
9744,
12608,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
40426,
13,
1891,
904,
3419,
198,
198,
14468,
7804,
4242,
2,
198,
2,
8229,
46305,
666,
286,
257,
2746,
1303,
198,
14468,
7804,
4242,
2,
628
] | 2.59156 | 1,327 |
# Description: Switch Case (SIMULATED in Python)
# Note
# 1. There is NO switch statement in python.
# 2. A dictionary can be used to simulate switch case in python.
# 3. This style is also called loop-and-a-half.
print(switch('b'))
| [
2,
12489,
25,
14645,
8913,
357,
48913,
6239,
11617,
287,
11361,
8,
198,
198,
2,
5740,
198,
2,
352,
13,
1318,
318,
8005,
5078,
2643,
287,
21015,
13,
198,
2,
362,
13,
317,
22155,
460,
307,
973,
284,
29308,
5078,
1339,
287,
21015,
13,
198,
2,
513,
13,
770,
3918,
318,
635,
1444,
9052,
12,
392,
12,
64,
12,
13959,
13,
198,
198,
4798,
7,
31943,
10786,
65,
6,
4008,
198
] | 3.309859 | 71 |
import csv
import json
import operator
import os
import sqlite3
import urllib.request
from raven import Client
from flask import Flask, request, session, g, redirect, make_response, url_for, abort, escape, render_template, flash, send_from_directory
from passwords import SENTRY_DSN
client = Client(SENTRY_DSN) #add debugging
app = Flask(__name__, ) # create application instance
app.config.from_object(__name__) # load confi from this file, app.py
#default config
app.config.update(dict(
DATABASE=os.path.join(app.root_path, 'mypower.db'),
SECRET_KEY= os.urandom(24)
))
app.config.from_envvar('MYPOWER_SETTINGS', silent=True) ##loads settings if exist, doesn't complain if they don't
def connect_db():
"""Connects to the specific database."""
rv = sqlite3.connect(app.config['DATABASE'])
rv.row_factory = sqlite3.Row
return rv
def get_db():
"""Opens a new database connection if there is none yet for the
current application context.
"""
if not hasattr(g, 'sqlite_db'):
g.sqlite_db = connect_db()
return g.sqlite_db
def compare_renewable(arg):
"""Compares non-renewable offer to paying for a renewable plan"""
user_preferences = get_saved_data('user')
offer_id = arg[0]
percent_renewable = int(arg[12])
top_offers = get_saved_data('offers')
if percent_renewable != 100:
db = get_db()
t = (user_preferences["tdu"], user_preferences["contract"], 100, 'FALSE')
usage = int(user_preferences["usage"])
cur = db.execute('SELECT * FROM offers WHERE TduCompanyName=? AND TermValue >=? AND Renewable >=? AND MinUsageFeesCredits = ? AND kwh500 IS NOT NULL', t)
result = cur.fetchall()
user_offers = {}
for row in result:
kwh2000 = row[6]
kwh1000 = row[5]
kwh500 = row[4]
idkey = row[0]
if usage > 1000:
price = round(usage * kwh2000, 0)
elif usage > 500:
price = round(usage * kwh1000, 0)
else:
price = round(usage * kwh500, 0)
user_offers.update({idkey: price})
sorted_offer = sorted(user_offers.items(), key=operator.itemgetter(1))
sorted_offer = sorted_offer[:1]
sorted_offer = dict(sorted_offer)
return sorted_offer
else:
return {}
@app.teardown_appcontext
def close_db(error):
"""Closes the database again at the end of the request."""
if hasattr(g, 'sqlite_db'):
g.sqlite_db.close()
def avg_price(user_preferences):
"""Estimates monthly electric bill"""
db = get_db()
t = (user_preferences["tdu"], user_preferences["contract"], user_preferences["renewable"], 'FALSE')
usage = int(user_preferences["usage"])
usage_upper = usage * 1.25
cur = db.execute('SELECT * FROM offers WHERE TduCompanyName=? AND TermValue >=? AND Renewable >=? AND MinUsageFeesCredits = ? AND kwh500 IS NOT NULL', t)
result = cur.fetchall()
user_offers = {}
for row in result:
kwh2000 = row[6]
kwh1000 = row[5]
kwh500 = row[4]
idkey = row[0]
if usage > 1000:
price = round(usage * kwh2000, 0)
elif usage > 500:
price = round(usage * kwh1000, 0)
else:
price = round(usage * kwh500, 0)
##compare to an upper price to heelp filter out bad offers
if usage_upper > 1000:
price_upper = round(usage_upper * kwh2000, 0)
elif usage_upper > 500:
price_upper = round(usage_upper * kwh1000, 0)
else:
price_upper = round(usage_upper * kwh500, 0)
price_ratio = (price_upper - price)/price_upper
##if prices jump by 50% with an increase usage of 25% then don't consider them
if price_ratio >= 0.50:
pass
else:
user_offers.update({idkey: price})
sorted_offer = sorted(user_offers.items(), key=operator.itemgetter(1))
sorted_offer = sorted_offer[:10]
sorted_offer = dict(sorted_offer)
return sorted_offer
@app.route('/offers/')
@app.route('/offers/<int:idKey>/')
@app.route('/save', methods=['GET', 'POST']) ##method only accesible if your post to it
@app.route('/about/')
@app.route('/')
@app.route('/sitemap/')
@app.errorhandler(404)
@app.errorhandler(500)
@app.route('/robots.txt')
@app.route('/sitemap.xml')
if __name__ == '__main__':
app.run(debug=True)
| [
11748,
269,
21370,
198,
11748,
33918,
198,
11748,
10088,
198,
11748,
28686,
198,
11748,
44161,
578,
18,
198,
11748,
2956,
297,
571,
13,
25927,
198,
6738,
37735,
1330,
20985,
198,
198,
6738,
42903,
1330,
46947,
11,
2581,
11,
6246,
11,
308,
11,
18941,
11,
787,
62,
26209,
11,
19016,
62,
1640,
11,
15614,
11,
6654,
11,
8543,
62,
28243,
11,
7644,
11,
3758,
62,
6738,
62,
34945,
198,
6738,
21442,
1330,
311,
3525,
18276,
62,
5258,
45,
198,
198,
16366,
796,
20985,
7,
50,
3525,
18276,
62,
5258,
45,
8,
1303,
2860,
28769,
198,
1324,
796,
46947,
7,
834,
3672,
834,
11,
1267,
1303,
2251,
3586,
4554,
198,
1324,
13,
11250,
13,
6738,
62,
15252,
7,
834,
3672,
834,
8,
1303,
3440,
1013,
72,
422,
428,
2393,
11,
598,
13,
9078,
198,
198,
2,
12286,
4566,
198,
1324,
13,
11250,
13,
19119,
7,
11600,
7,
198,
220,
220,
220,
360,
1404,
6242,
11159,
28,
418,
13,
6978,
13,
22179,
7,
1324,
13,
15763,
62,
6978,
11,
705,
1820,
6477,
13,
9945,
33809,
198,
220,
220,
220,
10729,
26087,
62,
20373,
28,
28686,
13,
333,
3749,
7,
1731,
8,
198,
4008,
198,
198,
1324,
13,
11250,
13,
6738,
62,
24330,
7785,
10786,
26708,
47,
36048,
62,
28480,
51,
20754,
3256,
10574,
28,
17821,
8,
22492,
46030,
6460,
611,
2152,
11,
1595,
470,
13121,
611,
484,
836,
470,
198,
198,
4299,
2018,
62,
9945,
33529,
198,
220,
220,
220,
37227,
13313,
82,
284,
262,
2176,
6831,
526,
15931,
198,
220,
220,
220,
374,
85,
796,
44161,
578,
18,
13,
8443,
7,
1324,
13,
11250,
17816,
35,
1404,
6242,
11159,
6,
12962,
198,
220,
220,
220,
374,
85,
13,
808,
62,
69,
9548,
796,
44161,
578,
18,
13,
25166,
198,
220,
220,
220,
1441,
374,
85,
198,
198,
4299,
651,
62,
9945,
33529,
198,
220,
220,
220,
37227,
18257,
641,
257,
649,
6831,
4637,
611,
612,
318,
4844,
1865,
329,
262,
198,
220,
220,
220,
1459,
3586,
4732,
13,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
611,
407,
468,
35226,
7,
70,
11,
705,
25410,
578,
62,
9945,
6,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
308,
13,
25410,
578,
62,
9945,
796,
2018,
62,
9945,
3419,
198,
220,
220,
220,
1441,
308,
13,
25410,
578,
62,
9945,
198,
198,
4299,
8996,
62,
918,
413,
540,
7,
853,
2599,
198,
220,
220,
220,
37227,
7293,
3565,
1729,
12,
918,
413,
540,
2897,
284,
5989,
329,
257,
15713,
1410,
37811,
198,
220,
220,
220,
2836,
62,
3866,
69,
4972,
796,
651,
62,
82,
9586,
62,
7890,
10786,
7220,
11537,
198,
220,
220,
220,
2897,
62,
312,
796,
1822,
58,
15,
60,
198,
220,
220,
220,
1411,
62,
918,
413,
540,
796,
493,
7,
853,
58,
1065,
12962,
198,
220,
220,
220,
1353,
62,
2364,
364,
796,
651,
62,
82,
9586,
62,
7890,
10786,
2364,
364,
11537,
628,
220,
220,
220,
611,
1411,
62,
918,
413,
540,
14512,
1802,
25,
198,
220,
220,
220,
220,
220,
220,
220,
20613,
796,
651,
62,
9945,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
256,
796,
357,
7220,
62,
3866,
69,
4972,
14692,
83,
646,
33116,
2836,
62,
3866,
69,
4972,
14692,
28484,
33116,
1802,
11,
705,
37,
23719,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
8748,
796,
493,
7,
7220,
62,
3866,
69,
4972,
14692,
26060,
8973,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1090,
796,
20613,
13,
41049,
10786,
46506,
1635,
16034,
4394,
33411,
309,
646,
39154,
5376,
28,
30,
5357,
35118,
11395,
18189,
30,
5357,
29479,
540,
18189,
30,
5357,
1855,
28350,
37,
2841,
42855,
796,
5633,
5357,
479,
1929,
4059,
3180,
5626,
15697,
3256,
256,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1255,
796,
1090,
13,
69,
7569,
439,
3419,
628,
220,
220,
220,
220,
220,
220,
220,
2836,
62,
2364,
364,
796,
23884,
198,
220,
220,
220,
220,
220,
220,
220,
329,
5752,
287,
1255,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
479,
1929,
11024,
796,
5752,
58,
21,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
479,
1929,
12825,
796,
5752,
58,
20,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
479,
1929,
4059,
796,
5752,
58,
19,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4686,
2539,
796,
5752,
58,
15,
60,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
8748,
1875,
8576,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2756,
796,
2835,
7,
26060,
1635,
479,
1929,
11024,
11,
657,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
8748,
1875,
5323,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2756,
796,
2835,
7,
26060,
1635,
479,
1929,
12825,
11,
657,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2756,
796,
2835,
7,
26060,
1635,
479,
1929,
4059,
11,
657,
8,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2836,
62,
2364,
364,
13,
19119,
15090,
312,
2539,
25,
2756,
30072,
628,
220,
220,
220,
220,
220,
220,
220,
23243,
62,
47895,
796,
23243,
7,
7220,
62,
2364,
364,
13,
23814,
22784,
1994,
28,
46616,
13,
9186,
1136,
353,
7,
16,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
23243,
62,
47895,
796,
23243,
62,
47895,
58,
25,
16,
60,
198,
220,
220,
220,
220,
220,
220,
220,
23243,
62,
47895,
796,
8633,
7,
82,
9741,
62,
47895,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
23243,
62,
47895,
198,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
23884,
198,
198,
31,
1324,
13,
660,
446,
593,
62,
1324,
22866,
198,
4299,
1969,
62,
9945,
7,
18224,
2599,
198,
220,
220,
220,
37227,
2601,
4629,
262,
6831,
757,
379,
262,
886,
286,
262,
2581,
526,
15931,
198,
220,
220,
220,
611,
468,
35226,
7,
70,
11,
705,
25410,
578,
62,
9945,
6,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
308,
13,
25410,
578,
62,
9945,
13,
19836,
3419,
198,
198,
4299,
42781,
62,
20888,
7,
7220,
62,
3866,
69,
4972,
2599,
198,
220,
220,
220,
37227,
22362,
26748,
9651,
5186,
2855,
37811,
198,
220,
220,
220,
20613,
796,
651,
62,
9945,
3419,
198,
220,
220,
220,
256,
796,
357,
7220,
62,
3866,
69,
4972,
14692,
83,
646,
33116,
2836,
62,
3866,
69,
4972,
14692,
28484,
33116,
2836,
62,
3866,
69,
4972,
14692,
918,
413,
540,
33116,
705,
37,
23719,
11537,
198,
220,
220,
220,
8748,
796,
493,
7,
7220,
62,
3866,
69,
4972,
14692,
26060,
8973,
8,
198,
220,
220,
220,
8748,
62,
45828,
796,
8748,
1635,
352,
13,
1495,
628,
220,
220,
220,
1090,
796,
20613,
13,
41049,
10786,
46506,
1635,
16034,
4394,
33411,
309,
646,
39154,
5376,
28,
30,
5357,
35118,
11395,
18189,
30,
5357,
29479,
540,
18189,
30,
5357,
1855,
28350,
37,
2841,
42855,
796,
5633,
5357,
479,
1929,
4059,
3180,
5626,
15697,
3256,
256,
8,
198,
220,
220,
220,
1255,
796,
1090,
13,
69,
7569,
439,
3419,
628,
220,
220,
220,
2836,
62,
2364,
364,
796,
23884,
198,
220,
220,
220,
329,
5752,
287,
1255,
25,
198,
220,
220,
220,
220,
220,
220,
220,
479,
1929,
11024,
796,
5752,
58,
21,
60,
198,
220,
220,
220,
220,
220,
220,
220,
479,
1929,
12825,
796,
5752,
58,
20,
60,
198,
220,
220,
220,
220,
220,
220,
220,
479,
1929,
4059,
796,
5752,
58,
19,
60,
198,
220,
220,
220,
220,
220,
220,
220,
4686,
2539,
796,
5752,
58,
15,
60,
628,
220,
220,
220,
220,
220,
220,
220,
611,
8748,
1875,
8576,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2756,
796,
2835,
7,
26060,
1635,
479,
1929,
11024,
11,
657,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
8748,
1875,
5323,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2756,
796,
2835,
7,
26060,
1635,
479,
1929,
12825,
11,
657,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2756,
796,
2835,
7,
26060,
1635,
479,
1929,
4059,
11,
657,
8,
628,
220,
220,
220,
220,
220,
220,
220,
22492,
5589,
533,
284,
281,
6727,
2756,
284,
24703,
79,
8106,
503,
2089,
4394,
198,
220,
220,
220,
220,
220,
220,
220,
611,
8748,
62,
45828,
1875,
8576,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2756,
62,
45828,
796,
2835,
7,
26060,
62,
45828,
1635,
479,
1929,
11024,
11,
657,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
8748,
62,
45828,
1875,
5323,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2756,
62,
45828,
796,
2835,
7,
26060,
62,
45828,
1635,
479,
1929,
12825,
11,
657,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2756,
62,
45828,
796,
2835,
7,
26060,
62,
45828,
1635,
479,
1929,
4059,
11,
657,
8,
628,
220,
220,
220,
220,
220,
220,
220,
2756,
62,
10366,
952,
796,
357,
20888,
62,
45828,
532,
2756,
20679,
20888,
62,
45828,
628,
220,
220,
220,
220,
220,
220,
220,
22492,
361,
4536,
4391,
416,
2026,
4,
351,
281,
2620,
8748,
286,
1679,
4,
788,
836,
470,
2074,
606,
198,
220,
220,
220,
220,
220,
220,
220,
611,
2756,
62,
10366,
952,
18189,
657,
13,
1120,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1208,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2836,
62,
2364,
364,
13,
19119,
15090,
312,
2539,
25,
2756,
30072,
628,
220,
220,
220,
23243,
62,
47895,
796,
23243,
7,
7220,
62,
2364,
364,
13,
23814,
22784,
1994,
28,
46616,
13,
9186,
1136,
353,
7,
16,
4008,
198,
220,
220,
220,
23243,
62,
47895,
796,
23243,
62,
47895,
58,
25,
940,
60,
198,
220,
220,
220,
23243,
62,
47895,
796,
8633,
7,
82,
9741,
62,
47895,
8,
198,
220,
220,
220,
1441,
23243,
62,
47895,
198,
198,
31,
1324,
13,
38629,
10786,
14,
2364,
364,
14,
11537,
198,
198,
31,
1324,
13,
38629,
10786,
14,
2364,
364,
14,
27,
600,
25,
312,
9218,
29,
14,
11537,
198,
198,
31,
1324,
13,
38629,
10786,
14,
21928,
3256,
5050,
28,
17816,
18851,
3256,
705,
32782,
6,
12962,
22492,
24396,
691,
697,
274,
856,
611,
534,
1281,
284,
340,
198,
198,
31,
1324,
13,
38629,
10786,
14,
10755,
14,
11537,
198,
198,
31,
1324,
13,
38629,
10786,
14,
11537,
198,
198,
31,
1324,
13,
38629,
10786,
14,
82,
9186,
499,
14,
11537,
198,
198,
31,
1324,
13,
18224,
30281,
7,
26429,
8,
198,
198,
31,
1324,
13,
18224,
30281,
7,
4059,
8,
198,
198,
31,
1324,
13,
38629,
10786,
14,
22609,
1747,
13,
14116,
11537,
198,
31,
1324,
13,
38629,
10786,
14,
82,
9186,
499,
13,
19875,
11537,
198,
198,
361,
11593,
3672,
834,
6624,
705,
834,
12417,
834,
10354,
198,
220,
220,
220,
598,
13,
5143,
7,
24442,
28,
17821,
8,
198
] | 2.337185 | 1,904 |
import os
import json
import pytest
import pipeline_tools.shared.submission.create_analysis_file as caf
from pathlib import Path
@pytest.fixture(scope='module')
@pytest.fixture
| [
11748,
28686,
198,
11748,
33918,
198,
11748,
12972,
9288,
198,
198,
11748,
11523,
62,
31391,
13,
28710,
13,
7266,
3411,
13,
17953,
62,
20930,
62,
7753,
355,
19945,
198,
6738,
3108,
8019,
1330,
10644,
628,
198,
31,
9078,
9288,
13,
69,
9602,
7,
29982,
11639,
21412,
11537,
628,
198,
31,
9078,
9288,
13,
69,
9602,
628,
198
] | 3.22807 | 57 |
# The following comment should be removed at some point in the future.
# mypy: strict-optional=False
import os
import re
import sys
from typing import Optional
from pipenv.patched.notpip._internal.locations import site_packages, user_site
from pipenv.patched.notpip._internal.utils.virtualenv import (
running_under_virtualenv,
virtualenv_no_global,
)
__all__ = [
"egg_link_path_from_sys_path",
"egg_link_path_from_location",
]
def _egg_link_name(raw_name: str) -> str:
"""
Convert a Name metadata value to a .egg-link name, by applying
the same substitution as pkg_resources's safe_name function.
Note: we cannot use canonicalize_name because it has a different logic.
"""
return re.sub("[^A-Za-z0-9.]+", "-", raw_name) + ".egg-link"
def egg_link_path_from_sys_path(raw_name: str) -> Optional[str]:
"""
Look for a .egg-link file for project name, by walking sys.path.
"""
egg_link_name = _egg_link_name(raw_name)
for path_item in sys.path:
egg_link = os.path.join(path_item, egg_link_name)
if os.path.isfile(egg_link):
return egg_link
return None
def egg_link_path_from_location(raw_name: str) -> Optional[str]:
"""
Return the path for the .egg-link file if it exists, otherwise, None.
There's 3 scenarios:
1) not in a virtualenv
try to find in site.USER_SITE, then site_packages
2) in a no-global virtualenv
try to find in site_packages
3) in a yes-global virtualenv
try to find in site_packages, then site.USER_SITE
(don't look in global location)
For #1 and #3, there could be odd cases, where there's an egg-link in 2
locations.
This method will just return the first one found.
"""
sites = []
if running_under_virtualenv():
sites.append(site_packages)
if not virtualenv_no_global() and user_site:
sites.append(user_site)
else:
if user_site:
sites.append(user_site)
sites.append(site_packages)
egg_link_name = _egg_link_name(raw_name)
for site in sites:
egglink = os.path.join(site, egg_link_name)
if os.path.isfile(egglink):
return egglink
return None
| [
2,
383,
1708,
2912,
815,
307,
4615,
379,
617,
966,
287,
262,
2003,
13,
198,
2,
616,
9078,
25,
7646,
12,
25968,
28,
25101,
198,
198,
11748,
28686,
198,
11748,
302,
198,
11748,
25064,
198,
6738,
19720,
1330,
32233,
198,
198,
6738,
7347,
24330,
13,
8071,
1740,
13,
1662,
79,
541,
13557,
32538,
13,
17946,
602,
1330,
2524,
62,
43789,
11,
2836,
62,
15654,
198,
6738,
7347,
24330,
13,
8071,
1740,
13,
1662,
79,
541,
13557,
32538,
13,
26791,
13,
32844,
24330,
1330,
357,
198,
220,
220,
220,
2491,
62,
4625,
62,
32844,
24330,
11,
198,
220,
220,
220,
7166,
24330,
62,
3919,
62,
20541,
11,
198,
8,
198,
198,
834,
439,
834,
796,
685,
198,
220,
220,
220,
366,
33856,
62,
8726,
62,
6978,
62,
6738,
62,
17597,
62,
6978,
1600,
198,
220,
220,
220,
366,
33856,
62,
8726,
62,
6978,
62,
6738,
62,
24886,
1600,
198,
60,
628,
198,
4299,
4808,
33856,
62,
8726,
62,
3672,
7,
1831,
62,
3672,
25,
965,
8,
4613,
965,
25,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
38240,
257,
6530,
20150,
1988,
284,
257,
764,
33856,
12,
8726,
1438,
11,
416,
11524,
198,
220,
220,
220,
262,
976,
32097,
355,
279,
10025,
62,
37540,
338,
3338,
62,
3672,
2163,
13,
198,
220,
220,
220,
5740,
25,
356,
2314,
779,
40091,
1096,
62,
3672,
780,
340,
468,
257,
1180,
9156,
13,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
1441,
302,
13,
7266,
7203,
58,
61,
32,
12,
57,
64,
12,
89,
15,
12,
24,
8183,
10,
1600,
27444,
1600,
8246,
62,
3672,
8,
1343,
27071,
33856,
12,
8726,
1,
628,
198,
4299,
5935,
62,
8726,
62,
6978,
62,
6738,
62,
17597,
62,
6978,
7,
1831,
62,
3672,
25,
965,
8,
4613,
32233,
58,
2536,
5974,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
6803,
329,
257,
764,
33856,
12,
8726,
2393,
329,
1628,
1438,
11,
416,
6155,
25064,
13,
6978,
13,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
5935,
62,
8726,
62,
3672,
796,
4808,
33856,
62,
8726,
62,
3672,
7,
1831,
62,
3672,
8,
198,
220,
220,
220,
329,
3108,
62,
9186,
287,
25064,
13,
6978,
25,
198,
220,
220,
220,
220,
220,
220,
220,
5935,
62,
8726,
796,
28686,
13,
6978,
13,
22179,
7,
6978,
62,
9186,
11,
5935,
62,
8726,
62,
3672,
8,
198,
220,
220,
220,
220,
220,
220,
220,
611,
28686,
13,
6978,
13,
4468,
576,
7,
33856,
62,
8726,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
5935,
62,
8726,
198,
220,
220,
220,
1441,
6045,
628,
198,
4299,
5935,
62,
8726,
62,
6978,
62,
6738,
62,
24886,
7,
1831,
62,
3672,
25,
965,
8,
4613,
32233,
58,
2536,
5974,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
8229,
262,
3108,
329,
262,
764,
33856,
12,
8726,
2393,
611,
340,
7160,
11,
4306,
11,
6045,
13,
628,
220,
220,
220,
1318,
338,
513,
13858,
25,
198,
220,
220,
220,
352,
8,
407,
287,
257,
7166,
24330,
198,
220,
220,
220,
220,
220,
220,
1949,
284,
1064,
287,
2524,
13,
29904,
62,
50,
12709,
11,
788,
2524,
62,
43789,
198,
220,
220,
220,
362,
8,
287,
257,
645,
12,
20541,
7166,
24330,
198,
220,
220,
220,
220,
220,
220,
1949,
284,
1064,
287,
2524,
62,
43789,
198,
220,
220,
220,
513,
8,
287,
257,
3763,
12,
20541,
7166,
24330,
198,
220,
220,
220,
220,
220,
220,
1949,
284,
1064,
287,
2524,
62,
43789,
11,
788,
2524,
13,
29904,
62,
50,
12709,
198,
220,
220,
220,
220,
220,
220,
357,
9099,
470,
804,
287,
3298,
4067,
8,
628,
220,
220,
220,
1114,
1303,
16,
290,
1303,
18,
11,
612,
714,
307,
5629,
2663,
11,
810,
612,
338,
281,
5935,
12,
8726,
287,
362,
198,
220,
220,
220,
7064,
13,
628,
220,
220,
220,
770,
2446,
481,
655,
1441,
262,
717,
530,
1043,
13,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
5043,
796,
17635,
198,
220,
220,
220,
611,
2491,
62,
4625,
62,
32844,
24330,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
5043,
13,
33295,
7,
15654,
62,
43789,
8,
198,
220,
220,
220,
220,
220,
220,
220,
611,
407,
7166,
24330,
62,
3919,
62,
20541,
3419,
290,
2836,
62,
15654,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5043,
13,
33295,
7,
7220,
62,
15654,
8,
198,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
611,
2836,
62,
15654,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5043,
13,
33295,
7,
7220,
62,
15654,
8,
198,
220,
220,
220,
220,
220,
220,
220,
5043,
13,
33295,
7,
15654,
62,
43789,
8,
628,
220,
220,
220,
5935,
62,
8726,
62,
3672,
796,
4808,
33856,
62,
8726,
62,
3672,
7,
1831,
62,
3672,
8,
198,
220,
220,
220,
329,
2524,
287,
5043,
25,
198,
220,
220,
220,
220,
220,
220,
220,
5935,
8726,
796,
28686,
13,
6978,
13,
22179,
7,
15654,
11,
5935,
62,
8726,
62,
3672,
8,
198,
220,
220,
220,
220,
220,
220,
220,
611,
28686,
13,
6978,
13,
4468,
576,
7,
33856,
8726,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
5935,
8726,
198,
220,
220,
220,
1441,
6045,
198
] | 2.54143 | 881 |
from django.contrib.auth import login, logout
from django.contrib.auth.decorators import login_required
from django.core.exceptions import NON_FIELD_ERRORS
from django.http import HttpResponseRedirect, Http404
from django.shortcuts import render, redirect
from users.forms import RegistrationForm, LoginForm, SettingsForm
from users.models import User
@login_required
@login_required
@login_required
| [
6738,
42625,
14208,
13,
3642,
822,
13,
18439,
1330,
17594,
11,
2604,
448,
198,
6738,
42625,
14208,
13,
3642,
822,
13,
18439,
13,
12501,
273,
2024,
1330,
17594,
62,
35827,
198,
6738,
42625,
14208,
13,
7295,
13,
1069,
11755,
1330,
44521,
62,
44603,
62,
24908,
50,
198,
6738,
42625,
14208,
13,
4023,
1330,
367,
29281,
31077,
7738,
1060,
11,
367,
29281,
26429,
198,
6738,
42625,
14208,
13,
19509,
23779,
1330,
8543,
11,
18941,
198,
198,
6738,
2985,
13,
23914,
1330,
24610,
8479,
11,
23093,
8479,
11,
16163,
8479,
198,
6738,
2985,
13,
27530,
1330,
11787,
628,
628,
198,
198,
31,
38235,
62,
35827,
628,
198,
31,
38235,
62,
35827,
628,
198,
31,
38235,
62,
35827,
198
] | 3.534483 | 116 |
from django.apps import AppConfig
| [
6738,
42625,
14208,
13,
18211,
1330,
2034,
16934,
628
] | 3.888889 | 9 |
####################
# Import libraries #
####################
# standard numerical libraries
import numpy as np
import pandas as pd
# Plotting libraries
import seaborn as sns
import matplotlib.pyplot as plt
from matplotlib.colors import ListedColormap
# Sklearn model evaluation
from sklearn.metrics import accuracy_score, f1_score, roc_auc_score, roc_curve, confusion_matrix
# For generating multi-colour confusion matrices
from numpy.ma import masked_array
import itertools
########################
# Individual functions #
########################
def evaluate_classifiers(trained_classifiers, X, y_true):
'''
Calculates predictions and classifier statistics from a dictionary of trained sklearn classifiers
Parameters
----------
trained_classifiers : dict of sklearn classifiers
X : pandas.DataFrame
Feature set
y_true : pandas.Series
Corresponding label set
Returns
-------
y_scores : pandas.DataFrame
True labels ('LABELS') vs probability scores for all classifiers
y_preds : pandas.DataFrame
True labels ('LABELS') vs predicted classes for all classifiers
classifier_metrics : pandas.DataFrame
Summary statistics for classifier performance
roc_curves : dict
Dictionary of arrays for plotting ROC curves
confusion_matrices : dict
Dictionary of arrays for plotting confusion matrices
'''
y_preds = {'LABELS': y_true.values}
y_scores = {'LABELS': y_true.values}
accuracies = {}
f1_scores = {}
roc_auc_scores = {}
gini_scores = {}
roc_curves = {}
confusion_matrices = {}
for name, clf in trained_classifiers.items():
# Store the classic accuracy score
accuracies[name] = clf.score(X, y_true)
# Calculate the F1 scores
y_pred = clf.predict(X)
f1_scores[name] = f1_score(y_true, y_pred)
y_preds[name] = y_pred
# Calculate and store ROC curves and AUC scores
y_score = clf.predict_proba(X)[:, 1]
y_scores[name] = y_score
roc_curves[name] = roc_curve(y_true, y_score)
roc_auc_scores[name] = roc_auc_score(y_true, y_score)
gini_scores[name] = 2*roc_auc_scores[name] - 1
# Store confusion matrices
confusion_matrices[name] = confusion_matrix(y_true, y_pred)
# Compile results DataFrames
y_scores = pd.DataFrame(y_scores)
y_preds = pd.DataFrame(y_preds)
classifier_metrics = pd.DataFrame({
'accuracy': accuracies,
'f1_score': f1_scores,
'roc-auc': roc_auc_scores,
'gini': gini_scores
})
return y_scores, y_preds, classifier_metrics, roc_curves, confusion_matrices
def plot_roc(roc_curves, baseline=True, perfect_clf_line=True, color_palette='standard'):
'''
Plots ROC curves
Parameters
----------
roc_curves : dict
Dict of {'model_name': sklearn ROC parameters}
baseline : bool
If True, plots diagonal random-guesser line
perfect_clf_line : bool
If True, plots perfect classifier line
color_palette : str
One of {'standard', 'comparison'}:
- If 'standard', uses standard seaborn categorical color_palette
- If 'comparison', plots one line blue, and one line red - useful for comparing new and old models back to back (has to be 2 models in `roc_curves` only)
'''
plt.figure(figsize=[20, 10])
# Plot baselines if specified
if baseline:
baseline = plt.plot((0, 1), (0, 1), 'k--', label='baseline')
if perfect_clf_line:
perfect = plt.plot((0, 0, 1), (0, 1, 1), '--', color='#FF33F0', label='perfect_classifier')
# Select plot palette
if color_palette == 'standard':
colours = sns.color_palette(n_colors=len(roc_curves))
elif color_palette == 'comparison':
if len(roc_curves) == 2:
colours = ['b', 'r']
else:
raise ValueError('Input only 2 roc curves for "comparison" color_palette')
# Plot all ROC curves
for plot_line_number, (model_name, roc) in enumerate(roc_curves.items()):
fpr, tpr, thresholds = roc
plt.plot(fpr, tpr, '-', color=colours[plot_line_number], label=model_name)
plt.title('ROC Curve', fontsize='xx-large')
plt.xlabel('False Positive Rate \n (False Positives / All Negatives)', fontsize='x-large')
plt.ylabel('True Positive Rate \n (True Positives / All Positives)', fontsize='x-large')
plt.legend(fontsize='x-large');
def generate_label_palettes(categorical_palette, n_labels=2, plotter='mpl'):
'''
Given a parent seaborn categorical palette, generates single-colour sequential palettes for each colour in the parent palette, up to n_labels colours
Parameters
----------
categorical_palette : seaborn.palettes._ColorPalette
Parent palette of various colours
n_labels : int
Number of labels (dependent variables) in the classification task
plotter : str
One of {'sns', 'mpl'}:
- 'sns' dictates the output palettes will be in `seaborn` color_palette format
- 'mpl' dictates the output palettes will be in `matplotlib` colormap format
Returns
-------
label_palettes : dict
Dictionary of format {'label_name': single-colour map/palette}
'''
label_palettes = {}
for i in range(n_labels):
if plotter == 'sns':
label_palettes[f'label_{i}'] = sns.light_palette(categorical_palette[i], n_colors=50)
elif plotter == 'mpl':
label_palettes[f'label_{i}'] = ListedColormap(sns.light_palette(categorical_palette[i], n_colors=50).as_hex())
else:
raise ValueError(f'plotter type {plotter} not recognised')
return label_palettes
def plot_confusion_matrix(cm, classes, title='Confusion Matrix', fig=None, index=111, categorical_palette=sns.color_palette()):
'''
Plots confusion matrix, with class colours consistent with other plots
Parameters
----------
cm : np.array
Confusion matrix array
classes : int
Number of unique classes in the target variable
normalize : bool
Whether to display absolute or proportional values in the confusion matrix
title : str
Title of plot
'''
# fig, ax = plt.subplots(figsize=[5, 5])
if fig is None:
fig = plt.figure(figsize=[5, 5])
ax = fig.add_subplot(index)
# Normalise confusion matrix, for color scale and, optionally, for text display
cm_norm = cm.astype('float') / cm.sum(axis=1)[:, np.newaxis]
# Generate varying palettes for each class from parent categorical palette
label_palettes = generate_label_palettes(categorical_palette, n_labels=cm.shape[0], plotter='mpl')
for i, label in enumerate(cm_norm):
# Mask confusion matrix for each label, in order to apply a separate label colormap for each
mask = np.zeros_like(cm_norm)
# Imshow builds from bottom to top; row index for confusion matrix array is the opposite
inverted_index = mask.shape[0] - 1 - i
mask[inverted_index, :] = 1
cm_masked = masked_array(cm_norm, mask)
# Get label color palette
cmap = label_palettes[f'label_{i}']
# Plot label color intensities, based on normalised values
cm_label = ax.imshow(cm_masked, interpolation='nearest', cmap=cmap, vmin=0, vmax=1)
# Plot confusion matrix values
for i, j in itertools.product(range(cm.shape[0]), range(cm.shape[1])):
text = str(round(cm[i, j], 2)) + '\n' + str(round(100*cm_norm[i, j], 1)) + '%'
ax.text(j, i+0.07, text,
horizontalalignment="center",
color="white" if cm_norm[i, j] > 0.5 else "black",
fontsize='x-large')
# Formatting
tick_marks = np.arange(len(classes))
ax.set_xticks(tick_marks)
ax.set_xticklabels(classes, fontsize='x-large')
ax.set_yticks(tick_marks)
ax.set_yticklabels(classes, fontsize='x-large')
# ax.tight_layout()
ax.set_title(title, fontsize='xx-large')
ax.set_xlabel('Predicted Label', fontsize='x-large')
ax.set_ylabel('True Label', fontsize='x-large')
# plt.show()
return ax
def get_subplot_dims(num_plots, max_cols=3):
'''Return subplot layout for a given number of plots'''
if num_plots <= max_cols:
num_rows = 1
num_cols = num_plots
else:
num_rows = num_plots // max_cols
remainder = num_plots % max_cols
if remainder > 0:
num_rows += 1
num_cols = max_cols
return num_rows, num_cols
def plot_confusion_matrices(confusion_matrices, y_preds):
'''
Plots a series of confusion matrices from a dictionary of CM arrays, from a set of trained models
Parameters
----------
confusion_matrices : dict
Dict of confusion matrix arrays
'''
num_rows, num_cols = get_subplot_dims(len(confusion_matrices))
fig, ax = plt.subplots(num_rows, num_cols, figsize=[20*num_rows, 5*num_cols])
for ax_number, (clf_name, cm) in enumerate(confusion_matrices.items()):
# Turn off initial axis
ax[ax_number].axis('off')
# Generate CM title
title = f'Confusion Matrix \n {clf_name}'
# Get subplot index and plot CM for given index
index = int(str(num_rows) + str(num_cols) + str(ax_number + 1))
plot_confusion_matrix(cm, classes=y_preds[clf_name].unique(), fig=fig, index=index, title=title)
def plot_binary_clf_histogram(y_test, y_pred, bins=50, normalize=True, fig=None, index=111, title='Model predictions (histograms of positive and negative classes)', categorical_palette=sns.color_palette()):
'''
Plot histograms of model-predicted probability counts for both classes
Parameters
----------
y_test : pandas.Series
Test-set labels
y_pred : pandas.Series
Test-set model predictions
bins : int
Number of bins in each histogram
normalize : bool
Whether to display absolute or relative counts (useful for visualising when big 0/1 class imbalance)
'''
if fig is None:
fig = plt.figure(figsize=[20, 10])
ax = fig.add_subplot(index)
negatives = y_pred[y_test == False]
positives = y_pred[y_test == True]
# plt.figure(figsize=[20, 10])
sns.set_palette(categorical_palette)
sns.distplot(negatives, hist=True, kde=False, norm_hist=normalize, bins=bins, ax=ax)
sns.distplot(positives, hist=True, kde=False, norm_hist=normalize, bins=bins, ax=ax)
ax.set_xlabel('Model predicted probability of positive class', fontsize='x-large'),
ax.set_ylabel('Counts (of binned probability)', fontsize='x-large')
ax.set_title(title, fontsize='xx-large')
def plot_binary_clf_histograms(y_test, y_scores):
'''
Plots a series of histograms from a set of y predictions
Parameters
----------
confusion_matrices : dict
Dict of confusion matrix arrays
'''
y_scores_models = y_scores.drop('LABELS', axis=1)
num_rows, num_cols = get_subplot_dims(y_scores_models.shape[1], max_cols=1)
fig, ax = plt.subplots(num_rows, num_cols, figsize=[20, 10*num_rows])
for ax_number, (clf_name, y_score) in enumerate(y_scores_models.iteritems()):
# Turn off initial axis
ax[ax_number].axis('off')
# Generate CM title
title = f'Model Predictions \n {clf_name}'
# Get subplot index and plot CM for given index
index = int(str(num_rows) + str(num_cols) + str(ax_number + 1))
plot_binary_clf_histogram(y_test, y_score, title=title, fig=fig, index=index) | [
14468,
4242,
198,
2,
17267,
12782,
1303,
198,
14468,
4242,
198,
198,
2,
3210,
29052,
12782,
198,
11748,
299,
32152,
355,
45941,
198,
11748,
19798,
292,
355,
279,
67,
198,
198,
2,
28114,
889,
12782,
198,
11748,
384,
397,
1211,
355,
3013,
82,
198,
11748,
2603,
29487,
8019,
13,
9078,
29487,
355,
458,
83,
198,
6738,
2603,
29487,
8019,
13,
4033,
669,
1330,
406,
6347,
5216,
579,
499,
198,
198,
2,
3661,
35720,
2746,
12660,
198,
6738,
1341,
35720,
13,
4164,
10466,
1330,
9922,
62,
26675,
11,
277,
16,
62,
26675,
11,
686,
66,
62,
14272,
62,
26675,
11,
686,
66,
62,
22019,
303,
11,
10802,
62,
6759,
8609,
198,
198,
2,
1114,
15453,
5021,
12,
49903,
10802,
2603,
45977,
198,
6738,
299,
32152,
13,
2611,
1330,
29229,
62,
18747,
198,
198,
11748,
340,
861,
10141,
628,
198,
14468,
7804,
198,
2,
18629,
5499,
1303,
198,
14468,
7804,
198,
198,
4299,
13446,
62,
4871,
13350,
7,
35311,
62,
4871,
13350,
11,
1395,
11,
331,
62,
7942,
2599,
198,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
27131,
689,
16277,
290,
1398,
7483,
7869,
422,
257,
22155,
286,
8776,
1341,
35720,
1398,
13350,
198,
220,
220,
220,
220,
198,
220,
220,
220,
40117,
198,
220,
220,
220,
24200,
438,
198,
220,
220,
220,
8776,
62,
4871,
13350,
1058,
8633,
286,
1341,
35720,
1398,
13350,
198,
220,
220,
220,
1395,
1058,
19798,
292,
13,
6601,
19778,
198,
220,
220,
220,
220,
220,
220,
220,
27018,
900,
198,
220,
220,
220,
331,
62,
7942,
1058,
19798,
292,
13,
27996,
198,
220,
220,
220,
220,
220,
220,
220,
34428,
278,
6167,
900,
198,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
16409,
198,
220,
220,
220,
35656,
198,
220,
220,
220,
331,
62,
1416,
2850,
1058,
19798,
292,
13,
6601,
19778,
198,
220,
220,
220,
220,
220,
220,
220,
6407,
14722,
19203,
48780,
37142,
11537,
3691,
12867,
8198,
329,
477,
1398,
13350,
198,
220,
220,
220,
331,
62,
28764,
82,
1058,
19798,
292,
13,
6601,
19778,
198,
220,
220,
220,
220,
220,
220,
220,
6407,
14722,
19203,
48780,
37142,
11537,
3691,
11001,
6097,
329,
477,
1398,
13350,
198,
220,
220,
220,
1398,
7483,
62,
4164,
10466,
1058,
19798,
292,
13,
6601,
19778,
198,
220,
220,
220,
220,
220,
220,
220,
21293,
7869,
329,
1398,
7483,
2854,
198,
220,
220,
220,
686,
66,
62,
22019,
1158,
1058,
8633,
198,
220,
220,
220,
220,
220,
220,
220,
28261,
286,
26515,
329,
29353,
371,
4503,
23759,
198,
220,
220,
220,
10802,
62,
6759,
45977,
1058,
8633,
198,
220,
220,
220,
220,
220,
220,
220,
28261,
286,
26515,
329,
29353,
10802,
2603,
45977,
198,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
220,
198,
220,
220,
220,
331,
62,
28764,
82,
796,
1391,
6,
48780,
37142,
10354,
331,
62,
7942,
13,
27160,
92,
198,
220,
220,
220,
331,
62,
1416,
2850,
796,
1391,
6,
48780,
37142,
10354,
331,
62,
7942,
13,
27160,
92,
628,
220,
220,
220,
4431,
13433,
796,
23884,
198,
220,
220,
220,
277,
16,
62,
1416,
2850,
796,
23884,
198,
220,
220,
220,
686,
66,
62,
14272,
62,
1416,
2850,
796,
23884,
198,
220,
220,
220,
308,
5362,
62,
1416,
2850,
796,
23884,
628,
220,
220,
220,
686,
66,
62,
22019,
1158,
796,
23884,
198,
220,
220,
220,
10802,
62,
6759,
45977,
796,
23884,
628,
220,
220,
220,
329,
1438,
11,
537,
69,
287,
8776,
62,
4871,
13350,
13,
23814,
33529,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
9363,
262,
6833,
9922,
4776,
198,
220,
220,
220,
220,
220,
220,
220,
4431,
13433,
58,
3672,
60,
796,
537,
69,
13,
26675,
7,
55,
11,
331,
62,
7942,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
27131,
378,
262,
376,
16,
8198,
198,
220,
220,
220,
220,
220,
220,
220,
331,
62,
28764,
796,
537,
69,
13,
79,
17407,
7,
55,
8,
198,
220,
220,
220,
220,
220,
220,
220,
277,
16,
62,
1416,
2850,
58,
3672,
60,
796,
277,
16,
62,
26675,
7,
88,
62,
7942,
11,
331,
62,
28764,
8,
198,
220,
220,
220,
220,
220,
220,
220,
331,
62,
28764,
82,
58,
3672,
60,
796,
331,
62,
28764,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
27131,
378,
290,
3650,
371,
4503,
23759,
290,
317,
9598,
8198,
198,
220,
220,
220,
220,
220,
220,
220,
331,
62,
26675,
796,
537,
69,
13,
79,
17407,
62,
1676,
7012,
7,
55,
38381,
45299,
352,
60,
198,
220,
220,
220,
220,
220,
220,
220,
331,
62,
1416,
2850,
58,
3672,
60,
796,
331,
62,
26675,
198,
220,
220,
220,
220,
220,
220,
220,
686,
66,
62,
22019,
1158,
58,
3672,
60,
796,
686,
66,
62,
22019,
303,
7,
88,
62,
7942,
11,
331,
62,
26675,
8,
198,
220,
220,
220,
220,
220,
220,
220,
686,
66,
62,
14272,
62,
1416,
2850,
58,
3672,
60,
796,
686,
66,
62,
14272,
62,
26675,
7,
88,
62,
7942,
11,
331,
62,
26675,
8,
198,
220,
220,
220,
220,
220,
220,
220,
308,
5362,
62,
1416,
2850,
58,
3672,
60,
796,
362,
9,
12204,
62,
14272,
62,
1416,
2850,
58,
3672,
60,
532,
352,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
9363,
10802,
2603,
45977,
198,
220,
220,
220,
220,
220,
220,
220,
10802,
62,
6759,
45977,
58,
3672,
60,
796,
10802,
62,
6759,
8609,
7,
88,
62,
7942,
11,
331,
62,
28764,
8,
628,
220,
220,
220,
1303,
3082,
576,
2482,
6060,
35439,
198,
220,
220,
220,
331,
62,
1416,
2850,
796,
279,
67,
13,
6601,
19778,
7,
88,
62,
1416,
2850,
8,
198,
220,
220,
220,
331,
62,
28764,
82,
796,
279,
67,
13,
6601,
19778,
7,
88,
62,
28764,
82,
8,
628,
220,
220,
220,
1398,
7483,
62,
4164,
10466,
796,
279,
67,
13,
6601,
19778,
15090,
198,
220,
220,
220,
220,
220,
220,
220,
705,
4134,
23843,
10354,
4431,
13433,
11,
198,
220,
220,
220,
220,
220,
220,
220,
705,
69,
16,
62,
26675,
10354,
277,
16,
62,
1416,
2850,
11,
220,
198,
220,
220,
220,
220,
220,
220,
220,
705,
12204,
12,
14272,
10354,
686,
66,
62,
14272,
62,
1416,
2850,
11,
198,
220,
220,
220,
220,
220,
220,
220,
705,
1655,
72,
10354,
308,
5362,
62,
1416,
2850,
198,
220,
220,
220,
32092,
628,
220,
220,
220,
1441,
331,
62,
1416,
2850,
11,
331,
62,
28764,
82,
11,
1398,
7483,
62,
4164,
10466,
11,
686,
66,
62,
22019,
1158,
11,
10802,
62,
6759,
45977,
628,
198,
4299,
7110,
62,
12204,
7,
12204,
62,
22019,
1158,
11,
14805,
28,
17821,
11,
2818,
62,
565,
69,
62,
1370,
28,
17821,
11,
3124,
62,
18596,
5857,
11639,
20307,
6,
2599,
198,
220,
220,
220,
220,
198,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
1345,
1747,
371,
4503,
23759,
198,
220,
220,
220,
220,
198,
220,
220,
220,
40117,
198,
220,
220,
220,
24200,
438,
198,
220,
220,
220,
686,
66,
62,
22019,
1158,
1058,
8633,
198,
220,
220,
220,
220,
220,
220,
220,
360,
713,
286,
1391,
6,
19849,
62,
3672,
10354,
1341,
35720,
371,
4503,
10007,
92,
198,
220,
220,
220,
14805,
1058,
20512,
198,
220,
220,
220,
220,
220,
220,
220,
1002,
6407,
11,
21528,
40039,
4738,
12,
5162,
408,
263,
1627,
198,
220,
220,
220,
2818,
62,
565,
69,
62,
1370,
1058,
20512,
198,
220,
220,
220,
220,
220,
220,
220,
1002,
6407,
11,
21528,
2818,
1398,
7483,
1627,
198,
220,
220,
220,
3124,
62,
18596,
5857,
1058,
965,
198,
220,
220,
220,
220,
220,
220,
220,
1881,
286,
1391,
6,
20307,
3256,
705,
785,
1845,
1653,
6,
38362,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
532,
1002,
705,
20307,
3256,
3544,
3210,
384,
397,
1211,
4253,
12409,
3124,
62,
18596,
5857,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
532,
1002,
705,
785,
1845,
1653,
3256,
21528,
530,
1627,
4171,
11,
290,
530,
1627,
2266,
532,
4465,
329,
14176,
649,
290,
1468,
4981,
736,
284,
736,
357,
10134,
284,
307,
362,
4981,
287,
4600,
12204,
62,
22019,
1158,
63,
691,
8,
198,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
220,
198,
220,
220,
220,
458,
83,
13,
26875,
7,
5647,
7857,
41888,
1238,
11,
838,
12962,
628,
220,
220,
220,
1303,
28114,
1615,
20655,
611,
7368,
198,
220,
220,
220,
611,
14805,
25,
198,
220,
220,
220,
220,
220,
220,
220,
14805,
796,
458,
83,
13,
29487,
19510,
15,
11,
352,
828,
357,
15,
11,
352,
828,
705,
74,
438,
3256,
6167,
11639,
12093,
4470,
11537,
198,
220,
220,
220,
611,
2818,
62,
565,
69,
62,
1370,
25,
198,
220,
220,
220,
220,
220,
220,
220,
2818,
796,
458,
83,
13,
29487,
19510,
15,
11,
657,
11,
352,
828,
357,
15,
11,
352,
11,
352,
828,
705,
438,
3256,
3124,
11639,
2,
5777,
2091,
37,
15,
3256,
6167,
11639,
25833,
62,
4871,
7483,
11537,
628,
220,
220,
220,
1303,
9683,
7110,
27043,
198,
220,
220,
220,
611,
3124,
62,
18596,
5857,
6624,
705,
20307,
10354,
198,
220,
220,
220,
220,
220,
220,
220,
18915,
796,
3013,
82,
13,
8043,
62,
18596,
5857,
7,
77,
62,
4033,
669,
28,
11925,
7,
12204,
62,
22019,
1158,
4008,
198,
220,
220,
220,
1288,
361,
3124,
62,
18596,
5857,
6624,
705,
785,
1845,
1653,
10354,
198,
220,
220,
220,
220,
220,
220,
220,
611,
18896,
7,
12204,
62,
22019,
1158,
8,
6624,
362,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
18915,
796,
37250,
65,
3256,
705,
81,
20520,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5298,
11052,
12331,
10786,
20560,
691,
362,
686,
66,
23759,
329,
366,
785,
1845,
1653,
1,
3124,
62,
18596,
5857,
11537,
220,
628,
220,
220,
220,
1303,
28114,
477,
371,
4503,
23759,
198,
220,
220,
220,
329,
7110,
62,
1370,
62,
17618,
11,
357,
19849,
62,
3672,
11,
686,
66,
8,
287,
27056,
378,
7,
12204,
62,
22019,
1158,
13,
23814,
3419,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
277,
1050,
11,
256,
1050,
11,
40885,
796,
686,
66,
198,
220,
220,
220,
220,
220,
220,
220,
458,
83,
13,
29487,
7,
69,
1050,
11,
256,
1050,
11,
705,
12,
3256,
3124,
28,
4033,
4662,
58,
29487,
62,
1370,
62,
17618,
4357,
6167,
28,
19849,
62,
3672,
8,
628,
220,
220,
220,
458,
83,
13,
7839,
10786,
49,
4503,
46300,
3256,
10369,
7857,
11639,
5324,
12,
11664,
11537,
198,
220,
220,
220,
458,
83,
13,
87,
18242,
10786,
25101,
33733,
14806,
3467,
77,
357,
25101,
350,
7434,
1083,
1220,
1439,
13496,
2929,
8,
3256,
10369,
7857,
11639,
87,
12,
11664,
11537,
198,
220,
220,
220,
458,
83,
13,
2645,
9608,
10786,
17821,
33733,
14806,
3467,
77,
357,
17821,
350,
7434,
1083,
1220,
1439,
350,
7434,
1083,
8,
3256,
10369,
7857,
11639,
87,
12,
11664,
11537,
628,
220,
220,
220,
458,
83,
13,
1455,
437,
7,
10331,
7857,
11639,
87,
12,
11664,
24036,
198,
220,
220,
220,
220,
198,
220,
220,
220,
220,
198,
4299,
7716,
62,
18242,
62,
18596,
23014,
7,
66,
2397,
12409,
62,
18596,
5857,
11,
299,
62,
23912,
1424,
28,
17,
11,
7110,
353,
11639,
76,
489,
6,
2599,
198,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
11259,
257,
2560,
384,
397,
1211,
4253,
12409,
27043,
11,
18616,
2060,
12,
49903,
35582,
6340,
23014,
329,
1123,
9568,
287,
262,
2560,
27043,
11,
510,
284,
299,
62,
23912,
1424,
18915,
198,
220,
220,
220,
220,
198,
220,
220,
220,
40117,
198,
220,
220,
220,
24200,
438,
198,
220,
220,
220,
4253,
12409,
62,
18596,
5857,
1058,
384,
397,
1211,
13,
18596,
23014,
13557,
10258,
11531,
5857,
198,
220,
220,
220,
220,
220,
220,
220,
16774,
27043,
286,
2972,
18915,
198,
220,
220,
220,
299,
62,
23912,
1424,
1058,
493,
198,
220,
220,
220,
220,
220,
220,
220,
7913,
286,
14722,
357,
21186,
9633,
8,
287,
262,
17923,
4876,
198,
220,
220,
220,
7110,
353,
1058,
965,
198,
220,
220,
220,
220,
220,
220,
220,
1881,
286,
1391,
6,
82,
5907,
3256,
705,
76,
489,
6,
38362,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
532,
705,
82,
5907,
6,
35054,
262,
5072,
6340,
23014,
481,
307,
287,
4600,
325,
397,
1211,
63,
3124,
62,
18596,
5857,
5794,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
532,
705,
76,
489,
6,
35054,
262,
5072,
6340,
23014,
481,
307,
287,
4600,
6759,
29487,
8019,
63,
951,
579,
499,
5794,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
16409,
198,
220,
220,
220,
35656,
198,
220,
220,
220,
6167,
62,
18596,
23014,
1058,
8633,
198,
220,
220,
220,
220,
220,
220,
220,
28261,
286,
5794,
1391,
6,
18242,
62,
3672,
10354,
2060,
12,
49903,
3975,
14,
18596,
5857,
92,
198,
220,
220,
220,
705,
7061,
628,
220,
220,
220,
6167,
62,
18596,
23014,
796,
23884,
198,
220,
220,
220,
329,
1312,
287,
2837,
7,
77,
62,
23912,
1424,
2599,
220,
198,
220,
220,
220,
220,
220,
220,
220,
611,
7110,
353,
6624,
705,
82,
5907,
10354,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6167,
62,
18596,
23014,
58,
69,
6,
18242,
23330,
72,
92,
20520,
796,
3013,
82,
13,
2971,
62,
18596,
5857,
7,
66,
2397,
12409,
62,
18596,
5857,
58,
72,
4357,
299,
62,
4033,
669,
28,
1120,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
7110,
353,
6624,
705,
76,
489,
10354,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6167,
62,
18596,
23014,
58,
69,
6,
18242,
23330,
72,
92,
20520,
796,
406,
6347,
5216,
579,
499,
7,
82,
5907,
13,
2971,
62,
18596,
5857,
7,
66,
2397,
12409,
62,
18596,
5857,
58,
72,
4357,
299,
62,
4033,
669,
28,
1120,
737,
292,
62,
33095,
28955,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5298,
11052,
12331,
7,
69,
6,
29487,
353,
2099,
1391,
29487,
353,
92,
407,
20915,
11537,
628,
220,
220,
220,
1441,
6167,
62,
18596,
23014,
628,
198,
4299,
7110,
62,
10414,
4241,
62,
6759,
8609,
7,
11215,
11,
6097,
11,
3670,
11639,
18546,
4241,
24936,
3256,
2336,
28,
14202,
11,
6376,
28,
16243,
11,
4253,
12409,
62,
18596,
5857,
28,
82,
5907,
13,
8043,
62,
18596,
5857,
3419,
2599,
198,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
1345,
1747,
10802,
17593,
11,
351,
1398,
18915,
6414,
351,
584,
21528,
198,
220,
220,
220,
220,
198,
220,
220,
220,
40117,
198,
220,
220,
220,
24200,
438,
198,
220,
220,
220,
12067,
1058,
45941,
13,
18747,
198,
220,
220,
220,
220,
220,
220,
220,
7326,
4241,
17593,
7177,
198,
220,
220,
220,
6097,
1058,
493,
198,
220,
220,
220,
220,
220,
220,
220,
7913,
286,
3748,
6097,
287,
262,
2496,
7885,
198,
220,
220,
220,
3487,
1096,
1058,
20512,
198,
220,
220,
220,
220,
220,
220,
220,
10127,
284,
3359,
4112,
393,
27111,
3815,
287,
262,
10802,
17593,
198,
220,
220,
220,
3670,
1058,
965,
198,
220,
220,
220,
220,
220,
220,
220,
11851,
286,
7110,
198,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
220,
198,
2,
220,
220,
220,
220,
2336,
11,
7877,
796,
458,
83,
13,
7266,
489,
1747,
7,
5647,
7857,
41888,
20,
11,
642,
12962,
198,
220,
220,
220,
611,
2336,
318,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
2336,
796,
458,
83,
13,
26875,
7,
5647,
7857,
41888,
20,
11,
642,
12962,
198,
220,
220,
220,
7877,
796,
2336,
13,
2860,
62,
7266,
29487,
7,
9630,
8,
628,
220,
220,
220,
1303,
14435,
786,
10802,
17593,
11,
329,
3124,
5046,
290,
11,
42976,
11,
329,
2420,
3359,
198,
220,
220,
220,
12067,
62,
27237,
796,
12067,
13,
459,
2981,
10786,
22468,
11537,
1220,
12067,
13,
16345,
7,
22704,
28,
16,
38381,
45299,
45941,
13,
3605,
22704,
60,
198,
220,
220,
220,
220,
198,
220,
220,
220,
1303,
2980,
378,
15874,
6340,
23014,
329,
1123,
1398,
422,
2560,
4253,
12409,
27043,
198,
220,
220,
220,
6167,
62,
18596,
23014,
796,
7716,
62,
18242,
62,
18596,
23014,
7,
66,
2397,
12409,
62,
18596,
5857,
11,
299,
62,
23912,
1424,
28,
11215,
13,
43358,
58,
15,
4357,
7110,
353,
11639,
76,
489,
11537,
628,
220,
220,
220,
329,
1312,
11,
6167,
287,
27056,
378,
7,
11215,
62,
27237,
2599,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
18007,
10802,
17593,
329,
1123,
6167,
11,
287,
1502,
284,
4174,
257,
4553,
6167,
951,
579,
499,
329,
1123,
198,
220,
220,
220,
220,
220,
220,
220,
9335,
796,
45941,
13,
9107,
418,
62,
2339,
7,
11215,
62,
27237,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
314,
907,
4919,
12188,
422,
4220,
284,
1353,
26,
5752,
6376,
329,
10802,
17593,
7177,
318,
262,
6697,
198,
220,
220,
220,
220,
220,
220,
220,
37204,
62,
9630,
796,
9335,
13,
43358,
58,
15,
60,
532,
352,
532,
1312,
198,
220,
220,
220,
220,
220,
220,
220,
9335,
58,
259,
13658,
62,
9630,
11,
1058,
60,
796,
352,
198,
220,
220,
220,
220,
220,
220,
220,
12067,
62,
27932,
276,
796,
29229,
62,
18747,
7,
11215,
62,
27237,
11,
9335,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
3497,
6167,
3124,
27043,
198,
220,
220,
220,
220,
220,
220,
220,
269,
8899,
796,
6167,
62,
18596,
23014,
58,
69,
6,
18242,
23330,
72,
92,
20520,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
28114,
6167,
3124,
17509,
871,
11,
1912,
319,
3487,
1417,
3815,
198,
220,
220,
220,
220,
220,
220,
220,
12067,
62,
18242,
796,
7877,
13,
320,
12860,
7,
11215,
62,
27932,
276,
11,
39555,
341,
11639,
710,
12423,
3256,
269,
8899,
28,
66,
8899,
11,
410,
1084,
28,
15,
11,
410,
9806,
28,
16,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
1303,
28114,
10802,
17593,
3815,
198,
220,
220,
220,
329,
1312,
11,
474,
287,
340,
861,
10141,
13,
11167,
7,
9521,
7,
11215,
13,
43358,
58,
15,
46570,
2837,
7,
11215,
13,
43358,
58,
16,
12962,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
2420,
796,
965,
7,
744,
7,
11215,
58,
72,
11,
474,
4357,
362,
4008,
1343,
705,
59,
77,
6,
1343,
965,
7,
744,
7,
3064,
9,
11215,
62,
27237,
58,
72,
11,
474,
4357,
352,
4008,
1343,
705,
4,
6,
198,
220,
220,
220,
220,
220,
220,
220,
7877,
13,
5239,
7,
73,
11,
1312,
10,
15,
13,
2998,
11,
2420,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
16021,
282,
16747,
2625,
16159,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3124,
2625,
11186,
1,
611,
12067,
62,
27237,
58,
72,
11,
474,
60,
1875,
657,
13,
20,
2073,
366,
13424,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
10369,
7857,
11639,
87,
12,
11664,
11537,
628,
220,
220,
220,
1303,
18980,
889,
198,
220,
220,
220,
4378,
62,
14306,
796,
45941,
13,
283,
858,
7,
11925,
7,
37724,
4008,
198,
220,
220,
220,
7877,
13,
2617,
62,
742,
3378,
7,
42298,
62,
14306,
8,
198,
220,
220,
220,
7877,
13,
2617,
62,
742,
624,
23912,
1424,
7,
37724,
11,
10369,
7857,
11639,
87,
12,
11664,
11537,
198,
220,
220,
220,
7877,
13,
2617,
62,
20760,
3378,
7,
42298,
62,
14306,
8,
198,
220,
220,
220,
7877,
13,
2617,
62,
20760,
624,
23912,
1424,
7,
37724,
11,
10369,
7857,
11639,
87,
12,
11664,
11537,
198,
220,
220,
220,
220,
198,
2,
220,
220,
220,
220,
7877,
13,
33464,
62,
39786,
3419,
198,
220,
220,
220,
7877,
13,
2617,
62,
7839,
7,
7839,
11,
10369,
7857,
11639,
5324,
12,
11664,
11537,
198,
220,
220,
220,
7877,
13,
2617,
62,
87,
18242,
10786,
39156,
5722,
36052,
3256,
10369,
7857,
11639,
87,
12,
11664,
11537,
198,
220,
220,
220,
7877,
13,
2617,
62,
2645,
9608,
10786,
17821,
36052,
3256,
10369,
7857,
11639,
87,
12,
11664,
11537,
198,
198,
2,
220,
220,
220,
220,
458,
83,
13,
12860,
3419,
198,
220,
220,
220,
1441,
7877,
628,
198,
4299,
651,
62,
7266,
29487,
62,
67,
12078,
7,
22510,
62,
489,
1747,
11,
3509,
62,
4033,
82,
28,
18,
2599,
198,
220,
220,
220,
705,
7061,
13615,
850,
29487,
12461,
329,
257,
1813,
1271,
286,
21528,
7061,
6,
198,
220,
220,
220,
611,
997,
62,
489,
1747,
19841,
3509,
62,
4033,
82,
25,
198,
220,
220,
220,
220,
220,
220,
220,
997,
62,
8516,
796,
352,
198,
220,
220,
220,
220,
220,
220,
220,
997,
62,
4033,
82,
796,
997,
62,
489,
1747,
198,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
997,
62,
8516,
796,
997,
62,
489,
1747,
3373,
3509,
62,
4033,
82,
198,
220,
220,
220,
220,
220,
220,
220,
17675,
796,
997,
62,
489,
1747,
4064,
3509,
62,
4033,
82,
198,
220,
220,
220,
220,
220,
220,
220,
611,
17675,
1875,
657,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
997,
62,
8516,
15853,
352,
198,
220,
220,
220,
220,
220,
220,
220,
997,
62,
4033,
82,
796,
3509,
62,
4033,
82,
198,
220,
220,
220,
1441,
997,
62,
8516,
11,
997,
62,
4033,
82,
628,
198,
4299,
7110,
62,
10414,
4241,
62,
6759,
45977,
7,
10414,
4241,
62,
6759,
45977,
11,
331,
62,
28764,
82,
2599,
198,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
1345,
1747,
257,
2168,
286,
10802,
2603,
45977,
422,
257,
22155,
286,
16477,
26515,
11,
422,
257,
900,
286,
8776,
4981,
198,
220,
220,
220,
220,
198,
220,
220,
220,
40117,
198,
220,
220,
220,
24200,
438,
198,
220,
220,
220,
10802,
62,
6759,
45977,
1058,
8633,
198,
220,
220,
220,
220,
220,
220,
220,
360,
713,
286,
10802,
17593,
26515,
198,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
220,
198,
220,
220,
220,
220,
198,
220,
220,
220,
997,
62,
8516,
11,
997,
62,
4033,
82,
796,
651,
62,
7266,
29487,
62,
67,
12078,
7,
11925,
7,
10414,
4241,
62,
6759,
45977,
4008,
628,
220,
220,
220,
2336,
11,
7877,
796,
458,
83,
13,
7266,
489,
1747,
7,
22510,
62,
8516,
11,
997,
62,
4033,
82,
11,
2336,
7857,
41888,
1238,
9,
22510,
62,
8516,
11,
642,
9,
22510,
62,
4033,
82,
12962,
628,
220,
220,
220,
329,
7877,
62,
17618,
11,
357,
565,
69,
62,
3672,
11,
12067,
8,
287,
27056,
378,
7,
10414,
4241,
62,
6759,
45977,
13,
23814,
3419,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
6756,
572,
4238,
16488,
198,
220,
220,
220,
220,
220,
220,
220,
7877,
58,
897,
62,
17618,
4083,
22704,
10786,
2364,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
2980,
378,
16477,
3670,
198,
220,
220,
220,
220,
220,
220,
220,
3670,
796,
277,
6,
18546,
4241,
24936,
3467,
77,
1391,
565,
69,
62,
3672,
92,
6,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
3497,
850,
29487,
6376,
290,
7110,
16477,
329,
1813,
6376,
198,
220,
220,
220,
220,
220,
220,
220,
6376,
796,
493,
7,
2536,
7,
22510,
62,
8516,
8,
1343,
965,
7,
22510,
62,
4033,
82,
8,
1343,
965,
7,
897,
62,
17618,
1343,
352,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
7110,
62,
10414,
4241,
62,
6759,
8609,
7,
11215,
11,
6097,
28,
88,
62,
28764,
82,
58,
565,
69,
62,
3672,
4083,
34642,
22784,
2336,
28,
5647,
11,
6376,
28,
9630,
11,
3670,
28,
7839,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
220,
198,
4299,
7110,
62,
39491,
62,
565,
69,
62,
10034,
21857,
7,
88,
62,
9288,
11,
331,
62,
28764,
11,
41701,
28,
1120,
11,
3487,
1096,
28,
17821,
11,
2336,
28,
14202,
11,
6376,
28,
16243,
11,
3670,
11639,
17633,
16277,
357,
10034,
26836,
286,
3967,
290,
4633,
6097,
8,
3256,
4253,
12409,
62,
18596,
5857,
28,
82,
5907,
13,
8043,
62,
18596,
5857,
3419,
2599,
198,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
28114,
1554,
26836,
286,
2746,
12,
28764,
5722,
12867,
9853,
329,
1111,
6097,
198,
220,
220,
220,
220,
198,
220,
220,
220,
40117,
198,
220,
220,
220,
24200,
438,
198,
220,
220,
220,
331,
62,
9288,
1058,
19798,
292,
13,
27996,
198,
220,
220,
220,
220,
220,
220,
220,
6208,
12,
2617,
14722,
198,
220,
220,
220,
331,
62,
28764,
1058,
19798,
292,
13,
27996,
198,
220,
220,
220,
220,
220,
220,
220,
6208,
12,
2617,
2746,
16277,
198,
220,
220,
220,
41701,
1058,
493,
198,
220,
220,
220,
220,
220,
220,
220,
7913,
286,
41701,
287,
1123,
1554,
21857,
198,
220,
220,
220,
3487,
1096,
1058,
20512,
198,
220,
220,
220,
220,
220,
220,
220,
10127,
284,
3359,
4112,
393,
3585,
9853,
357,
1904,
913,
329,
5874,
1710,
618,
1263,
657,
14,
16,
1398,
32556,
8,
198,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
220,
198,
220,
220,
220,
611,
2336,
318,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
2336,
796,
458,
83,
13,
26875,
7,
5647,
7857,
41888,
1238,
11,
838,
12962,
198,
220,
220,
220,
7877,
796,
2336,
13,
2860,
62,
7266,
29487,
7,
9630,
8,
198,
220,
220,
220,
220,
198,
220,
220,
220,
42510,
796,
331,
62,
28764,
58,
88,
62,
9288,
6624,
10352,
60,
198,
220,
220,
220,
38548,
796,
331,
62,
28764,
58,
88,
62,
9288,
6624,
6407,
60,
198,
220,
220,
220,
220,
198,
2,
220,
220,
220,
220,
458,
83,
13,
26875,
7,
5647,
7857,
41888,
1238,
11,
838,
12962,
198,
220,
220,
220,
3013,
82,
13,
2617,
62,
18596,
5857,
7,
66,
2397,
12409,
62,
18596,
5857,
8,
198,
220,
220,
220,
3013,
82,
13,
17080,
29487,
7,
12480,
2929,
11,
1554,
28,
17821,
11,
479,
2934,
28,
25101,
11,
2593,
62,
10034,
28,
11265,
1096,
11,
41701,
28,
65,
1040,
11,
7877,
28,
897,
8,
198,
220,
220,
220,
3013,
82,
13,
17080,
29487,
7,
1930,
20288,
11,
1554,
28,
17821,
11,
479,
2934,
28,
25101,
11,
2593,
62,
10034,
28,
11265,
1096,
11,
41701,
28,
65,
1040,
11,
7877,
28,
897,
8,
198,
220,
220,
220,
7877,
13,
2617,
62,
87,
18242,
10786,
17633,
11001,
12867,
286,
3967,
1398,
3256,
10369,
7857,
11639,
87,
12,
11664,
33809,
220,
198,
220,
220,
220,
7877,
13,
2617,
62,
2645,
9608,
10786,
12332,
82,
357,
1659,
9874,
2817,
12867,
8,
3256,
10369,
7857,
11639,
87,
12,
11664,
11537,
198,
220,
220,
220,
7877,
13,
2617,
62,
7839,
7,
7839,
11,
10369,
7857,
11639,
5324,
12,
11664,
11537,
628,
220,
220,
220,
220,
198,
4299,
7110,
62,
39491,
62,
565,
69,
62,
10034,
26836,
7,
88,
62,
9288,
11,
331,
62,
1416,
2850,
2599,
198,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
1345,
1747,
257,
2168,
286,
1554,
26836,
422,
257,
900,
286,
331,
16277,
198,
220,
220,
220,
220,
198,
220,
220,
220,
40117,
198,
220,
220,
220,
24200,
438,
198,
220,
220,
220,
10802,
62,
6759,
45977,
1058,
8633,
198,
220,
220,
220,
220,
220,
220,
220,
360,
713,
286,
10802,
17593,
26515,
198,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
220,
198,
220,
220,
220,
331,
62,
1416,
2850,
62,
27530,
796,
331,
62,
1416,
2850,
13,
14781,
10786,
48780,
37142,
3256,
16488,
28,
16,
8,
198,
220,
220,
220,
220,
198,
220,
220,
220,
997,
62,
8516,
11,
997,
62,
4033,
82,
796,
651,
62,
7266,
29487,
62,
67,
12078,
7,
88,
62,
1416,
2850,
62,
27530,
13,
43358,
58,
16,
4357,
3509,
62,
4033,
82,
28,
16,
8,
628,
220,
220,
220,
2336,
11,
7877,
796,
458,
83,
13,
7266,
489,
1747,
7,
22510,
62,
8516,
11,
997,
62,
4033,
82,
11,
2336,
7857,
41888,
1238,
11,
838,
9,
22510,
62,
8516,
12962,
628,
220,
220,
220,
329,
7877,
62,
17618,
11,
357,
565,
69,
62,
3672,
11,
331,
62,
26675,
8,
287,
27056,
378,
7,
88,
62,
1416,
2850,
62,
27530,
13,
2676,
23814,
3419,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
6756,
572,
4238,
16488,
198,
220,
220,
220,
220,
220,
220,
220,
7877,
58,
897,
62,
17618,
4083,
22704,
10786,
2364,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
2980,
378,
16477,
3670,
198,
220,
220,
220,
220,
220,
220,
220,
3670,
796,
277,
6,
17633,
14322,
9278,
3467,
77,
1391,
565,
69,
62,
3672,
92,
6,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
3497,
850,
29487,
6376,
290,
7110,
16477,
329,
1813,
6376,
198,
220,
220,
220,
220,
220,
220,
220,
6376,
796,
493,
7,
2536,
7,
22510,
62,
8516,
8,
1343,
965,
7,
22510,
62,
4033,
82,
8,
1343,
965,
7,
897,
62,
17618,
1343,
352,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
7110,
62,
39491,
62,
565,
69,
62,
10034,
21857,
7,
88,
62,
9288,
11,
331,
62,
26675,
11,
3670,
28,
7839,
11,
2336,
28,
5647,
11,
6376,
28,
9630,
8
] | 2.425046 | 4,863 |
#!/bin/env python
# used to update all local and remote references into this bin folder
import subprocess
GITHUB_SSH_BASE_URL = '[email protected]:'
GITHUB_HTTPS_BASE_URL = 'https://github.com/'
if __name__ == "__main__":
UPDATE_QUEUE = [
intro_msg,
clone_go_buffer_repo,
]
for update_action in UPDATE_QUEUE:
std_out = update_action()
print(std_out)
| [
2,
48443,
8800,
14,
24330,
21015,
198,
198,
2,
973,
284,
4296,
477,
1957,
290,
6569,
10288,
656,
428,
9874,
9483,
198,
11748,
850,
14681,
198,
198,
38,
10554,
10526,
62,
5432,
39,
62,
33,
11159,
62,
21886,
796,
705,
18300,
31,
12567,
13,
785,
32105,
198,
38,
10554,
10526,
62,
6535,
28820,
62,
33,
11159,
62,
21886,
796,
705,
5450,
1378,
12567,
13,
785,
14,
6,
628,
198,
198,
361,
11593,
3672,
834,
6624,
366,
834,
12417,
834,
1298,
198,
220,
220,
220,
35717,
62,
48,
8924,
8924,
796,
685,
198,
220,
220,
220,
220,
220,
220,
220,
18951,
62,
19662,
11,
198,
220,
220,
220,
220,
220,
220,
220,
17271,
62,
2188,
62,
22252,
62,
260,
7501,
11,
198,
220,
220,
220,
2361,
628,
220,
220,
220,
329,
4296,
62,
2673,
287,
35717,
62,
48,
8924,
8924,
25,
198,
220,
220,
220,
220,
220,
220,
220,
14367,
62,
448,
796,
4296,
62,
2673,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
3601,
7,
19282,
62,
448,
8,
198
] | 2.321637 | 171 |
from __future__ import division
import torch
class PenaltyBuilder(object):
"""Returns the Length and Coverage Penalty function for Beam Search.
Args:
length_pen (str): option name of length pen
cov_pen (str): option name of cov pen
Attributes:
has_cov_pen (bool): Whether coverage penalty is None (applying it
is a no-op). Note that the converse isn't true. Setting beta
to 0 should force coverage length to be a no-op.
has_len_pen (bool): Whether length penalty is None (applying it
is a no-op). Note that the converse isn't true. Setting alpha
to 1 should force length penalty to be a no-op.
coverage_penalty (callable[[torch.FloatTensor, float],
torch.FloatTensor]): Calculates the coverage penalty.
length_penalty (callable[[int, float], float]): Calculates
the length penalty.
"""
@staticmethod
# Below are all the different penalty terms implemented so far.
# Subtract coverage penalty from topk log probs.
# Divide topk log probs by length penalty.
def coverage_wu(self, cov, beta=0.):
"""GNMT coverage re-ranking score.
See "Google's Neural Machine Translation System" :cite:`wu2016google`.
``cov`` is expected to be sized ``(*, seq_len)``, where ``*`` is
probably ``batch_size x beam_size`` but could be several
dimensions like ``batch_size, beam_size``. If ``cov`` is attention,
then the ``seq_len`` axis probably sums to (almost) 1.
"""
penalty = -torch.min(cov, cov.clone().fill_(1.0)).log().sum(-1)
return beta * penalty
def coverage_summary(self, cov, beta=0.):
"""Our summary penalty."""
penalty = torch.max(cov, cov.clone().fill_(1.0)).sum(-1)
penalty -= cov.size(-1)
return beta * penalty
def coverage_none(self, cov, beta=0.):
"""Returns zero as penalty"""
none = torch.zeros((1,), device=cov.device,
dtype=torch.float)
if cov.dim() == 3:
none = none.unsqueeze(0)
return none
def length_wu(self, cur_len, alpha=0.):
"""GNMT length re-ranking score.
See "Google's Neural Machine Translation System" :cite:`wu2016google`.
"""
return ((5 + cur_len) / 6.0) ** alpha
def length_average(self, cur_len, alpha=0.):
"""Returns the current sequence length."""
return cur_len
def length_none(self, cur_len, alpha=0.):
"""Returns unmodified scores."""
return 1.0
| [
6738,
11593,
37443,
834,
1330,
7297,
198,
11748,
28034,
628,
198,
4871,
41676,
32875,
7,
15252,
2599,
198,
220,
220,
220,
37227,
35561,
262,
22313,
290,
33998,
41676,
2163,
329,
25855,
11140,
13,
628,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
220,
220,
4129,
62,
3617,
357,
2536,
2599,
3038,
1438,
286,
4129,
3112,
198,
220,
220,
220,
220,
220,
220,
220,
39849,
62,
3617,
357,
2536,
2599,
3038,
1438,
286,
39849,
3112,
628,
220,
220,
220,
49213,
25,
198,
220,
220,
220,
220,
220,
220,
220,
468,
62,
66,
709,
62,
3617,
357,
30388,
2599,
10127,
5197,
7389,
318,
6045,
357,
1324,
3157,
340,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
318,
257,
645,
12,
404,
737,
5740,
326,
262,
369,
4399,
2125,
470,
2081,
13,
25700,
12159,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
284,
657,
815,
2700,
5197,
4129,
284,
307,
257,
645,
12,
404,
13,
198,
220,
220,
220,
220,
220,
220,
220,
468,
62,
11925,
62,
3617,
357,
30388,
2599,
10127,
4129,
7389,
318,
6045,
357,
1324,
3157,
340,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
318,
257,
645,
12,
404,
737,
5740,
326,
262,
369,
4399,
2125,
470,
2081,
13,
25700,
17130,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
284,
352,
815,
2700,
4129,
7389,
284,
307,
257,
645,
12,
404,
13,
198,
220,
220,
220,
220,
220,
220,
220,
5197,
62,
3617,
6017,
357,
13345,
540,
30109,
13165,
354,
13,
43879,
51,
22854,
11,
12178,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
28034,
13,
43879,
51,
22854,
60,
2599,
27131,
689,
262,
5197,
7389,
13,
198,
220,
220,
220,
220,
220,
220,
220,
4129,
62,
3617,
6017,
357,
13345,
540,
30109,
600,
11,
12178,
4357,
12178,
60,
2599,
27131,
689,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
262,
4129,
7389,
13,
198,
220,
220,
220,
37227,
628,
220,
220,
220,
2488,
12708,
24396,
628,
220,
220,
220,
1303,
10383,
389,
477,
262,
1180,
7389,
2846,
9177,
523,
1290,
13,
198,
220,
220,
220,
1303,
3834,
83,
974,
5197,
7389,
422,
1353,
74,
2604,
386,
1443,
13,
198,
220,
220,
220,
1303,
46894,
1353,
74,
2604,
386,
1443,
416,
4129,
7389,
13,
628,
220,
220,
220,
825,
5197,
62,
43812,
7,
944,
11,
39849,
11,
12159,
28,
15,
47308,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
16630,
13752,
5197,
302,
12,
28405,
4776,
13,
628,
220,
220,
220,
220,
220,
220,
220,
4091,
366,
11708,
338,
47986,
10850,
33322,
4482,
1,
1058,
66,
578,
25,
63,
43812,
5304,
13297,
44646,
198,
220,
220,
220,
220,
220,
220,
220,
7559,
66,
709,
15506,
318,
2938,
284,
307,
19943,
11592,
25666,
33756,
62,
11925,
8,
15506,
11,
810,
7559,
9,
15506,
318,
198,
220,
220,
220,
220,
220,
220,
220,
2192,
7559,
43501,
62,
7857,
2124,
15584,
62,
7857,
15506,
475,
714,
307,
1811,
198,
220,
220,
220,
220,
220,
220,
220,
15225,
588,
7559,
43501,
62,
7857,
11,
15584,
62,
7857,
15506,
13,
1002,
7559,
66,
709,
15506,
318,
3241,
11,
198,
220,
220,
220,
220,
220,
220,
220,
788,
262,
7559,
41068,
62,
11925,
15506,
16488,
2192,
21784,
284,
357,
28177,
8,
352,
13,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
628,
220,
220,
220,
220,
220,
220,
220,
7389,
796,
532,
13165,
354,
13,
1084,
7,
66,
709,
11,
39849,
13,
21018,
22446,
20797,
41052,
16,
13,
15,
29720,
6404,
22446,
16345,
32590,
16,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
12159,
1635,
7389,
628,
220,
220,
220,
825,
5197,
62,
49736,
7,
944,
11,
39849,
11,
12159,
28,
15,
47308,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
5122,
10638,
7389,
526,
15931,
198,
220,
220,
220,
220,
220,
220,
220,
7389,
796,
28034,
13,
9806,
7,
66,
709,
11,
39849,
13,
21018,
22446,
20797,
41052,
16,
13,
15,
29720,
16345,
32590,
16,
8,
198,
220,
220,
220,
220,
220,
220,
220,
7389,
48185,
39849,
13,
7857,
32590,
16,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
12159,
1635,
7389,
628,
220,
220,
220,
825,
5197,
62,
23108,
7,
944,
11,
39849,
11,
12159,
28,
15,
47308,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
35561,
6632,
355,
7389,
37811,
198,
220,
220,
220,
220,
220,
220,
220,
4844,
796,
28034,
13,
9107,
418,
19510,
16,
11,
828,
3335,
28,
66,
709,
13,
25202,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
288,
4906,
28,
13165,
354,
13,
22468,
8,
198,
220,
220,
220,
220,
220,
220,
220,
611,
39849,
13,
27740,
3419,
6624,
513,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4844,
796,
4844,
13,
13271,
421,
1453,
2736,
7,
15,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
4844,
628,
220,
220,
220,
825,
4129,
62,
43812,
7,
944,
11,
1090,
62,
11925,
11,
17130,
28,
15,
47308,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
16630,
13752,
4129,
302,
12,
28405,
4776,
13,
628,
220,
220,
220,
220,
220,
220,
220,
4091,
366,
11708,
338,
47986,
10850,
33322,
4482,
1,
1058,
66,
578,
25,
63,
43812,
5304,
13297,
44646,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
628,
220,
220,
220,
220,
220,
220,
220,
1441,
14808,
20,
1343,
1090,
62,
11925,
8,
1220,
718,
13,
15,
8,
12429,
17130,
628,
220,
220,
220,
825,
4129,
62,
23913,
7,
944,
11,
1090,
62,
11925,
11,
17130,
28,
15,
47308,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
35561,
262,
1459,
8379,
4129,
526,
15931,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
1090,
62,
11925,
628,
220,
220,
220,
825,
4129,
62,
23108,
7,
944,
11,
1090,
62,
11925,
11,
17130,
28,
15,
47308,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
35561,
555,
41771,
8198,
526,
15931,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
352,
13,
15,
198
] | 2.51938 | 1,032 |
# Copyright 2013-2021 Lawrence Livermore National Security, LLC and other
# Spack Project Developers. See the top-level COPYRIGHT file for details.
#
# SPDX-License-Identifier: (Apache-2.0 OR MIT)
import llnl.util.tty as tty
import spack.cmd
import spack.cmd.common.arguments as arguments
import spack.environment as ev
description = 'remove specs from an environment'
section = "environments"
level = "long"
| [
2,
15069,
2211,
12,
1238,
2481,
13914,
45036,
3549,
2351,
4765,
11,
11419,
290,
584,
198,
2,
1338,
441,
4935,
34152,
13,
4091,
262,
1353,
12,
5715,
27975,
38162,
9947,
2393,
329,
3307,
13,
198,
2,
198,
2,
30628,
55,
12,
34156,
12,
33234,
7483,
25,
357,
25189,
4891,
12,
17,
13,
15,
6375,
17168,
8,
198,
198,
11748,
32660,
21283,
13,
22602,
13,
42852,
355,
256,
774,
198,
198,
11748,
599,
441,
13,
28758,
198,
11748,
599,
441,
13,
28758,
13,
11321,
13,
853,
2886,
355,
7159,
198,
11748,
599,
441,
13,
38986,
355,
819,
198,
198,
11213,
796,
705,
28956,
25274,
422,
281,
2858,
6,
198,
5458,
796,
366,
268,
12103,
1,
198,
5715,
796,
366,
6511,
1,
628,
198
] | 3.393443 | 122 |
# Copyright (C) 2008-2011 Oracle Corporation
#
# This file is part of a free software library; you can redistribute
# it and/or modify it under the terms of the GNU Lesser General
# Public License version 2.1 as published by the Free Software
# Foundation and shipped in the "COPYING.LIB" file with this library.
# The library is distributed in the hope that it will be useful,
# but WITHOUT ANY WARRANTY of any kind.
#
# Oracle LGPL Disclaimer: For the avoidance of doubt, except that if
# any license choice other than GPL or LGPL is available it will
# apply instead, Oracle elects to use only the Lesser General Public
# License version 2.1 (LGPLv2) at this time for any software where
# a choice of LGPL license versions is made available with the
# language indicating that LGPLv2 or any later version may be used,
# or where a choice of which version of the LGPL is applied is
# otherwise unspecified.
#
# This file is autogenerated from VirtualBox.xidl, DO NOT EDIT!
#
from VirtualBox_services import *
try:
from VirtualBox_client import *
except:
pass
import base64
| [
2,
15069,
357,
34,
8,
3648,
12,
9804,
18650,
10501,
198,
2,
198,
2,
770,
2393,
318,
636,
286,
257,
1479,
3788,
5888,
26,
345,
460,
17678,
4163,
198,
2,
340,
290,
14,
273,
13096,
340,
739,
262,
2846,
286,
262,
22961,
12892,
263,
3611,
198,
2,
5094,
13789,
2196,
362,
13,
16,
355,
3199,
416,
262,
3232,
10442,
198,
2,
5693,
290,
14338,
287,
262,
366,
34,
3185,
45761,
13,
40347,
1,
2393,
351,
428,
5888,
13,
198,
2,
383,
5888,
318,
9387,
287,
262,
2911,
326,
340,
481,
307,
4465,
11,
198,
2,
475,
42881,
15529,
34764,
56,
286,
597,
1611,
13,
198,
2,
198,
2,
18650,
17370,
6489,
3167,
17111,
25,
1114,
262,
29184,
286,
4719,
11,
2845,
326,
611,
198,
2,
597,
5964,
3572,
584,
621,
38644,
393,
17370,
6489,
318,
1695,
340,
481,
198,
2,
4174,
2427,
11,
18650,
1742,
82,
284,
779,
691,
262,
12892,
263,
3611,
5094,
198,
2,
13789,
2196,
362,
13,
16,
357,
41257,
6489,
85,
17,
8,
379,
428,
640,
329,
597,
3788,
810,
198,
2,
257,
3572,
286,
17370,
6489,
5964,
6300,
318,
925,
1695,
351,
262,
198,
2,
3303,
12739,
326,
17370,
6489,
85,
17,
393,
597,
1568,
2196,
743,
307,
973,
11,
198,
2,
393,
810,
257,
3572,
286,
543,
2196,
286,
262,
17370,
6489,
318,
5625,
318,
198,
2,
4306,
29547,
13,
198,
2,
198,
2,
770,
2393,
318,
1960,
519,
877,
515,
422,
15595,
14253,
13,
87,
312,
75,
11,
8410,
5626,
48483,
0,
198,
2,
198,
6738,
15595,
14253,
62,
30416,
1330,
1635,
198,
198,
28311,
25,
198,
220,
422,
15595,
14253,
62,
16366,
1330,
1635,
198,
16341,
25,
198,
220,
1208,
628,
628,
628,
220,
220,
220,
220,
628,
198,
220,
220,
220,
220,
628,
198,
220,
220,
220,
220,
628,
198,
220,
220,
220,
220,
628,
198,
220,
220,
220,
220,
628,
198,
220,
220,
220,
220,
628,
198,
198,
11748,
2779,
2414,
628
] | 3.506211 | 322 |
# -*- coding: utf-8 -*-
# Generated by Django 1.10.3 on 2016-12-25 15:16
from __future__ import unicode_literals
from django.db import migrations, models
import django.db.models.deletion
| [
2,
532,
9,
12,
19617,
25,
3384,
69,
12,
23,
532,
9,
12,
198,
2,
2980,
515,
416,
37770,
352,
13,
940,
13,
18,
319,
1584,
12,
1065,
12,
1495,
1315,
25,
1433,
198,
6738,
11593,
37443,
834,
1330,
28000,
1098,
62,
17201,
874,
198,
198,
6738,
42625,
14208,
13,
9945,
1330,
15720,
602,
11,
4981,
198,
11748,
42625,
14208,
13,
9945,
13,
27530,
13,
2934,
1616,
295,
628
] | 2.73913 | 69 |
import os
import sys
import smtplib
import socket
import urllib2
import datetime
from email.mime.text import MIMEText
from email.mime.image import MIMEImage
from email.mime.multipart import MIMEMultipart
from alerta.common import log as logging
from alerta.common import config
LOG = logging.getLogger(__name__)
CONF = config.CONF
| [
198,
11748,
28686,
198,
11748,
25064,
198,
11748,
895,
83,
489,
571,
198,
11748,
17802,
198,
11748,
2956,
297,
571,
17,
198,
11748,
4818,
8079,
198,
198,
6738,
3053,
13,
76,
524,
13,
5239,
1330,
337,
3955,
2767,
2302,
198,
6738,
3053,
13,
76,
524,
13,
9060,
1330,
337,
12789,
5159,
198,
6738,
3053,
13,
76,
524,
13,
16680,
541,
433,
1330,
337,
3955,
3620,
586,
541,
433,
198,
198,
6738,
7995,
64,
13,
11321,
1330,
2604,
355,
18931,
198,
6738,
7995,
64,
13,
11321,
1330,
4566,
198,
198,
25294,
796,
18931,
13,
1136,
11187,
1362,
7,
834,
3672,
834,
8,
198,
10943,
37,
796,
4566,
13,
10943,
37,
628,
628,
198
] | 3.026786 | 112 |
import numpy as np
import time
from hmsolver.meshgrid import Zone2d
from hmsolver.meshgrid import Mesh2d
from hmsolver.material import Material2d
from hmsolver.femcore import point_criteria
from hmsolver.femcore import segment_criteria
from hmsolver.femcore import boundary_cond2d as _bc_ # abbreviation
from hmsolver.femcore import BoundaryConds2d
from hmsolver.app import Simulation2d
from hmsolver.basis import Quad4Node
from hmsolver.utils import formatting_time
if __name__ == '__main__':
t0 = time.time() # tic
# 几何区域
zone_xl, zone_xr = 0, 1
zone_yl, zone_yr = 0, 1
zone_xmid = 0.5 * (zone_xl + zone_xr)
zone_ymid = 0.5 * (zone_yl + zone_yr)
grid_num, grid_size = 50, 0.02
zone = Zone2d(zone_xl, zone_xr, zone_yl, zone_yr)
mesh2d = zone.meshgrid_zone_safe(Mesh2d, grid_num)
n_nodes, n_elements = mesh2d.n_nodes, mesh2d.n_elements
# 输出网格基本信息
print(f"Mesh contains {n_nodes} nodes and {n_elements} elements.")
print(f"Average Grid Size= {grid_size:.8f}")
# 建立材料实例
material2d = Material2d(300, 0.25)
# 边界条件
stretch = 0.02
boundary_0 = point_criteria(zone_xmid, zone_yl)
boundary_1 = segment_criteria(zone_xl, zone_yl, zone_xr, zone_yl)
boundary_2 = segment_criteria(zone_xl, zone_yr, zone_xr, zone_yr)
boundarys = BoundaryConds2d(
_bc_("point", boundary_0, "fixed", None, None),
_bc_("segment", boundary_1, "set_uy", "constant", 0),
_bc_("segment", boundary_2, "set_uy", "constant", +stretch))
boundarys.manually_verify()
# 建立模拟实例
app = Simulation2d(mesh2d, material2d, boundarys)
app.app_name = "example-01-plate-unixial-tensile"
app.apply_basis(Quad4Node())
app.parallelized = True # 开启并行多线程
app.check_engine()
# 输出模拟结果
app.export_to_tecplot("elasticity", *app.provied_solutions)
print(f"Total time cost: {formatting_time(time.time() - t0)}") | [
11748,
299,
32152,
355,
45941,
198,
11748,
640,
198,
198,
6738,
289,
907,
14375,
13,
76,
5069,
25928,
1330,
13035,
17,
67,
198,
6738,
289,
907,
14375,
13,
76,
5069,
25928,
1330,
47529,
17,
67,
198,
6738,
289,
907,
14375,
13,
33665,
1330,
14633,
17,
67,
198,
6738,
289,
907,
14375,
13,
69,
368,
7295,
1330,
966,
62,
22213,
5142,
198,
6738,
289,
907,
14375,
13,
69,
368,
7295,
1330,
10618,
62,
22213,
5142,
198,
6738,
289,
907,
14375,
13,
69,
368,
7295,
1330,
18645,
62,
17561,
17,
67,
355,
4808,
15630,
62,
220,
1303,
28873,
47625,
198,
6738,
289,
907,
14375,
13,
69,
368,
7295,
1330,
30149,
560,
34,
24764,
17,
67,
198,
6738,
289,
907,
14375,
13,
1324,
1330,
41798,
17,
67,
198,
6738,
289,
907,
14375,
13,
12093,
271,
1330,
20648,
19,
19667,
198,
6738,
289,
907,
14375,
13,
26791,
1330,
33313,
62,
2435,
198,
198,
361,
11593,
3672,
834,
6624,
705,
834,
12417,
834,
10354,
198,
220,
220,
220,
256,
15,
796,
640,
13,
2435,
3419,
220,
1303,
256,
291,
628,
220,
220,
220,
1303,
10263,
229,
254,
19526,
243,
44293,
118,
161,
253,
253,
198,
220,
220,
220,
6516,
62,
87,
75,
11,
6516,
62,
87,
81,
796,
657,
11,
352,
198,
220,
220,
220,
6516,
62,
2645,
11,
6516,
62,
2417,
796,
657,
11,
352,
198,
220,
220,
220,
6516,
62,
87,
13602,
796,
657,
13,
20,
1635,
357,
11340,
62,
87,
75,
1343,
6516,
62,
87,
81,
8,
198,
220,
220,
220,
6516,
62,
4948,
312,
796,
657,
13,
20,
1635,
357,
11340,
62,
2645,
1343,
6516,
62,
2417,
8,
198,
220,
220,
220,
10706,
62,
22510,
11,
10706,
62,
7857,
796,
2026,
11,
657,
13,
2999,
198,
220,
220,
220,
6516,
796,
13035,
17,
67,
7,
11340,
62,
87,
75,
11,
6516,
62,
87,
81,
11,
6516,
62,
2645,
11,
6516,
62,
2417,
8,
198,
220,
220,
220,
19609,
17,
67,
796,
6516,
13,
76,
5069,
25928,
62,
11340,
62,
21230,
7,
37031,
17,
67,
11,
10706,
62,
22510,
8,
198,
220,
220,
220,
299,
62,
77,
4147,
11,
299,
62,
68,
3639,
796,
19609,
17,
67,
13,
77,
62,
77,
4147,
11,
19609,
17,
67,
13,
77,
62,
68,
3639,
628,
220,
220,
220,
1303,
5525,
122,
241,
49035,
118,
163,
121,
239,
43718,
120,
161,
253,
118,
17312,
105,
46479,
94,
162,
223,
107,
198,
220,
220,
220,
3601,
7,
69,
1,
37031,
4909,
1391,
77,
62,
77,
4147,
92,
13760,
290,
1391,
77,
62,
68,
3639,
92,
4847,
19570,
198,
220,
220,
220,
3601,
7,
69,
1,
26287,
24846,
12849,
28,
1391,
25928,
62,
7857,
25,
13,
23,
69,
92,
4943,
628,
220,
220,
220,
1303,
10263,
119,
118,
44165,
233,
30266,
238,
23877,
247,
22522,
252,
160,
122,
233,
198,
220,
220,
220,
2587,
17,
67,
796,
14633,
17,
67,
7,
6200,
11,
657,
13,
1495,
8,
628,
220,
220,
220,
1303,
5525,
122,
117,
45911,
234,
30266,
94,
20015,
114,
198,
220,
220,
220,
7539,
796,
657,
13,
2999,
198,
220,
220,
220,
18645,
62,
15,
796,
966,
62,
22213,
5142,
7,
11340,
62,
87,
13602,
11,
6516,
62,
2645,
8,
198,
220,
220,
220,
18645,
62,
16,
796,
10618,
62,
22213,
5142,
7,
11340,
62,
87,
75,
11,
6516,
62,
2645,
11,
6516,
62,
87,
81,
11,
6516,
62,
2645,
8,
198,
220,
220,
220,
18645,
62,
17,
796,
10618,
62,
22213,
5142,
7,
11340,
62,
87,
75,
11,
6516,
62,
2417,
11,
6516,
62,
87,
81,
11,
6516,
62,
2417,
8,
198,
220,
220,
220,
18645,
82,
796,
30149,
560,
34,
24764,
17,
67,
7,
198,
220,
220,
220,
220,
220,
220,
220,
4808,
15630,
62,
7203,
4122,
1600,
18645,
62,
15,
11,
366,
34021,
1600,
6045,
11,
6045,
828,
198,
220,
220,
220,
220,
220,
220,
220,
4808,
15630,
62,
7203,
325,
5154,
1600,
18645,
62,
16,
11,
366,
2617,
62,
4669,
1600,
366,
9979,
415,
1600,
657,
828,
198,
220,
220,
220,
220,
220,
220,
220,
4808,
15630,
62,
7203,
325,
5154,
1600,
18645,
62,
17,
11,
366,
2617,
62,
4669,
1600,
366,
9979,
415,
1600,
1343,
301,
22592,
4008,
198,
220,
220,
220,
18645,
82,
13,
805,
935,
62,
332,
1958,
3419,
628,
220,
220,
220,
1303,
10263,
119,
118,
44165,
233,
162,
101,
94,
162,
233,
253,
22522,
252,
160,
122,
233,
198,
220,
220,
220,
598,
796,
41798,
17,
67,
7,
76,
5069,
17,
67,
11,
2587,
17,
67,
11,
18645,
82,
8,
198,
220,
220,
220,
598,
13,
1324,
62,
3672,
796,
366,
20688,
12,
486,
12,
6816,
12,
403,
844,
498,
12,
83,
641,
576,
1,
198,
220,
220,
220,
598,
13,
39014,
62,
12093,
271,
7,
4507,
324,
19,
19667,
28955,
198,
220,
220,
220,
598,
13,
1845,
29363,
1143,
796,
6407,
220,
1303,
10263,
120,
222,
28938,
107,
33176,
114,
26193,
234,
13783,
248,
163,
118,
123,
163,
101,
233,
198,
220,
220,
220,
598,
13,
9122,
62,
18392,
3419,
628,
220,
220,
220,
1303,
5525,
122,
241,
49035,
118,
162,
101,
94,
162,
233,
253,
163,
119,
241,
162,
252,
250,
198,
220,
220,
220,
598,
13,
39344,
62,
1462,
62,
36281,
29487,
7203,
417,
3477,
414,
1600,
1635,
1324,
13,
15234,
798,
62,
82,
14191,
8,
198,
220,
220,
220,
3601,
7,
69,
1,
14957,
640,
1575,
25,
1391,
18982,
889,
62,
2435,
7,
2435,
13,
2435,
3419,
532,
256,
15,
38165,
4943
] | 2.120133 | 899 |
#
# PySNMP MIB module RUCKUS-ZD-WLAN-MIB (http://snmplabs.com/pysmi)
# ASN.1 source file:///Users/davwang4/Dev/mibs.snmplabs.com/asn1/RUCKUS-ZD-WLAN-MIB
# Produced by pysmi-0.3.4 at Wed May 1 14:59:17 2019
# On host DAVWANG4-M-1475 platform Darwin version 18.5.0 by user davwang4
# Using Python version 3.7.3 (default, Mar 27 2019, 09:23:15)
#
ObjectIdentifier, OctetString, Integer = mibBuilder.importSymbols("ASN1", "ObjectIdentifier", "OctetString", "Integer")
NamedValues, = mibBuilder.importSymbols("ASN1-ENUMERATION", "NamedValues")
ValueRangeConstraint, ConstraintsUnion, SingleValueConstraint, ValueSizeConstraint, ConstraintsIntersection = mibBuilder.importSymbols("ASN1-REFINEMENT", "ValueRangeConstraint", "ConstraintsUnion", "SingleValueConstraint", "ValueSizeConstraint", "ConstraintsIntersection")
IANAifType, = mibBuilder.importSymbols("IANAifType-MIB", "IANAifType")
ifIndex, InterfaceIndex = mibBuilder.importSymbols("IF-MIB", "ifIndex", "InterfaceIndex")
ruckusZDWLANModule, = mibBuilder.importSymbols("RUCKUS-ROOT-MIB", "ruckusZDWLANModule")
RuckusRadioMode, RuckusAdminStatus, RuckusSSID, RuckusRateLimiting, RuckusdB = mibBuilder.importSymbols("RUCKUS-TC-MIB", "RuckusRadioMode", "RuckusAdminStatus", "RuckusSSID", "RuckusRateLimiting", "RuckusdB")
NotificationGroup, ModuleCompliance, ObjectGroup = mibBuilder.importSymbols("SNMPv2-CONF", "NotificationGroup", "ModuleCompliance", "ObjectGroup")
TimeTicks, Unsigned32, IpAddress, Gauge32, ObjectIdentity, Counter32, Integer32, iso, ModuleIdentity, MibIdentifier, Bits, NotificationType, MibScalar, MibTable, MibTableRow, MibTableColumn, Counter64 = mibBuilder.importSymbols("SNMPv2-SMI", "TimeTicks", "Unsigned32", "IpAddress", "Gauge32", "ObjectIdentity", "Counter32", "Integer32", "iso", "ModuleIdentity", "MibIdentifier", "Bits", "NotificationType", "MibScalar", "MibTable", "MibTableRow", "MibTableColumn", "Counter64")
TextualConvention, DisplayString, TruthValue, PhysAddress, RowStatus, MacAddress = mibBuilder.importSymbols("SNMPv2-TC", "TextualConvention", "DisplayString", "TruthValue", "PhysAddress", "RowStatus", "MacAddress")
ruckusZDWLANMIB = ModuleIdentity((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1))
if mibBuilder.loadTexts: ruckusZDWLANMIB.setLastUpdated('201010150800Z')
if mibBuilder.loadTexts: ruckusZDWLANMIB.setOrganization('Ruckus Wireless, Inc.')
if mibBuilder.loadTexts: ruckusZDWLANMIB.setContactInfo('Ruckus Wireless, Inc. Postal: 880 W Maude Ave Sunnyvale, CA 94085 USA EMail: [email protected] Phone: +1-650-265-4200')
if mibBuilder.loadTexts: ruckusZDWLANMIB.setDescription('Ruckus ZD WLAN mib')
ruckusZDWLANObjects = MibIdentifier((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1))
ruckusZDWLANInfo = MibIdentifier((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 1))
ruckusZDWLANTable = MibTable((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 1, 1), )
if mibBuilder.loadTexts: ruckusZDWLANTable.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANTable.setDescription('ZD WLAN table.')
ruckusZDWLANEntry = MibTableRow((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 1, 1, 1), ).setIndexNames((0, "IF-MIB", "ifIndex"))
if mibBuilder.loadTexts: ruckusZDWLANEntry.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANEntry.setDescription('Specifies each ZD WLAN entry.')
ruckusZDWLANSSID = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 1, 1, 1, 1), RuckusSSID()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANSSID.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANSSID.setDescription('SSID.')
ruckusZDWLANDescription = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 1, 1, 1, 2), DisplayString()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANDescription.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANDescription.setDescription('WLAN description.')
ruckusZDWLANAuthentication = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 1, 1, 1, 3), DisplayString()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAuthentication.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAuthentication.setDescription('Authentication method.')
ruckusZDWLANEncryption = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 1, 1, 1, 4), DisplayString()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANEncryption.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANEncryption.setDescription('Encryption method.')
ruckusZDWLANIsGuest = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 1, 1, 1, 5), TruthValue()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANIsGuest.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANIsGuest.setDescription('This WLAN is for guest access.')
ruckusZDWLANSSIDBcastDisable = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 1, 1, 1, 6), TruthValue()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANSSIDBcastDisable.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANSSIDBcastDisable.setDescription('Hide SSID.')
ruckusZDWLANVlanID = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 1, 1, 1, 7), Integer32().subtype(subtypeSpec=ValueRangeConstraint(1, 4094))).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANVlanID.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANVlanID.setDescription('Specifies the VLAN ID of the WLAN. If VLAN ID is 1, packets from this WLAN will be untagged.')
ruckusZDWLANRateLimitingUp = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 1, 1, 1, 8), OctetString().subtype(subtypeSpec=ValueSizeConstraint(1, 10))).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANRateLimitingUp.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANRateLimitingUp.setDescription('Rate limiting of uplink.')
ruckusZDWLANRateLimitingDown = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 1, 1, 1, 9), OctetString().subtype(subtypeSpec=ValueSizeConstraint(1, 10))).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANRateLimitingDown.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANRateLimitingDown.setDescription('Rate limiting of downlink.')
ruckusZDWLANTunnelWLAN = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 1, 1, 1, 10), TruthValue()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANTunnelWLAN.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANTunnelWLAN.setDescription('Tunnel WLAN.')
ruckusZDWLANNumVAP = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 1, 1, 1, 11), Unsigned32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANNumVAP.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANNumVAP.setDescription('Number of APs.')
ruckusZDWLANNumSta = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 1, 1, 1, 12), Unsigned32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANNumSta.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANNumSta.setDescription('Number of client devices.')
ruckusZDWLANRxPkts = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 1, 1, 1, 13), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANRxPkts.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANRxPkts.setDescription('Received packets.')
ruckusZDWLANRxBytes = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 1, 1, 1, 14), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANRxBytes.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANRxBytes.setDescription('Received bytes.')
ruckusZDWLANTxPkts = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 1, 1, 1, 15), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANTxPkts.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANTxPkts.setDescription('Transmitted packets.')
ruckusZDWLANTxBytes = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 1, 1, 1, 16), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANTxBytes.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANTxBytes.setDescription('Transmitted bytes.')
ruckusZDWLANAuthTotal = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 1, 1, 1, 26), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAuthTotal.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAuthTotal.setDescription('Accumulated total number of attempt to authenticate by wireless terminals on this WLAN, or Authentication request.')
ruckusZDWLANAuthResp = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 1, 1, 1, 27), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAuthResp.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAuthResp.setDescription('Authentication response.')
ruckusZDWLANAuthSuccessTotal = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 1, 1, 1, 28), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAuthSuccessTotal.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAuthSuccessTotal.setDescription('Accumulated total number of success out of Wireless authentication attempts.')
ruckusZDWLANAuthFail = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 1, 1, 1, 29), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAuthFail.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAuthFail.setDescription('Authentication fail.')
ruckusZDWLANAssocTotal = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 1, 1, 1, 30), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAssocTotal.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAssocTotal.setDescription('Accumulated total number of access of wireless terminal on this WLAN, or Association request.')
ruckusZDWLANAssocResp = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 1, 1, 1, 31), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAssocResp.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAssocResp.setDescription('Association response.')
ruckusZDWLANReassocReq = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 1, 1, 1, 32), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANReassocReq.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANReassocReq.setDescription('Reassociation request.')
ruckusZDWLANReassocResp = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 1, 1, 1, 33), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANReassocResp.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANReassocResp.setDescription('Reassociation response.')
ruckusZDWLANAssocSuccess = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 1, 1, 1, 34), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAssocSuccess.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAssocSuccess.setDescription('Association success.')
ruckusZDWLANAssocFail = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 1, 1, 1, 35), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAssocFail.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAssocFail.setDescription('Association fail.')
ruckusZDWLANAssocDenied = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 1, 1, 1, 36), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAssocDenied.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAssocDenied.setDescription('Association denied.')
ruckusZDWLANDiassocAbnormal = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 1, 1, 1, 37), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANDiassocAbnormal.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANDiassocAbnormal.setDescription('Disassociation request due to abnormal causes.')
ruckusZDWLANDiassocCapacity = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 1, 1, 1, 38), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANDiassocCapacity.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANDiassocCapacity.setDescription('Disassociation request due to device capacity.')
ruckusZDWLANDiassocLeave = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 1, 1, 1, 39), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANDiassocLeave.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANDiassocLeave.setDescription('Disassociation request due to client leave.')
ruckusZDWLANDiassocMisc = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 1, 1, 1, 40), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANDiassocMisc.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANDiassocMisc.setDescription('Disassociation request due to other reasons.')
ruckusZDWLANRxByteRate = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 1, 1, 1, 41), Unsigned32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANRxByteRate.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANRxByteRate.setDescription('Received rate byte/s in last 5 minutes .')
ruckusZDWLANTxByteRate = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 1, 1, 1, 42), Unsigned32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANTxByteRate.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANTxByteRate.setDescription('Transmitted rate byte/s in last 5 minutes .')
ruckusZDWLANRxDataFrameOnLan = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 1, 1, 1, 43), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANRxDataFrameOnLan.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANRxDataFrameOnLan.setDescription('Received Data Frame Number on Lan interface .')
ruckusZDWLANRxByteOnLan = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 1, 1, 1, 44), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANRxByteOnLan.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANRxByteOnLan.setDescription('Received Data Bytes on Lan interface .')
ruckusZDWLANTxByteOnLan = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 1, 1, 1, 45), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANTxByteOnLan.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANTxByteOnLan.setDescription('Transmitted Data Bytes on Lan interface .')
ruckusZDWLANDownDropFrame = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 1, 1, 1, 46), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANDownDropFrame.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANDownDropFrame.setDescription('Drop Frame Number on Downlink of Wireless.')
ruckusZDWLANDownRetxFrame = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 1, 1, 1, 47), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANDownRetxFrame.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANDownRetxFrame.setDescription('Retransmitted Frame Number on Downlink of Wireless.')
ruckusZDWLANDownTotalFrame = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 1, 1, 1, 48), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANDownTotalFrame.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANDownTotalFrame.setDescription('Total Frame Number on Downlink of Wireless.')
ruckusZDWLANDownTotalErrFrame = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 1, 1, 1, 49), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANDownTotalErrFrame.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANDownTotalErrFrame.setDescription('Total Error Frame Number on Downlink of Wireless.')
ruckusZDWLANUpTotalFrame = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 1, 1, 1, 50), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANUpTotalFrame.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANUpTotalFrame.setDescription('Total Frame Number on Uplink of Wireless.')
ruckusZDWLANUpDropFrame = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 1, 1, 1, 51), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANUpDropFrame.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANUpDropFrame.setDescription('Drop Frame Number on Uplink of Wireless.')
ruckusZDWLANUpRetxFrame = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 1, 1, 1, 52), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANUpRetxFrame.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANUpRetxFrame.setDescription('Retransmitted Frame Number on Uplink of Wireless.')
ruckusZDWLANNAME = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 1, 1, 1, 108), RuckusSSID()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANNAME.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANNAME.setDescription('WLAN NAME.')
ruckusZDWLANAPInfo = MibIdentifier((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2))
ruckusZDWLANAPTable = MibTable((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 1), )
if mibBuilder.loadTexts: ruckusZDWLANAPTable.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPTable.setDescription('ZD WLAN AP table.')
ruckusZDWLANAPEntry = MibTableRow((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 1, 1), ).setIndexNames((0, "RUCKUS-ZD-WLAN-MIB", "ruckusZDWLANAPMacAddr"))
if mibBuilder.loadTexts: ruckusZDWLANAPEntry.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPEntry.setDescription('Specifies each ZD WLAN AP entry.')
ruckusZDWLANAPMacAddr = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 1, 1, 1), MacAddress()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPMacAddr.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPMacAddr.setDescription('MAC address.')
ruckusZDWLANAPDescription = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 1, 1, 2), DisplayString()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPDescription.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPDescription.setDescription('Description.')
ruckusZDWLANAPStatus = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 1, 1, 3), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(0, 1, 2, 3, 4))).clone(namedValues=NamedValues(("disconnected", 0), ("connected", 1), ("approvalPending", 2), ("upgradingFirmware", 3), ("provisioning", 4)))).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPStatus.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPStatus.setDescription('The connection status with ZD.')
ruckusZDWLANAPModel = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 1, 1, 4), DisplayString()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPModel.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPModel.setDescription('Model name.')
ruckusZDWLANAPSerialNumber = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 1, 1, 5), DisplayString()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPSerialNumber.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPSerialNumber.setDescription('Serial number.')
ruckusZDWLANAPUptime = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 1, 1, 6), TimeTicks()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPUptime.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPUptime.setDescription('Up time.')
ruckusZDWLANAPSWversion = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 1, 1, 7), DisplayString()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPSWversion.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPSWversion.setDescription('Software version.')
ruckusZDWLANAPHWversion = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 1, 1, 8), DisplayString()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPHWversion.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPHWversion.setDescription('Hardware version.')
ruckusZDWLANAPIPAddr = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 1, 1, 10), IpAddress()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPIPAddr.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPIPAddr.setDescription('IP address.')
ruckusZDWLANAPNumRadios = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 1, 1, 13), Unsigned32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPNumRadios.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPNumRadios.setDescription('Number of radios.')
ruckusZDWLANAPNumVAP = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 1, 1, 14), Unsigned32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPNumVAP.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPNumVAP.setDescription('Number of APs.')
ruckusZDWLANAPNumSta = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 1, 1, 15), Unsigned32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPNumSta.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPNumSta.setDescription('Total number of authenticated terminal which is using currently on this AP.')
ruckusZDWLANAPNumRogues = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 1, 1, 16), Unsigned32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPNumRogues.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPNumRogues.setDescription('Number of rogue devices.')
ruckusZDWLANAPConnectionMode = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 1, 1, 17), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(0, 1))).clone(namedValues=NamedValues(("layer2", 0), ("layer3", 1)))).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPConnectionMode.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPConnectionMode.setDescription('The connection mode with ZD.')
ruckusZDWLANAPMeshEnable = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 1, 1, 18), TruthValue()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPMeshEnable.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPMeshEnable.setDescription('Mesh enable.')
ruckusZDWLANAPMeshHops = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 1, 1, 19), Unsigned32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPMeshHops.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPMeshHops.setDescription('Number of mesh hops.')
ruckusZDWLANAPMeshType = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 1, 1, 20), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(0, 1, 2, 3))).clone(namedValues=NamedValues(("unknown", 0), ("root", 1), ("mesh", 2), ("forming", 3)))).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPMeshType.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPMeshType.setDescription('Mesh type.')
ruckusZDWLANAPLANStatsRXByte = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 1, 1, 21), Counter32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPLANStatsRXByte.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPLANStatsRXByte.setDescription('Bytes received on LAN port.')
ruckusZDWLANAPLANStatsRXPkt = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 1, 1, 22), Counter32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPLANStatsRXPkt.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPLANStatsRXPkt.setDescription('Packets received on LAN port.')
ruckusZDWLANAPLANStatsRXPktErr = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 1, 1, 23), Counter32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPLANStatsRXPktErr.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPLANStatsRXPktErr.setDescription('Packets received erroneously on LAN port.')
ruckusZDWLANAPLANStatsRXPKTSucc = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 1, 1, 24), Counter32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPLANStatsRXPKTSucc.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPLANStatsRXPKTSucc.setDescription('Packets received successfully on LAN port.')
ruckusZDWLANAPLANStatsTXByte = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 1, 1, 25), Counter32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPLANStatsTXByte.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPLANStatsTXByte.setDescription('Bytes transmitted on LAN port.')
ruckusZDWLANAPLANStatsTXPkt = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 1, 1, 26), Counter32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPLANStatsTXPkt.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPLANStatsTXPkt.setDescription('Packets transmitted on LAN port.')
ruckusZDWLANAPMemUtil = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 1, 1, 27), Integer32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPMemUtil.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPMemUtil.setDescription('Memory utilization percentage.')
ruckusZDWLANAPMemTotal = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 1, 1, 28), Unsigned32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPMemTotal.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPMemTotal.setDescription('Total memory in KB.')
ruckusZDWLANAPCPUUtil = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 1, 1, 29), Integer32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPCPUUtil.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPCPUUtil.setDescription('CPU utilization percentage.')
ruckusZDWLANAPFWSize = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 1, 1, 30), Unsigned32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPFWSize.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPFWSize.setDescription('Firmware partition size in byte.')
ruckusZDWLANAPFWAvail = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 1, 1, 31), Unsigned32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPFWAvail.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPFWAvail.setDescription('Firmware partition available size in byte.')
ruckusZDWLANAPMultipleVlanCapability = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 1, 1, 32), TruthValue()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPMultipleVlanCapability.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPMultipleVlanCapability.setDescription('AP support multiple vlan capability.')
ruckusZDWLANAP11bCapable = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 1, 1, 36), TruthValue()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAP11bCapable.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAP11bCapable.setDescription('Support 802.11b.')
ruckusZDWLANAP11gCapable = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 1, 1, 37), TruthValue()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAP11gCapable.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAP11gCapable.setDescription('Support 802.11g.')
ruckusZDWLANAPMultiModeAccessStatus = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 1, 1, 38), TruthValue().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(0, 1))).clone(namedValues=NamedValues(("false", 0), ("true", 1)))).setMaxAccess("readwrite")
if mibBuilder.loadTexts: ruckusZDWLANAPMultiModeAccessStatus.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPMultiModeAccessStatus.setDescription('Support simutaneously connections from 11a/b/g clients.')
ruckusZDWLANAPEthStateChange = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 1, 1, 39), Counter32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPEthStateChange.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPEthStateChange.setDescription('Ethernet port up/down count.')
ruckusZDWLANAPSyncConf = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 1, 1, 41), TruthValue()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPSyncConf.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPSyncConf.setDescription('Manually push configuration to this AP.')
ruckusZDWLANAPUpgrade = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 1, 1, 42), TruthValue()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPUpgrade.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPUpgrade.setDescription('Upgrade this AP.')
ruckusZDWLANAPFirstJoinTime = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 1, 1, 43), DisplayString()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPFirstJoinTime.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPFirstJoinTime.setDescription('Time of first join.')
ruckusZDWLANAPLastBootTime = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 1, 1, 44), DisplayString()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPLastBootTime.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPLastBootTime.setDescription('Time of last boot.')
ruckusZDWLANAPLastUpgradeTime = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 1, 1, 45), DisplayString()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPLastUpgradeTime.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPLastUpgradeTime.setDescription('Time of last firmware upgrade.')
ruckusZDWLANAPLastConfSyncTime = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 1, 1, 46), DisplayString()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPLastConfSyncTime.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPLastConfSyncTime.setDescription('Time of last configuration synchronization.')
ruckusZDWLANAPLANStatsRXPKTBcast = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 1, 1, 47), Counter32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPLANStatsRXPKTBcast.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPLANStatsRXPKTBcast.setDescription('Broadcast packets received successfully on LAN port.')
ruckusZDWLANAPLANStatsRXPKTMcast = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 1, 1, 48), Counter32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPLANStatsRXPKTMcast.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPLANStatsRXPKTMcast.setDescription('Multicast packets received successfully on LAN port.')
ruckusZDWLANAPLANStatsRXPKTUcast = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 1, 1, 49), Counter32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPLANStatsRXPKTUcast.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPLANStatsRXPKTUcast.setDescription('Unicast packets received successfully on LAN port.')
ruckusZDWLANAPLANStatsTXPKTBcast = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 1, 1, 50), Counter32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPLANStatsTXPKTBcast.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPLANStatsTXPKTBcast.setDescription('Broadcast packets transmitted successfully on LAN port.')
ruckusZDWLANAPLANStatsTXPKTMcast = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 1, 1, 51), Counter32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPLANStatsTXPKTMcast.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPLANStatsTXPKTMcast.setDescription('Multicast packets transmitted successfully on LAN port.')
ruckusZDWLANAPLANStatsTXPKTUcast = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 1, 1, 52), Counter32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPLANStatsTXPKTUcast.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPLANStatsTXPKTUcast.setDescription('Unicast packets transmitted successfully on LAN port.')
ruckusZDWLANAPLANStatsDropped = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 1, 1, 53), Counter32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPLANStatsDropped.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPLANStatsDropped.setDescription('Number of packets dropped on LAN port.')
ruckusZDWLANAPMeshUpPortCntUpdown = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 1, 1, 54), Counter32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPMeshUpPortCntUpdown.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPMeshUpPortCntUpdown.setDescription('updown count of AP as a up port node in mesh mode.')
ruckusZDWLANAPMeshDownPortCntUpdown = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 1, 1, 55), Counter32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPMeshDownPortCntUpdown.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPMeshDownPortCntUpdown.setDescription('updown count of AP as a down port node in mesh mode.')
ruckusZDWLANAPTxFrameDropped = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 1, 1, 57), Counter32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPTxFrameDropped.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPTxFrameDropped.setDescription('Droped Frame count of AP wireless transmitted.')
ruckusZDWLANAPTxFrameError = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 1, 1, 58), Counter32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPTxFrameError.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPTxFrameError.setDescription('Error Frame count of AP wireless transmitted.')
ruckusZDWLANAPCoverageTech = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 1, 1, 59), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(1, 2, 3))).clone(namedValues=NamedValues(("indoor", 1), ("indoor-distribute", 2), ("outdoor", 3)))).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPCoverageTech.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPCoverageTech.setDescription("AP's coverage technology.")
ruckusZDWLANAPStaTxBytes = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 1, 1, 61), Counter32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPStaTxBytes.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPStaTxBytes.setDescription('Client send data to this AP.(kbytes) ')
ruckusZDWLANAPStaRxBytes = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 1, 1, 62), Counter32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPStaRxBytes.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPStaRxBytes.setDescription('Client receive data from this AP.(kbytes)')
ruckusZDWLANAPNetmask = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 1, 1, 100), IpAddress()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPNetmask.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPNetmask.setDescription('Netmask address.')
ruckusZDWLANAPGateway = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 1, 1, 101), IpAddress()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPGateway.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPGateway.setDescription('Gateway address.')
ruckusZDWLANAPDNS1 = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 1, 1, 105), IpAddress()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPDNS1.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPDNS1.setDescription('Primary DNS address.')
ruckusZDWLANAPDNS2 = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 1, 1, 106), IpAddress()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPDNS2.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPDNS2.setDescription('Sencond DNS address.')
ruckusZDWLANAPTotalUser = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 1, 1, 110), Unsigned32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPTotalUser.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPTotalUser.setDescription('Total number of concurrent users on this AP.')
ruckusZDWLANAPLANStatsRXByteRate = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 1, 1, 111), Counter32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPLANStatsRXByteRate.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPLANStatsRXByteRate.setDescription('Bytes rate received on LAN port each 90s.')
ruckusZDWLANAPLANStatsTXByteRate = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 1, 1, 112), Counter32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPLANStatsTXByteRate.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPLANStatsTXByteRate.setDescription('Bytes rate transmitted on LAN port each 90s.')
ruckusZDWLANAPRadioStatsTable = MibTable((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 2), )
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsTable.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsTable.setDescription('ZD WLAN AP Radio table.')
ruckusZDWLANAPRadioStatsEntry = MibTableRow((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 2, 1), ).setIndexNames((0, "RUCKUS-ZD-WLAN-MIB", "ruckusZDWLANAPRadioStatsAPMacAddr"), (0, "RUCKUS-ZD-WLAN-MIB", "ruckusZDWLANAPRadioStatsRadioIndex"))
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsEntry.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsEntry.setDescription('Specifies each ZD WLAN AP Radio entry.')
ruckusZDWLANAPRadioStatsAPMacAddr = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 2, 1, 1), MacAddress()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsAPMacAddr.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsAPMacAddr.setDescription('AP MAC address.')
ruckusZDWLANAPRadioStatsRadioIndex = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 2, 1, 2), Unsigned32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsRadioIndex.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsRadioIndex.setDescription('Radio index of the AP.')
ruckusZDWLANAPRadioStatsRadioType = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 2, 1, 3), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(0, 1, 2, 3))).clone(namedValues=NamedValues(("radio11bg", 0), ("radio11a", 1), ("radio11ng", 2), ("radio11na", 3)))).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsRadioType.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsRadioType.setDescription('Radio type.')
ruckusZDWLANAPRadioStatsChannel = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 2, 1, 4), Unsigned32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsChannel.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsChannel.setDescription('Radio channel.')
ruckusZDWLANAPRadioStatsTxPower = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 2, 1, 5), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(0, 1, 2, 3))).clone(namedValues=NamedValues(("full", 0), ("half", 1), ("quarter", 2), ("eighth", 3)))).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsTxPower.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsTxPower.setDescription('Transmit power of radio.')
ruckusZDWLANAPRadioStatsMeshEnable = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 2, 1, 6), TruthValue()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsMeshEnable.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsMeshEnable.setDescription('Mesh enable.')
ruckusZDWLANAPRadioStatsNumVAP = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 2, 1, 7), Unsigned32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsNumVAP.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsNumVAP.setDescription('Number of APs.')
ruckusZDWLANAPRadioStatsNumSta = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 2, 1, 8), Unsigned32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsNumSta.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsNumSta.setDescription('Number of stations.')
ruckusZDWLANAPRadioStatsAvgStaRSSI = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 2, 1, 9), Integer32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsAvgStaRSSI.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsAvgStaRSSI.setDescription('Average client RSSI.')
ruckusZDWLANAPRadioStatsRxPkts = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 2, 1, 10), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsRxPkts.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsRxPkts.setDescription('Received packets.')
ruckusZDWLANAPRadioStatsRxBytes = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 2, 1, 11), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsRxBytes.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsRxBytes.setDescription('Received bytes.')
ruckusZDWLANAPRadioStatsRxMulticast = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 2, 1, 12), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsRxMulticast.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsRxMulticast.setDescription('Received multicast packets.')
ruckusZDWLANAPRadioStatsTxPkts = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 2, 1, 13), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsTxPkts.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsTxPkts.setDescription('Transmitted packets.')
ruckusZDWLANAPRadioStatsTxBytes = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 2, 1, 14), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsTxBytes.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsTxBytes.setDescription('Transmitted bytes.')
ruckusZDWLANAPRadioStatsTxMulticast = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 2, 1, 15), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsTxMulticast.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsTxMulticast.setDescription('Transmitted multicast packets.')
ruckusZDWLANAPRadioStatsTxFail = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 2, 1, 16), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsTxFail.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsTxFail.setDescription('Transmitted fail packets.')
ruckusZDWLANAPRadioStatsTxRetries = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 2, 1, 17), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsTxRetries.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsTxRetries.setDescription('Transmitted retry packets.')
ruckusZDWLANAPRadioStatsPowerMgmt = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 2, 1, 18), TruthValue()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsPowerMgmt.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsPowerMgmt.setDescription('Power management enable.')
ruckusZDWLANAPRadioStatsMaxSta = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 2, 1, 19), Unsigned32()).setMaxAccess("readwrite")
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsMaxSta.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsMaxSta.setDescription('Number of max stations allowed.')
ruckusZDWLANAPRadioStatsFrameErrorRate = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 2, 1, 20), Unsigned32()).setUnits('1/10000').setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsFrameErrorRate.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsFrameErrorRate.setDescription('Frame error rate.')
ruckusZDWLANAPRadioStatsFrameRetryRate = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 2, 1, 21), Unsigned32()).setUnits('1/10000').setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsFrameRetryRate.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsFrameRetryRate.setDescription('Frame retry rate.')
ruckusZDWLANAPRadioStatsMonitoredTime = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 2, 1, 22), TimeTicks()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsMonitoredTime.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsMonitoredTime.setDescription('Monitored time.')
ruckusZDWLANAPRadioStatsTotalAssocTime = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 2, 1, 24), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsTotalAssocTime.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsTotalAssocTime.setDescription('Client total association time.')
ruckusZDWLANAPRadioStatsAuthReq = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 2, 1, 25), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsAuthReq.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsAuthReq.setDescription('Authentication request.')
ruckusZDWLANAPRadioStatsAuthResp = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 2, 1, 26), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsAuthResp.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsAuthResp.setDescription('Authentication response.')
ruckusZDWLANAPRadioStatsAuthSuccess = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 2, 1, 27), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsAuthSuccess.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsAuthSuccess.setDescription('Authentication success.')
ruckusZDWLANAPRadioStatsAuthFail = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 2, 1, 28), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsAuthFail.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsAuthFail.setDescription('Authentication fail.')
ruckusZDWLANAPRadioStatsAssocReq = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 2, 1, 29), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsAssocReq.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsAssocReq.setDescription('Association request.')
ruckusZDWLANAPRadioStatsAssocResp = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 2, 1, 30), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsAssocResp.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsAssocResp.setDescription('Association response.')
ruckusZDWLANAPRadioStatsReassocReq = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 2, 1, 31), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsReassocReq.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsReassocReq.setDescription('Reassociation request.')
ruckusZDWLANAPRadioStatsReassocResp = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 2, 1, 32), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsReassocResp.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsReassocResp.setDescription('Reassociation response.')
ruckusZDWLANAPRadioStatsAssocSuccess = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 2, 1, 33), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsAssocSuccess.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsAssocSuccess.setDescription('Association success.')
ruckusZDWLANAPRadioStatsAssocFail = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 2, 1, 34), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsAssocFail.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsAssocFail.setDescription('Association fail.')
ruckusZDWLANAPRadioStatsAssocDenied = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 2, 1, 35), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsAssocDenied.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsAssocDenied.setDescription('Association denied.')
ruckusZDWLANAPRadioStatsDiassocAbnormal = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 2, 1, 36), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsDiassocAbnormal.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsDiassocAbnormal.setDescription('Disassociation request due to abnormal causes.')
ruckusZDWLANAPRadioStatsDiassocCapacity = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 2, 1, 37), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsDiassocCapacity.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsDiassocCapacity.setDescription('Disassociation request due to device capacity.')
ruckusZDWLANAPRadioStatsDiassocLeave = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 2, 1, 38), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsDiassocLeave.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsDiassocLeave.setDescription('Disassociation request due to client leave.')
ruckusZDWLANAPRadioStatsDiassocMisc = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 2, 1, 39), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsDiassocMisc.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsDiassocMisc.setDescription('Disassociation request due to other reasons.')
ruckusZDWLANAPRadioStatsResourceUtil = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 2, 1, 40), Unsigned32()).setUnits('percentage').setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsResourceUtil.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsResourceUtil.setDescription('Resource utilization.')
ruckusZDWLANAPRadioStatsRxSignalFrm = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 2, 1, 41), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsRxSignalFrm.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsRxSignalFrm.setDescription('Received signal frames.')
ruckusZDWLANAPRadioStatsTxSignalFrm = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 2, 1, 42), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsTxSignalFrm.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsTxSignalFrm.setDescription('Transmitted signal frames.')
ruckusZDWLANAPRadioStatsTotalSignalFrm = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 2, 1, 43), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsTotalSignalFrm.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsTotalSignalFrm.setDescription('Total signal frames.')
ruckusZDWLANAPRadioStatsAntennaGain = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 2, 1, 44), Unsigned32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsAntennaGain.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsAntennaGain.setDescription('Get antenna gain.')
ruckusZDWLANAPRadioStatsBeaconPeriod = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 2, 1, 45), Unsigned32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsBeaconPeriod.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsBeaconPeriod.setDescription('Get beacon period.')
ruckusZDWLANAPRadioStatsRTSThreshold = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 2, 1, 46), Unsigned32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsRTSThreshold.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsRTSThreshold.setDescription('Get RTS threshold.')
ruckusZDWLANAPRadioStatsFragThreshold = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 2, 1, 47), Unsigned32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsFragThreshold.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPRadioStatsFragThreshold.setDescription('Get fragment threshold.')
ruckusZDWLANStaInfo = MibIdentifier((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 3))
ruckusZDWLANStaTable = MibTable((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 3, 1), )
if mibBuilder.loadTexts: ruckusZDWLANStaTable.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANStaTable.setDescription('ZD WLAN Station table.')
ruckusZDWLANStaEntry = MibTableRow((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 3, 1, 1), ).setIndexNames((0, "RUCKUS-ZD-WLAN-MIB", "ruckusZDWLANStaMacAddr"))
if mibBuilder.loadTexts: ruckusZDWLANStaEntry.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANStaEntry.setDescription('Specifies each ZD WLAN Station entry.')
ruckusZDWLANStaMacAddr = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 3, 1, 1, 1), MacAddress()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANStaMacAddr.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANStaMacAddr.setDescription("The station's MAC Address.")
ruckusZDWLANStaAPMacAddr = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 3, 1, 1, 2), MacAddress()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANStaAPMacAddr.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANStaAPMacAddr.setDescription('The MAC address of the associated AP.')
ruckusZDWLANStaBSSID = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 3, 1, 1, 3), MacAddress()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANStaBSSID.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANStaBSSID.setDescription('BSSID of WLAN.')
ruckusZDWLANStaSSID = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 3, 1, 1, 4), RuckusSSID()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANStaSSID.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANStaSSID.setDescription('SSID.')
ruckusZDWLANStaUser = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 3, 1, 1, 5), DisplayString()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANStaUser.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANStaUser.setDescription('Logined username of the client.')
ruckusZDWLANStaRadioType = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 3, 1, 1, 6), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(0, 1, 2, 3, 4))).clone(namedValues=NamedValues(("radio11a", 0), ("radio11b", 1), ("radio11g", 2), ("radio11ng", 3), ("radio11na", 4)))).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANStaRadioType.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANStaRadioType.setDescription('Radio type.')
ruckusZDWLANStaChannel = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 3, 1, 1, 7), Unsigned32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANStaChannel.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANStaChannel.setDescription('Radio channel.')
ruckusZDWLANStaIPAddr = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 3, 1, 1, 8), IpAddress()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANStaIPAddr.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANStaIPAddr.setDescription('IP address.')
ruckusZDWLANStaAvgRSSI = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 3, 1, 1, 9), Integer32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANStaAvgRSSI.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANStaAvgRSSI.setDescription('Averaged RSSI.')
ruckusZDWLANStaRxPkts = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 3, 1, 1, 10), Counter32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANStaRxPkts.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANStaRxPkts.setDescription('Received packets.')
ruckusZDWLANStaRxBytes = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 3, 1, 1, 11), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANStaRxBytes.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANStaRxBytes.setDescription('Received bytes.')
ruckusZDWLANStaTxPkts = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 3, 1, 1, 12), Counter32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANStaTxPkts.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANStaTxPkts.setDescription('Transmitted packets.')
ruckusZDWLANStaTxBytes = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 3, 1, 1, 13), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANStaTxBytes.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANStaTxBytes.setDescription('Transmitted bytes.')
ruckusZDWLANStaRetries = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 3, 1, 1, 14), Counter32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANStaRetries.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANStaRetries.setDescription('Transmitted retries.')
ruckusZDWLANStaAssocTime = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 3, 1, 1, 15), TimeTicks()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANStaAssocTime.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANStaAssocTime.setDescription('The time client has been associated.')
ruckusZDWLANStaRxError = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 3, 1, 1, 16), Counter32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANStaRxError.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANStaRxError.setDescription('Received error packets.')
ruckusZDWLANStaTxSuccess = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 3, 1, 1, 17), Counter32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANStaTxSuccess.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANStaTxSuccess.setDescription('Successful transmitted packets.')
ruckusZDWLANSta11bgReassoc = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 3, 1, 1, 18), Counter32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANSta11bgReassoc.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANSta11bgReassoc.setDescription('Reassociate count on B/G RF.')
ruckusZDWLANStaAssocTimestamp = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 3, 1, 1, 19), DisplayString()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANStaAssocTimestamp.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANStaAssocTimestamp.setDescription('The timestamp client associated.')
ruckusZDWLANStaRetryBytes = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 3, 1, 1, 20), Counter32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANStaRetryBytes.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANStaRetryBytes.setDescription('Transmitted retry bytes.')
ruckusZDWLANStaSNR = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 3, 1, 1, 21), Integer32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANStaSNR.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANStaSNR.setDescription("Station's Signal to Noise Ratio.")
ruckusZDWLANStaRxDrop = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 3, 1, 1, 22), Counter32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANStaRxDrop.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANStaRxDrop.setDescription('Drop transmitted packets.')
ruckusZDWLANStaTxDrop = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 3, 1, 1, 23), Counter32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANStaTxDrop.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANStaTxDrop.setDescription('Drop received packets.')
ruckusZDWLANStaTxError = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 3, 1, 1, 24), Counter32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANStaTxError.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANStaTxError.setDescription('Transmitted error packets.')
ruckusZDWLANStaVlanID = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 3, 1, 1, 30), Integer32().subtype(subtypeSpec=ValueRangeConstraint(1, 4094))).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANStaVlanID.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANStaVlanID.setDescription('VLAN ID of the station. 1 for not specified.')
ruckusZDWLANStaAuthMode = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 3, 1, 1, 80), DisplayString()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANStaAuthMode.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANStaAuthMode.setDescription('Authentication mode of authenticated terminal.')
ruckusZDWLANStaSignalStrength = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 3, 1, 1, 81), Integer32()).setUnits('dBm').setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANStaSignalStrength.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANStaSignalStrength.setDescription('Signal strength')
ruckusZDWLANRogueInfo = MibIdentifier((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 4))
ruckusZDWLANRogueTable = MibTable((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 4, 1), )
if mibBuilder.loadTexts: ruckusZDWLANRogueTable.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANRogueTable.setDescription('ZD WLAN rogue device table.')
ruckusZDWLANRogueEntry = MibTableRow((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 4, 1, 1), ).setIndexNames((0, "IF-MIB", "ifIndex"))
if mibBuilder.loadTexts: ruckusZDWLANRogueEntry.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANRogueEntry.setDescription('Specifies each ZD WLAN rogue device entry.')
ruckusZDWLANRogueMacAddr = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 4, 1, 1, 1), MacAddress()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANRogueMacAddr.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANRogueMacAddr.setDescription("Rogue device's MAC Address.")
ruckusZDWLANRogueSSID = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 4, 1, 1, 2), RuckusSSID()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANRogueSSID.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANRogueSSID.setDescription('SSID.')
ruckusZDWLANRogueRadioType = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 4, 1, 1, 3), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(0, 1, 2, 3))).clone(namedValues=NamedValues(("radio11bg", 0), ("radio11a", 1), ("radio11ng", 2), ("radio11na", 3)))).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANRogueRadioType.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANRogueRadioType.setDescription('Radio type.')
ruckusZDWLANRogueChannel = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 4, 1, 1, 4), Unsigned32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANRogueChannel.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANRogueChannel.setDescription('Radio channel.')
ruckusZDWLANRogueRSSI = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 4, 1, 1, 5), Integer32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANRogueRSSI.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANRogueRSSI.setDescription('RSSI.')
ruckusZDWLANRogueType = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 4, 1, 1, 6), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(0, 1))).clone(namedValues=NamedValues(("ap", 0), ("ad-hoc", 1)))).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANRogueType.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANRogueType.setDescription('The type of the rogue device.')
ruckusZDWLANRogueEncrypted = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 4, 1, 1, 7), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(0, 1))).clone(namedValues=NamedValues(("open", 0), ("encrypted", 1)))).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANRogueEncrypted.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANRogueEncrypted.setDescription('Encryption mode.')
ruckusZDWLANRogueSignalStrength = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 4, 1, 1, 11), Integer32()).setUnits('dBm').setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANRogueSignalStrength.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANRogueSignalStrength.setDescription('Signal strength')
ruckusZDWLANVapTable = MibTable((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 3), )
if mibBuilder.loadTexts: ruckusZDWLANVapTable.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANVapTable.setDescription('ZD WLAN AP table per each WLAN.')
ruckusZDWLANVapEntry = MibTableRow((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 3, 1), ).setIndexNames((0, "RUCKUS-ZD-WLAN-MIB", "ruckusZDWLANVapBSSID"))
if mibBuilder.loadTexts: ruckusZDWLANVapEntry.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANVapEntry.setDescription('Specifies each ZD WLAN vap entry.')
ruckusZDWLANVapBSSID = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 3, 1, 1), MacAddress()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANVapBSSID.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANVapBSSID.setDescription("The VAP's BSSID ,it is a MAC Address.")
ruckusZDWLANVapPAPAddr = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 3, 1, 2), MacAddress()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANVapPAPAddr.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANVapPAPAddr.setDescription("The MAC address of the Parent's AP.")
ruckusZDWLANVapSSID = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 3, 1, 3), RuckusSSID()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANVapSSID.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANVapSSID.setDescription('SSID of VAP.')
ruckusZDWLANVapLanRxBytes = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 3, 1, 6), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANVapLanRxBytes.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANVapLanRxBytes.setDescription('Received bytes on LAN in VAP .')
ruckusZDWLANVapLanTxBytes = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 3, 1, 7), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANVapLanTxBytes.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANVapLanTxBytes.setDescription('Transmitted bytes on LAN in VAP.')
ruckusZDWLANVapWlanRxBytes = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 3, 1, 8), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANVapWlanRxBytes.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANVapWlanRxBytes.setDescription('Received bytes on WLAN in VAP .')
ruckusZDWLANVapWlanTxBytes = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 3, 1, 9), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANVapWlanTxBytes.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANVapWlanTxBytes.setDescription('Transmitted bytes on WLAN in VAP.')
ruckusZDWLANVapWlanRxErrorPkt = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 3, 1, 11), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANVapWlanRxErrorPkt.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANVapWlanRxErrorPkt.setDescription('Receiveed error packet on WLAN in VAP.')
ruckusZDWLANVapWlanRxUnicastPkt = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 3, 1, 12), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANVapWlanRxUnicastPkt.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANVapWlanRxUnicastPkt.setDescription('Receiveed unicast packet on WLAN in VAP.')
ruckusZDWLANVapWlanTxUnicastPkt = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 3, 1, 13), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANVapWlanTxUnicastPkt.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANVapWlanTxUnicastPkt.setDescription('Transmitted unicast packet on WLAN in VAP.')
ruckusZDWLANVapWlanRxPkt = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 3, 1, 14), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANVapWlanRxPkt.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANVapWlanRxPkt.setDescription('Received packet on WLAN in VAP.')
ruckusZDWLANVapWlanRxDropPkt = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 3, 1, 15), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANVapWlanRxDropPkt.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANVapWlanRxDropPkt.setDescription('Received dropped packet on WLAN in VAP.')
ruckusZDWLANVapWlanTxErrPkt = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 3, 1, 16), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANVapWlanTxErrPkt.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANVapWlanTxErrPkt.setDescription('Transmitted error packet on WLAN in VAP.')
ruckusZDWLANVapWlanTxPkt = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 3, 1, 17), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANVapWlanTxPkt.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANVapWlanTxPkt.setDescription('Transmitted packet on WLAN in VAP.')
ruckusZDWLANVapWlanTxDropPkt = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 3, 1, 18), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANVapWlanTxDropPkt.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANVapWlanTxDropPkt.setDescription('Transmitted dropped packet on WLAN in VAP.')
ruckusZDWLANIfTable = MibTable((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 4), )
if mibBuilder.loadTexts: ruckusZDWLANIfTable.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANIfTable.setDescription('ZD WLAN AP Interface table per each AP.')
ruckusZDWLANIfEntry = MibTableRow((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 4, 1), ).setIndexNames((0, "RUCKUS-ZD-WLAN-MIB", "ruckusZDWLANAPMac"), (0, "RUCKUS-ZD-WLAN-MIB", "ruckusZDWLANAPIfIndex"))
if mibBuilder.loadTexts: ruckusZDWLANIfEntry.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANIfEntry.setDescription('Specifies each ZD WLAN vap entry.')
ruckusZDWLANAPMac = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 4, 1, 1), MacAddress()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPMac.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPMac.setDescription("The AP's Mac Address.")
ruckusZDWLANAPIfIndex = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 4, 1, 2), InterfaceIndex()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPIfIndex.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPIfIndex.setDescription('The index of Interface in AP .')
ruckusZDWLANAPIfDescr = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 4, 1, 3), DisplayString()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPIfDescr.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPIfDescr.setDescription('The Description information for this interface.')
ruckusZDWLANAPIfType = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 4, 1, 4), IANAifType()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPIfType.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPIfType.setDescription('The type of interface.')
ruckusZDWLANAPIfMtu = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 4, 1, 5), Integer32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPIfMtu.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPIfMtu.setDescription('The size of the largest packet which can be sent/received.')
ruckusZDWLANAPIfSpeed = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 4, 1, 6), DisplayString()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPIfSpeed.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPIfSpeed.setDescription("An estimate of the interface's current bandwidth in bits.")
ruckusZDWLANAPIfPhysAddress = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 4, 1, 7), DisplayString()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPIfPhysAddress.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPIfPhysAddress.setDescription("The interface's mac address.")
ruckusZDWLANAPIfAdminStatus = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 4, 1, 8), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(1, 2, 3))).clone(namedValues=NamedValues(("up", 1), ("down", 2), ("testing", 3)))).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPIfAdminStatus.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPIfAdminStatus.setDescription('The desired state of the interface: up(1), down(2) ,testing(3) .')
ruckusZDWLANAPIfOperStatus = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 4, 1, 9), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(1, 2, 3, 4, 5, 6, 7))).clone(namedValues=NamedValues(("up", 1), ("down", 2), ("testing", 3), ("unknown", 4), ("dormant", 5), ("notPresent", 6), ("lowerLayerDown", 7)))).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPIfOperStatus.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPIfOperStatus.setDescription('The current operational state of the interface: up(1), down(2), testing(3), unknown(4), dormant(5) , notPresent(6), lowerLayerDown(7).')
ruckusZDWLANAPIfInOctets = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 4, 1, 10), Counter32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPIfInOctets.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPIfInOctets.setDescription('The total number of octets received on the interface.')
ruckusZDWLANAPIfInUcastPkts = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 4, 1, 11), Counter32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPIfInUcastPkts.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPIfInUcastPkts.setDescription('The total number of unicast packets received on the interface.')
ruckusZDWLANAPIfInNUcastPkts = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 4, 1, 12), Counter32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPIfInNUcastPkts.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPIfInNUcastPkts.setDescription('The total number of multicast and broadcast packets received on the interface.')
ruckusZDWLANAPIfInDiscards = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 4, 1, 13), Counter32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPIfInDiscards.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPIfInDiscards.setDescription('The number of inbound packets which were chosen to be discarded even though no errors had been detected .')
ruckusZDWLANAPIfInErrors = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 4, 1, 14), Counter32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPIfInErrors.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPIfInErrors.setDescription('The number of inbound packets that contained errors.')
ruckusZDWLANAPIfInUnknownProtos = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 4, 1, 15), Counter32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPIfInUnknownProtos.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPIfInUnknownProtos.setDescription('The number of packets received via the interface which were discarded because of an unknown or unsupported protocol.')
ruckusZDWLANAPIfOutOctets = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 4, 1, 16), Counter32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPIfOutOctets.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPIfOutOctets.setDescription('The total number of octets transmitted out of the interface.')
ruckusZDWLANAPIfOutUcastPkts = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 4, 1, 17), Counter32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPIfOutUcastPkts.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPIfOutUcastPkts.setDescription('The total number of unicast packets transmitted out of the interface.')
ruckusZDWLANAPIfOutNUcastPkts = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 4, 1, 18), Counter32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPIfOutNUcastPkts.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPIfOutNUcastPkts.setDescription('The total number of multicast and broadcast packets transmitted out of the interface.')
ruckusZDWLANAPIfOutDiscards = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 4, 1, 19), Counter32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPIfOutDiscards.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPIfOutDiscards.setDescription('The number of outbound packets which were chosen to be discarded even though no errors had been detected.')
ruckusZDWLANAPIfOutErrors = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 4, 1, 20), Counter32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPIfOutErrors.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPIfOutErrors.setDescription('The number of outbound packets that could not be transmitted because of errors.')
ruckusZDWLANAPIfName = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 4, 1, 21), DisplayString()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPIfName.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPIfName.setDescription('The name of interface.')
ruckusZDWLANAPIfNameDefined = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 4, 1, 22), DisplayString()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPIfNameDefined.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPIfNameDefined.setDescription('The alias of interface.')
ruckusZDWLANAPEthStatusTable = MibTable((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 8), )
if mibBuilder.loadTexts: ruckusZDWLANAPEthStatusTable.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPEthStatusTable.setDescription('ZD WLAN AP Ethernet Interface status table per each AP.')
ruckusZDWLANAPEthStatusEntry = MibTableRow((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 8, 1), ).setIndexNames((0, "RUCKUS-ZD-WLAN-MIB", "ruckusZDWLANAPMacAddress"), (0, "RUCKUS-ZD-WLAN-MIB", "ruckusZDWLANAPEthPortId"))
if mibBuilder.loadTexts: ruckusZDWLANAPEthStatusEntry.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPEthStatusEntry.setDescription('Specifies each ZD WLAN AP ethernet interface status entry.')
ruckusZDWLANAPMacAddress = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 8, 1, 1), MacAddress()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPMacAddress.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPMacAddress.setDescription("The AP's Mac Address.")
ruckusZDWLANAPEthPortId = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 8, 1, 2), Integer32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPEthPortId.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPEthPortId.setDescription('The ap ethernet port id.')
ruckusZDWLANAPEthIfname = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 8, 1, 5), OctetString()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPEthIfname.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPEthIfname.setDescription('The name of interface.')
ruckusZDWLANAPEthDot1xStatus = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 8, 1, 6), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(1, 2, 3))).clone(namedValues=NamedValues(("auth", 1), ("supp", 2), ("none", 3)))).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPEthDot1xStatus.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPEthDot1xStatus.setDescription('The ap ethernet port Dot1xStatus.')
ruckusZDWLANAPEthLogicalStatus = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 8, 1, 7), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(1, 2))).clone(namedValues=NamedValues(("up", 1), ("down", 2)))).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPEthLogicalStatus.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPEthLogicalStatus.setDescription('The ap ethernet port logical status.')
ruckusZDWLANAPEthPhyStatus = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 8, 1, 8), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(1, 2))).clone(namedValues=NamedValues(("up", 1), ("down", 2)))).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPEthPhyStatus.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPEthPhyStatus.setDescription('The ap ethernet port physical status.')
ruckusZDWLANAPEthPhyIfSpeed = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 8, 1, 9), Integer32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPEthPhyIfSpeed.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPEthPhyIfSpeed.setDescription("The ap ethernet interface's current bandwidth in Mbits,.")
ruckusZDWLANAPEthPhyLinkStatus = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 8, 1, 10), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(1, 2))).clone(namedValues=NamedValues(("full", 1), ("half", 2)))).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPEthPhyLinkStatus.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPEthPhyLinkStatus.setDescription('The ap ethernet port physical link status.')
ruckusZDWLANAPEthLabel = MibTableColumn((1, 3, 6, 1, 4, 1, 25053, 1, 2, 2, 1, 1, 2, 8, 1, 11), OctetString()).setMaxAccess("readonly")
if mibBuilder.loadTexts: ruckusZDWLANAPEthLabel.setStatus('current')
if mibBuilder.loadTexts: ruckusZDWLANAPEthLabel.setDescription('The ap ethernet port label.')
mibBuilder.exportSymbols("RUCKUS-ZD-WLAN-MIB", ruckusZDWLANAPRadioStatsTxPkts=ruckusZDWLANAPRadioStatsTxPkts, ruckusZDWLANTxBytes=ruckusZDWLANTxBytes, ruckusZDWLANAPTxFrameDropped=ruckusZDWLANAPTxFrameDropped, ruckusZDWLANAPLANStatsRXPkt=ruckusZDWLANAPLANStatsRXPkt, ruckusZDWLANStaBSSID=ruckusZDWLANStaBSSID, ruckusZDWLANAPNetmask=ruckusZDWLANAPNetmask, ruckusZDWLANStaTable=ruckusZDWLANStaTable, ruckusZDWLANAssocFail=ruckusZDWLANAssocFail, ruckusZDWLANIfTable=ruckusZDWLANIfTable, ruckusZDWLANAPRadioStatsDiassocLeave=ruckusZDWLANAPRadioStatsDiassocLeave, ruckusZDWLANAPRadioStatsNumSta=ruckusZDWLANAPRadioStatsNumSta, ruckusZDWLANStaSignalStrength=ruckusZDWLANStaSignalStrength, ruckusZDWLANAPMeshUpPortCntUpdown=ruckusZDWLANAPMeshUpPortCntUpdown, ruckusZDWLANAP11bCapable=ruckusZDWLANAP11bCapable, ruckusZDWLANAPUptime=ruckusZDWLANAPUptime, ruckusZDWLANDescription=ruckusZDWLANDescription, ruckusZDWLANSta11bgReassoc=ruckusZDWLANSta11bgReassoc, ruckusZDWLANSSIDBcastDisable=ruckusZDWLANSSIDBcastDisable, ruckusZDWLANAPLastConfSyncTime=ruckusZDWLANAPLastConfSyncTime, ruckusZDWLANAPMacAddr=ruckusZDWLANAPMacAddr, ruckusZDWLANAPStaRxBytes=ruckusZDWLANAPStaRxBytes, ruckusZDWLANAPRadioStatsTable=ruckusZDWLANAPRadioStatsTable, ruckusZDWLANAPRadioStatsAuthResp=ruckusZDWLANAPRadioStatsAuthResp, ruckusZDWLANDiassocCapacity=ruckusZDWLANDiassocCapacity, ruckusZDWLANAPRadioStatsRxMulticast=ruckusZDWLANAPRadioStatsRxMulticast, ruckusZDWLANStaEntry=ruckusZDWLANStaEntry, ruckusZDWLANNAME=ruckusZDWLANNAME, ruckusZDWLANStaRxPkts=ruckusZDWLANStaRxPkts, ruckusZDWLANStaRxBytes=ruckusZDWLANStaRxBytes, ruckusZDWLANAPRadioStatsRxPkts=ruckusZDWLANAPRadioStatsRxPkts, ruckusZDWLANAPModel=ruckusZDWLANAPModel, ruckusZDWLANAPLANStatsRXByte=ruckusZDWLANAPLANStatsRXByte, ruckusZDWLANAPEthLogicalStatus=ruckusZDWLANAPEthLogicalStatus, ruckusZDWLANAPRadioStatsAntennaGain=ruckusZDWLANAPRadioStatsAntennaGain, ruckusZDWLANStaRxDrop=ruckusZDWLANStaRxDrop, ruckusZDWLANStaTxError=ruckusZDWLANStaTxError, ruckusZDWLANAPEthDot1xStatus=ruckusZDWLANAPEthDot1xStatus, ruckusZDWLANAuthentication=ruckusZDWLANAuthentication, ruckusZDWLANAPRadioStatsAssocReq=ruckusZDWLANAPRadioStatsAssocReq, ruckusZDWLANRogueRadioType=ruckusZDWLANRogueRadioType, ruckusZDWLANAPIfIndex=ruckusZDWLANAPIfIndex, ruckusZDWLANAPMeshHops=ruckusZDWLANAPMeshHops, ruckusZDWLANMIB=ruckusZDWLANMIB, ruckusZDWLANAPRadioStatsMaxSta=ruckusZDWLANAPRadioStatsMaxSta, ruckusZDWLANVapEntry=ruckusZDWLANVapEntry, ruckusZDWLANAPMemTotal=ruckusZDWLANAPMemTotal, ruckusZDWLANAPRadioStatsFrameRetryRate=ruckusZDWLANAPRadioStatsFrameRetryRate, ruckusZDWLANIfEntry=ruckusZDWLANIfEntry, ruckusZDWLANAPCoverageTech=ruckusZDWLANAPCoverageTech, ruckusZDWLANAPRadioStatsTxMulticast=ruckusZDWLANAPRadioStatsTxMulticast, ruckusZDWLANRogueEntry=ruckusZDWLANRogueEntry, ruckusZDWLANAPIfOutDiscards=ruckusZDWLANAPIfOutDiscards, ruckusZDWLANAPRadioStatsRadioType=ruckusZDWLANAPRadioStatsRadioType, ruckusZDWLANAPEthLabel=ruckusZDWLANAPEthLabel, ruckusZDWLANStaUser=ruckusZDWLANStaUser, ruckusZDWLANAPUpgrade=ruckusZDWLANAPUpgrade, ruckusZDWLANAPIfAdminStatus=ruckusZDWLANAPIfAdminStatus, ruckusZDWLANAPIfMtu=ruckusZDWLANAPIfMtu, ruckusZDWLANVapBSSID=ruckusZDWLANVapBSSID, ruckusZDWLANAPIfOutOctets=ruckusZDWLANAPIfOutOctets, ruckusZDWLANAPMac=ruckusZDWLANAPMac, ruckusZDWLANAPMeshDownPortCntUpdown=ruckusZDWLANAPMeshDownPortCntUpdown, ruckusZDWLANAPLANStatsTXPkt=ruckusZDWLANAPLANStatsTXPkt, ruckusZDWLANDiassocAbnormal=ruckusZDWLANDiassocAbnormal, ruckusZDWLANIsGuest=ruckusZDWLANIsGuest, ruckusZDWLANAPDNS1=ruckusZDWLANAPDNS1, ruckusZDWLANAP11gCapable=ruckusZDWLANAP11gCapable, ruckusZDWLANAPLastUpgradeTime=ruckusZDWLANAPLastUpgradeTime, ruckusZDWLANRxByteRate=ruckusZDWLANRxByteRate, ruckusZDWLANRogueEncrypted=ruckusZDWLANRogueEncrypted, ruckusZDWLANDiassocMisc=ruckusZDWLANDiassocMisc, ruckusZDWLANAPRadioStatsRadioIndex=ruckusZDWLANAPRadioStatsRadioIndex, ruckusZDWLANRxPkts=ruckusZDWLANRxPkts, ruckusZDWLANVapWlanTxBytes=ruckusZDWLANVapWlanTxBytes, ruckusZDWLANAPNumRadios=ruckusZDWLANAPNumRadios, ruckusZDWLANAPEthStatusEntry=ruckusZDWLANAPEthStatusEntry, ruckusZDWLANStaRetries=ruckusZDWLANStaRetries, ruckusZDWLANAPStaTxBytes=ruckusZDWLANAPStaTxBytes, ruckusZDWLANRxDataFrameOnLan=ruckusZDWLANRxDataFrameOnLan, ruckusZDWLANAPLANStatsRXPKTUcast=ruckusZDWLANAPLANStatsRXPKTUcast, ruckusZDWLANVapWlanTxPkt=ruckusZDWLANVapWlanTxPkt, ruckusZDWLANAPRadioStatsAvgStaRSSI=ruckusZDWLANAPRadioStatsAvgStaRSSI, ruckusZDWLANAPRadioStatsTxRetries=ruckusZDWLANAPRadioStatsTxRetries, ruckusZDWLANAPRadioStatsAssocResp=ruckusZDWLANAPRadioStatsAssocResp, ruckusZDWLANAPRadioStatsAssocFail=ruckusZDWLANAPRadioStatsAssocFail, ruckusZDWLANRateLimitingUp=ruckusZDWLANRateLimitingUp, ruckusZDWLANTunnelWLAN=ruckusZDWLANTunnelWLAN, ruckusZDWLANAPEthStatusTable=ruckusZDWLANAPEthStatusTable, ruckusZDWLANStaAPMacAddr=ruckusZDWLANStaAPMacAddr, ruckusZDWLANAPRadioStatsTxPower=ruckusZDWLANAPRadioStatsTxPower, ruckusZDWLANDiassocLeave=ruckusZDWLANDiassocLeave, ruckusZDWLANAPInfo=ruckusZDWLANAPInfo, ruckusZDWLANAPIfDescr=ruckusZDWLANAPIfDescr, ruckusZDWLANAPLANStatsDropped=ruckusZDWLANAPLANStatsDropped, ruckusZDWLANAPRadioStatsBeaconPeriod=ruckusZDWLANAPRadioStatsBeaconPeriod, ruckusZDWLANDownDropFrame=ruckusZDWLANDownDropFrame, ruckusZDWLANVapWlanRxDropPkt=ruckusZDWLANVapWlanRxDropPkt, ruckusZDWLANAPRadioStatsReassocReq=ruckusZDWLANAPRadioStatsReassocReq, ruckusZDWLANAPIfInNUcastPkts=ruckusZDWLANAPIfInNUcastPkts, ruckusZDWLANAPLANStatsTXByte=ruckusZDWLANAPLANStatsTXByte, ruckusZDWLANAPEthPhyStatus=ruckusZDWLANAPEthPhyStatus, ruckusZDWLANAPCPUUtil=ruckusZDWLANAPCPUUtil, ruckusZDWLANStaInfo=ruckusZDWLANStaInfo, ruckusZDWLANAssocResp=ruckusZDWLANAssocResp, ruckusZDWLANAPStatus=ruckusZDWLANAPStatus, ruckusZDWLANAPRadioStatsAPMacAddr=ruckusZDWLANAPRadioStatsAPMacAddr, ruckusZDWLANAPNumSta=ruckusZDWLANAPNumSta, ruckusZDWLANAPRadioStatsPowerMgmt=ruckusZDWLANAPRadioStatsPowerMgmt, ruckusZDWLANAPIfSpeed=ruckusZDWLANAPIfSpeed, ruckusZDWLANUpDropFrame=ruckusZDWLANUpDropFrame, ruckusZDWLANAPEntry=ruckusZDWLANAPEntry, ruckusZDWLANStaSSID=ruckusZDWLANStaSSID, ruckusZDWLANAPRadioStatsAuthFail=ruckusZDWLANAPRadioStatsAuthFail, ruckusZDWLANAPRadioStatsTxBytes=ruckusZDWLANAPRadioStatsTxBytes, ruckusZDWLANAPRadioStatsMeshEnable=ruckusZDWLANAPRadioStatsMeshEnable, ruckusZDWLANAPIfOperStatus=ruckusZDWLANAPIfOperStatus, ruckusZDWLANAPIfOutNUcastPkts=ruckusZDWLANAPIfOutNUcastPkts, ruckusZDWLANAPEthPortId=ruckusZDWLANAPEthPortId, ruckusZDWLANRogueMacAddr=ruckusZDWLANRogueMacAddr, ruckusZDWLANStaChannel=ruckusZDWLANStaChannel, ruckusZDWLANDownRetxFrame=ruckusZDWLANDownRetxFrame, ruckusZDWLANDownTotalFrame=ruckusZDWLANDownTotalFrame, ruckusZDWLANStaMacAddr=ruckusZDWLANStaMacAddr, ruckusZDWLANUpTotalFrame=ruckusZDWLANUpTotalFrame, ruckusZDWLANTxPkts=ruckusZDWLANTxPkts, ruckusZDWLANRogueType=ruckusZDWLANRogueType, ruckusZDWLANAPIfOutUcastPkts=ruckusZDWLANAPIfOutUcastPkts, ruckusZDWLANRxBytes=ruckusZDWLANRxBytes, ruckusZDWLANAPRadioStatsFragThreshold=ruckusZDWLANAPRadioStatsFragThreshold, ruckusZDWLANStaVlanID=ruckusZDWLANStaVlanID, ruckusZDWLANAPFirstJoinTime=ruckusZDWLANAPFirstJoinTime, ruckusZDWLANAPHWversion=ruckusZDWLANAPHWversion, ruckusZDWLANAPIPAddr=ruckusZDWLANAPIPAddr, ruckusZDWLANStaRxError=ruckusZDWLANStaRxError, ruckusZDWLANAPGateway=ruckusZDWLANAPGateway, ruckusZDWLANAPIfName=ruckusZDWLANAPIfName, ruckusZDWLANRogueSSID=ruckusZDWLANRogueSSID, ruckusZDWLANAPNumVAP=ruckusZDWLANAPNumVAP, ruckusZDWLANEncryption=ruckusZDWLANEncryption, ruckusZDWLANVapSSID=ruckusZDWLANVapSSID, ruckusZDWLANAPSerialNumber=ruckusZDWLANAPSerialNumber, ruckusZDWLANAPRadioStatsAssocDenied=ruckusZDWLANAPRadioStatsAssocDenied, ruckusZDWLANStaRadioType=ruckusZDWLANStaRadioType, ruckusZDWLANAPIfInDiscards=ruckusZDWLANAPIfInDiscards, ruckusZDWLANDownTotalErrFrame=ruckusZDWLANDownTotalErrFrame, ruckusZDWLANAPEthStateChange=ruckusZDWLANAPEthStateChange, ruckusZDWLANAPRadioStatsEntry=ruckusZDWLANAPRadioStatsEntry, ruckusZDWLANEntry=ruckusZDWLANEntry, ruckusZDWLANStaSNR=ruckusZDWLANStaSNR, ruckusZDWLANAPRadioStatsDiassocCapacity=ruckusZDWLANAPRadioStatsDiassocCapacity, ruckusZDWLANAssocTotal=ruckusZDWLANAssocTotal, ruckusZDWLANAPSyncConf=ruckusZDWLANAPSyncConf, ruckusZDWLANVapPAPAddr=ruckusZDWLANVapPAPAddr, ruckusZDWLANStaAvgRSSI=ruckusZDWLANStaAvgRSSI, ruckusZDWLANAuthTotal=ruckusZDWLANAuthTotal, ruckusZDWLANAPRadioStatsTxFail=ruckusZDWLANAPRadioStatsTxFail, ruckusZDWLANAPEthPhyIfSpeed=ruckusZDWLANAPEthPhyIfSpeed, ruckusZDWLANRogueInfo=ruckusZDWLANRogueInfo, ruckusZDWLANAPRadioStatsTotalAssocTime=ruckusZDWLANAPRadioStatsTotalAssocTime, ruckusZDWLANAPLANStatsTXByteRate=ruckusZDWLANAPLANStatsTXByteRate, ruckusZDWLANAPRadioStatsDiassocAbnormal=ruckusZDWLANAPRadioStatsDiassocAbnormal, ruckusZDWLANAPLastBootTime=ruckusZDWLANAPLastBootTime, ruckusZDWLANVapLanTxBytes=ruckusZDWLANVapLanTxBytes, ruckusZDWLANAPRadioStatsRxSignalFrm=ruckusZDWLANAPRadioStatsRxSignalFrm, ruckusZDWLANAPRadioStatsTotalSignalFrm=ruckusZDWLANAPRadioStatsTotalSignalFrm, ruckusZDWLANVapWlanRxErrorPkt=ruckusZDWLANVapWlanRxErrorPkt, ruckusZDWLANAPIfPhysAddress=ruckusZDWLANAPIfPhysAddress, ruckusZDWLANAssocDenied=ruckusZDWLANAssocDenied, ruckusZDWLANStaAssocTimestamp=ruckusZDWLANStaAssocTimestamp, ruckusZDWLANAuthResp=ruckusZDWLANAuthResp, ruckusZDWLANAPLANStatsRXPKTMcast=ruckusZDWLANAPLANStatsRXPKTMcast, ruckusZDWLANReassocResp=ruckusZDWLANReassocResp, ruckusZDWLANVlanID=ruckusZDWLANVlanID, ruckusZDWLANAPDNS2=ruckusZDWLANAPDNS2, ruckusZDWLANAuthFail=ruckusZDWLANAuthFail, ruckusZDWLANAPRadioStatsChannel=ruckusZDWLANAPRadioStatsChannel, ruckusZDWLANNumVAP=ruckusZDWLANNumVAP, ruckusZDWLANTxByteOnLan=ruckusZDWLANTxByteOnLan, ruckusZDWLANStaIPAddr=ruckusZDWLANStaIPAddr, ruckusZDWLANStaTxPkts=ruckusZDWLANStaTxPkts, ruckusZDWLANStaRetryBytes=ruckusZDWLANStaRetryBytes, ruckusZDWLANAPIfNameDefined=ruckusZDWLANAPIfNameDefined, ruckusZDWLANRogueRSSI=ruckusZDWLANRogueRSSI, ruckusZDWLANRxByteOnLan=ruckusZDWLANRxByteOnLan, ruckusZDWLANNumSta=ruckusZDWLANNumSta, ruckusZDWLANAPRadioStatsResourceUtil=ruckusZDWLANAPRadioStatsResourceUtil, ruckusZDWLANVapWlanRxPkt=ruckusZDWLANVapWlanRxPkt, ruckusZDWLANAPRadioStatsMonitoredTime=ruckusZDWLANAPRadioStatsMonitoredTime, ruckusZDWLANAPMeshEnable=ruckusZDWLANAPMeshEnable, PYSNMP_MODULE_ID=ruckusZDWLANMIB, ruckusZDWLANAPRadioStatsAssocSuccess=ruckusZDWLANAPRadioStatsAssocSuccess, ruckusZDWLANAPRadioStatsNumVAP=ruckusZDWLANAPRadioStatsNumVAP, ruckusZDWLANAPLANStatsRXPKTBcast=ruckusZDWLANAPLANStatsRXPKTBcast, ruckusZDWLANAPRadioStatsTxSignalFrm=ruckusZDWLANAPRadioStatsTxSignalFrm, ruckusZDWLANSSID=ruckusZDWLANSSID, ruckusZDWLANAPFWSize=ruckusZDWLANAPFWSize, ruckusZDWLANAuthSuccessTotal=ruckusZDWLANAuthSuccessTotal, ruckusZDWLANStaTxSuccess=ruckusZDWLANStaTxSuccess, ruckusZDWLANVapWlanTxErrPkt=ruckusZDWLANVapWlanTxErrPkt, ruckusZDWLANStaAssocTime=ruckusZDWLANStaAssocTime, ruckusZDWLANAPTotalUser=ruckusZDWLANAPTotalUser, ruckusZDWLANAPLANStatsTXPKTBcast=ruckusZDWLANAPLANStatsTXPKTBcast, ruckusZDWLANVapWlanRxBytes=ruckusZDWLANVapWlanRxBytes, ruckusZDWLANAPEthIfname=ruckusZDWLANAPEthIfname, ruckusZDWLANAPMultiModeAccessStatus=ruckusZDWLANAPMultiModeAccessStatus, ruckusZDWLANAPRadioStatsFrameErrorRate=ruckusZDWLANAPRadioStatsFrameErrorRate, ruckusZDWLANRogueSignalStrength=ruckusZDWLANRogueSignalStrength, ruckusZDWLANAPDescription=ruckusZDWLANAPDescription, ruckusZDWLANAPIfInUcastPkts=ruckusZDWLANAPIfInUcastPkts, ruckusZDWLANTxByteRate=ruckusZDWLANTxByteRate, ruckusZDWLANAPRadioStatsAuthSuccess=ruckusZDWLANAPRadioStatsAuthSuccess, ruckusZDWLANAPRadioStatsDiassocMisc=ruckusZDWLANAPRadioStatsDiassocMisc, ruckusZDWLANAPLANStatsRXPktErr=ruckusZDWLANAPLANStatsRXPktErr, ruckusZDWLANRateLimitingDown=ruckusZDWLANRateLimitingDown, ruckusZDWLANAPTable=ruckusZDWLANAPTable, ruckusZDWLANAPConnectionMode=ruckusZDWLANAPConnectionMode, ruckusZDWLANAPRadioStatsAuthReq=ruckusZDWLANAPRadioStatsAuthReq, ruckusZDWLANAPMultipleVlanCapability=ruckusZDWLANAPMultipleVlanCapability, ruckusZDWLANObjects=ruckusZDWLANObjects, ruckusZDWLANAPRadioStatsRxBytes=ruckusZDWLANAPRadioStatsRxBytes, ruckusZDWLANAPLANStatsRXByteRate=ruckusZDWLANAPLANStatsRXByteRate, ruckusZDWLANStaTxBytes=ruckusZDWLANStaTxBytes, ruckusZDWLANUpRetxFrame=ruckusZDWLANUpRetxFrame, ruckusZDWLANAPFWAvail=ruckusZDWLANAPFWAvail, ruckusZDWLANAPMeshType=ruckusZDWLANAPMeshType, ruckusZDWLANVapLanRxBytes=ruckusZDWLANVapLanRxBytes, ruckusZDWLANAPIfInOctets=ruckusZDWLANAPIfInOctets, ruckusZDWLANStaAuthMode=ruckusZDWLANStaAuthMode, ruckusZDWLANAPMacAddress=ruckusZDWLANAPMacAddress, ruckusZDWLANVapWlanRxUnicastPkt=ruckusZDWLANVapWlanRxUnicastPkt, ruckusZDWLANStaTxDrop=ruckusZDWLANStaTxDrop, ruckusZDWLANVapWlanTxDropPkt=ruckusZDWLANVapWlanTxDropPkt, ruckusZDWLANAPSWversion=ruckusZDWLANAPSWversion, ruckusZDWLANAPNumRogues=ruckusZDWLANAPNumRogues, ruckusZDWLANAPIfInErrors=ruckusZDWLANAPIfInErrors, ruckusZDWLANAPRadioStatsRTSThreshold=ruckusZDWLANAPRadioStatsRTSThreshold, ruckusZDWLANRogueChannel=ruckusZDWLANRogueChannel, ruckusZDWLANAPRadioStatsReassocResp=ruckusZDWLANAPRadioStatsReassocResp, ruckusZDWLANInfo=ruckusZDWLANInfo, ruckusZDWLANTable=ruckusZDWLANTable, ruckusZDWLANAssocSuccess=ruckusZDWLANAssocSuccess, ruckusZDWLANAPEthPhyLinkStatus=ruckusZDWLANAPEthPhyLinkStatus, ruckusZDWLANRogueTable=ruckusZDWLANRogueTable, ruckusZDWLANAPIfOutErrors=ruckusZDWLANAPIfOutErrors, ruckusZDWLANAPLANStatsRXPKTSucc=ruckusZDWLANAPLANStatsRXPKTSucc, ruckusZDWLANVapTable=ruckusZDWLANVapTable, ruckusZDWLANAPIfType=ruckusZDWLANAPIfType, ruckusZDWLANReassocReq=ruckusZDWLANReassocReq, ruckusZDWLANAPMemUtil=ruckusZDWLANAPMemUtil, ruckusZDWLANAPIfInUnknownProtos=ruckusZDWLANAPIfInUnknownProtos, ruckusZDWLANAPTxFrameError=ruckusZDWLANAPTxFrameError, ruckusZDWLANVapWlanTxUnicastPkt=ruckusZDWLANVapWlanTxUnicastPkt, ruckusZDWLANAPLANStatsTXPKTUcast=ruckusZDWLANAPLANStatsTXPKTUcast, ruckusZDWLANAPLANStatsTXPKTMcast=ruckusZDWLANAPLANStatsTXPKTMcast)
mibBuilder.exportSymbols("RUCKUS-ZD-WLAN-MIB", )
| [
2,
198,
2,
9485,
15571,
7378,
337,
9865,
8265,
371,
16696,
2937,
12,
57,
35,
12,
54,
25697,
12,
8895,
33,
357,
4023,
1378,
16184,
76,
489,
8937,
13,
785,
14,
79,
893,
11632,
8,
198,
2,
7054,
45,
13,
16,
2723,
2393,
1378,
14,
14490,
14,
67,
615,
47562,
19,
14,
13603,
14,
76,
571,
82,
13,
16184,
76,
489,
8937,
13,
785,
14,
292,
77,
16,
14,
49,
16696,
2937,
12,
57,
35,
12,
54,
25697,
12,
8895,
33,
198,
2,
21522,
771,
416,
279,
893,
11632,
12,
15,
13,
18,
13,
19,
379,
3300,
1737,
220,
352,
1478,
25,
3270,
25,
1558,
13130,
198,
2,
1550,
2583,
42274,
54,
15567,
19,
12,
44,
12,
1415,
2425,
3859,
21450,
2196,
1248,
13,
20,
13,
15,
416,
2836,
288,
615,
47562,
19,
198,
2,
8554,
11361,
2196,
513,
13,
22,
13,
18,
357,
12286,
11,
1526,
2681,
13130,
11,
7769,
25,
1954,
25,
1314,
8,
220,
198,
2,
198,
10267,
33234,
7483,
11,
2556,
316,
10100,
11,
34142,
796,
285,
571,
32875,
13,
11748,
13940,
2022,
10220,
7203,
1921,
45,
16,
1600,
366,
10267,
33234,
7483,
1600,
366,
12349,
316,
10100,
1600,
366,
46541,
4943,
198,
45,
2434,
40161,
11,
796,
285,
571,
32875,
13,
11748,
13940,
2022,
10220,
7203,
1921,
45,
16,
12,
1677,
5883,
1137,
6234,
1600,
366,
45,
2434,
40161,
4943,
198,
11395,
17257,
3103,
2536,
2913,
11,
1482,
2536,
6003,
38176,
11,
14206,
11395,
3103,
2536,
2913,
11,
11052,
10699,
3103,
2536,
2913,
11,
1482,
2536,
6003,
9492,
5458,
796,
285,
571,
32875,
13,
11748,
13940,
2022,
10220,
7203,
1921,
45,
16,
12,
2200,
20032,
12529,
1600,
366,
11395,
17257,
3103,
2536,
2913,
1600,
366,
3103,
2536,
6003,
38176,
1600,
366,
28008,
11395,
3103,
2536,
2913,
1600,
366,
11395,
10699,
3103,
2536,
2913,
1600,
366,
3103,
2536,
6003,
9492,
5458,
4943,
198,
16868,
32,
361,
6030,
11,
796,
285,
571,
32875,
13,
11748,
13940,
2022,
10220,
7203,
16868,
32,
361,
6030,
12,
8895,
33,
1600,
366,
16868,
32,
361,
6030,
4943,
198,
361,
15732,
11,
26491,
15732,
796,
285,
571,
32875,
13,
11748,
13940,
2022,
10220,
7203,
5064,
12,
8895,
33,
1600,
366,
361,
15732,
1600,
366,
39317,
15732,
4943,
198,
30915,
385,
57,
42955,
25697,
26796,
11,
796,
285,
571,
32875,
13,
11748,
13940,
2022,
10220,
7203,
49,
16696,
2937,
12,
13252,
2394,
12,
8895,
33,
1600,
366,
30915,
385,
57,
42955,
25697,
26796,
4943,
198,
49,
1347,
385,
26093,
19076,
11,
371,
1347,
385,
46787,
19580,
11,
371,
1347,
385,
5432,
2389,
11,
371,
1347,
385,
32184,
19352,
1780,
11,
371,
1347,
385,
36077,
796,
285,
571,
32875,
13,
11748,
13940,
2022,
10220,
7203,
49,
16696,
2937,
12,
4825,
12,
8895,
33,
1600,
366,
49,
1347,
385,
26093,
19076,
1600,
366,
49,
1347,
385,
46787,
19580,
1600,
366,
49,
1347,
385,
5432,
2389,
1600,
366,
49,
1347,
385,
32184,
19352,
1780,
1600,
366,
49,
1347,
385,
36077,
4943,
198,
3673,
2649,
13247,
11,
19937,
38143,
3610,
11,
9515,
13247,
796,
285,
571,
32875,
13,
11748,
13940,
2022,
10220,
7203,
15571,
7378,
85,
17,
12,
10943,
37,
1600,
366,
3673,
2649,
13247,
1600,
366,
26796,
38143,
3610,
1600,
366,
10267,
13247,
4943,
198,
7575,
51,
3378,
11,
791,
32696,
2624,
11,
314,
79,
20231,
11,
35094,
469,
2624,
11,
9515,
7390,
26858,
11,
15034,
2624,
11,
34142,
2624,
11,
47279,
11,
19937,
7390,
26858,
11,
337,
571,
33234,
7483,
11,
44733,
11,
42808,
6030,
11,
337,
571,
3351,
282,
283,
11,
337,
571,
10962,
11,
337,
571,
10962,
25166,
11,
337,
571,
10962,
39470,
11,
15034,
2414,
796,
285,
571,
32875,
13,
11748,
13940,
2022,
10220,
7203,
15571,
7378,
85,
17,
12,
50,
8895,
1600,
366,
7575,
51,
3378,
1600,
366,
3118,
32696,
2624,
1600,
366,
40,
79,
20231,
1600,
366,
38,
559,
469,
2624,
1600,
366,
10267,
7390,
26858,
1600,
366,
31694,
2624,
1600,
366,
46541,
2624,
1600,
366,
26786,
1600,
366,
26796,
7390,
26858,
1600,
366,
44,
571,
33234,
7483,
1600,
366,
33,
896,
1600,
366,
3673,
2649,
6030,
1600,
366,
44,
571,
3351,
282,
283,
1600,
366,
44,
571,
10962,
1600,
366,
44,
571,
10962,
25166,
1600,
366,
44,
571,
10962,
39470,
1600,
366,
31694,
2414,
4943,
198,
8206,
723,
3103,
4018,
11,
16531,
10100,
11,
14056,
11395,
11,
8687,
20231,
11,
11314,
19580,
11,
4100,
20231,
796,
285,
571,
32875,
13,
11748,
13940,
2022,
10220,
7203,
15571,
7378,
85,
17,
12,
4825,
1600,
366,
8206,
723,
3103,
4018,
1600,
366,
23114,
10100,
1600,
366,
38782,
11395,
1600,
366,
43215,
20231,
1600,
366,
25166,
19580,
1600,
366,
14155,
20231,
4943,
198,
30915,
385,
57,
42955,
25697,
8895,
33,
796,
19937,
7390,
26858,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
4008,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
8895,
33,
13,
2617,
5956,
17354,
10786,
1264,
486,
486,
1120,
7410,
57,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
8895,
33,
13,
2617,
26121,
1634,
10786,
49,
1347,
385,
24365,
11,
3457,
2637,
8,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
8895,
33,
13,
2617,
17829,
12360,
10786,
49,
1347,
385,
24365,
11,
3457,
13,
32881,
25,
807,
1795,
370,
6669,
2507,
12761,
32241,
41161,
11,
7257,
860,
1821,
5332,
4916,
17228,
603,
25,
1104,
31,
30915,
385,
21809,
1203,
13,
785,
14484,
25,
1343,
16,
12,
17544,
12,
22980,
12,
19,
2167,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
8895,
33,
13,
2617,
11828,
10786,
49,
1347,
385,
1168,
35,
370,
25697,
285,
571,
11537,
198,
30915,
385,
57,
42955,
25697,
10267,
82,
796,
337,
571,
33234,
7483,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
4008,
198,
30915,
385,
57,
42955,
25697,
12360,
796,
337,
571,
33234,
7483,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
352,
4008,
198,
30915,
385,
57,
42955,
43,
8643,
540,
796,
337,
571,
10962,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
352,
11,
352,
828,
1267,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
43,
8643,
540,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
43,
8643,
540,
13,
2617,
11828,
10786,
57,
35,
370,
25697,
3084,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
30150,
796,
337,
571,
10962,
25166,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
352,
11,
352,
11,
352,
828,
6739,
2617,
15732,
36690,
19510,
15,
11,
366,
5064,
12,
8895,
33,
1600,
366,
361,
15732,
48774,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
30150,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
30150,
13,
2617,
11828,
10786,
22882,
6945,
1123,
1168,
35,
370,
25697,
5726,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
5432,
2389,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
352,
11,
352,
11,
352,
11,
352,
828,
371,
1347,
385,
5432,
2389,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
5432,
2389,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
5432,
2389,
13,
2617,
11828,
10786,
5432,
2389,
2637,
8,
198,
30915,
385,
57,
42955,
28182,
7260,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
352,
11,
352,
11,
352,
11,
362,
828,
16531,
10100,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
28182,
7260,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
28182,
7260,
13,
2617,
11828,
10786,
54,
25697,
6764,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
47649,
3299,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
352,
11,
352,
11,
352,
11,
513,
828,
16531,
10100,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
47649,
3299,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
47649,
3299,
13,
2617,
11828,
10786,
47649,
3299,
2446,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
27195,
13168,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
352,
11,
352,
11,
352,
11,
604,
828,
16531,
10100,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
27195,
13168,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
27195,
13168,
13,
2617,
11828,
10786,
27195,
13168,
2446,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
3792,
42481,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
352,
11,
352,
11,
352,
11,
642,
828,
14056,
11395,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
3792,
42481,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
3792,
42481,
13,
2617,
11828,
10786,
1212,
370,
25697,
318,
329,
8319,
1895,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
5432,
2389,
33,
2701,
48893,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
352,
11,
352,
11,
352,
11,
718,
828,
14056,
11395,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
5432,
2389,
33,
2701,
48893,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
5432,
2389,
33,
2701,
48893,
13,
2617,
11828,
10786,
38518,
6723,
2389,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
53,
9620,
2389,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
352,
11,
352,
11,
352,
11,
767,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
11395,
17257,
3103,
2536,
2913,
7,
16,
11,
2319,
5824,
4008,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
53,
9620,
2389,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
53,
9620,
2389,
13,
2617,
11828,
10786,
22882,
6945,
262,
569,
25697,
4522,
286,
262,
370,
25697,
13,
1002,
569,
25697,
4522,
318,
352,
11,
24624,
422,
428,
370,
25697,
481,
307,
1418,
14655,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
32184,
19352,
1780,
4933,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
352,
11,
352,
11,
352,
11,
807,
828,
2556,
316,
10100,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
11395,
10699,
3103,
2536,
2913,
7,
16,
11,
838,
4008,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
32184,
19352,
1780,
4933,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
32184,
19352,
1780,
4933,
13,
2617,
11828,
10786,
32184,
15637,
286,
28996,
676,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
32184,
19352,
1780,
8048,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
352,
11,
352,
11,
352,
11,
860,
828,
2556,
316,
10100,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
11395,
10699,
3103,
2536,
2913,
7,
16,
11,
838,
4008,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
32184,
19352,
1780,
8048,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
32184,
19352,
1780,
8048,
13,
2617,
11828,
10786,
32184,
15637,
286,
866,
8726,
2637,
8,
198,
30915,
385,
57,
42955,
43,
8643,
403,
4954,
54,
25697,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
352,
11,
352,
11,
352,
11,
838,
828,
14056,
11395,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
43,
8643,
403,
4954,
54,
25697,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
43,
8643,
403,
4954,
54,
25697,
13,
2617,
11828,
10786,
51,
403,
4954,
370,
25697,
2637,
8,
198,
30915,
385,
57,
42955,
43,
22846,
388,
53,
2969,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
352,
11,
352,
11,
352,
11,
1367,
828,
791,
32696,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
43,
22846,
388,
53,
2969,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
43,
22846,
388,
53,
2969,
13,
2617,
11828,
10786,
15057,
286,
3486,
82,
2637,
8,
198,
30915,
385,
57,
42955,
43,
22846,
388,
1273,
64,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
352,
11,
352,
11,
352,
11,
1105,
828,
791,
32696,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
43,
22846,
388,
1273,
64,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
43,
22846,
388,
1273,
64,
13,
2617,
11828,
10786,
15057,
286,
5456,
4410,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
49,
87,
47,
74,
912,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
352,
11,
352,
11,
352,
11,
1511,
828,
15034,
2414,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
49,
87,
47,
74,
912,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
49,
87,
47,
74,
912,
13,
2617,
11828,
10786,
3041,
6471,
24624,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
49,
87,
45992,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
352,
11,
352,
11,
352,
11,
1478,
828,
15034,
2414,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
49,
87,
45992,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
49,
87,
45992,
13,
2617,
11828,
10786,
3041,
6471,
9881,
2637,
8,
198,
30915,
385,
57,
42955,
43,
8643,
87,
47,
74,
912,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
352,
11,
352,
11,
352,
11,
1315,
828,
15034,
2414,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
43,
8643,
87,
47,
74,
912,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
43,
8643,
87,
47,
74,
912,
13,
2617,
11828,
10786,
8291,
3291,
24624,
2637,
8,
198,
30915,
385,
57,
42955,
43,
8643,
87,
45992,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
352,
11,
352,
11,
352,
11,
1467,
828,
15034,
2414,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
43,
8643,
87,
45992,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
43,
8643,
87,
45992,
13,
2617,
11828,
10786,
8291,
3291,
9881,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
30515,
14957,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
352,
11,
352,
11,
352,
11,
2608,
828,
15034,
2414,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
30515,
14957,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
30515,
14957,
13,
2617,
11828,
10786,
17320,
388,
4817,
2472,
1271,
286,
2230,
284,
8323,
5344,
416,
12521,
30237,
319,
428,
370,
25697,
11,
393,
48191,
2581,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
30515,
19309,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
352,
11,
352,
11,
352,
11,
2681,
828,
15034,
2414,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
30515,
19309,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
30515,
19309,
13,
2617,
11828,
10786,
47649,
3299,
2882,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
30515,
33244,
14957,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
352,
11,
352,
11,
352,
11,
2579,
828,
15034,
2414,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
30515,
33244,
14957,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
30515,
33244,
14957,
13,
2617,
11828,
10786,
17320,
388,
4817,
2472,
1271,
286,
1943,
503,
286,
24365,
18239,
6370,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
30515,
39044,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
352,
11,
352,
11,
352,
11,
2808,
828,
15034,
2414,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
30515,
39044,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
30515,
39044,
13,
2617,
11828,
10786,
47649,
3299,
2038,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
8021,
420,
14957,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
352,
11,
352,
11,
352,
11,
1542,
828,
15034,
2414,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
8021,
420,
14957,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
8021,
420,
14957,
13,
2617,
11828,
10786,
17320,
388,
4817,
2472,
1271,
286,
1895,
286,
12521,
12094,
319,
428,
370,
25697,
11,
393,
5396,
2581,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
8021,
420,
19309,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
352,
11,
352,
11,
352,
11,
3261,
828,
15034,
2414,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
8021,
420,
19309,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
8021,
420,
19309,
13,
2617,
11828,
10786,
8021,
41003,
2882,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
3041,
562,
420,
3041,
80,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
352,
11,
352,
11,
352,
11,
3933,
828,
15034,
2414,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
3041,
562,
420,
3041,
80,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
3041,
562,
420,
3041,
80,
13,
2617,
11828,
10786,
3041,
562,
41003,
2581,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
3041,
562,
420,
19309,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
352,
11,
352,
11,
352,
11,
4747,
828,
15034,
2414,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
3041,
562,
420,
19309,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
3041,
562,
420,
19309,
13,
2617,
11828,
10786,
3041,
562,
41003,
2882,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
8021,
420,
33244,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
352,
11,
352,
11,
352,
11,
4974,
828,
15034,
2414,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
8021,
420,
33244,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
8021,
420,
33244,
13,
2617,
11828,
10786,
8021,
41003,
1943,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
8021,
420,
39044,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
352,
11,
352,
11,
352,
11,
3439,
828,
15034,
2414,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
8021,
420,
39044,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
8021,
420,
39044,
13,
2617,
11828,
10786,
8021,
41003,
2038,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
8021,
420,
21306,
798,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
352,
11,
352,
11,
352,
11,
4570,
828,
15034,
2414,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
8021,
420,
21306,
798,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
8021,
420,
21306,
798,
13,
2617,
11828,
10786,
8021,
41003,
6699,
2637,
8,
198,
30915,
385,
57,
42955,
28182,
72,
562,
420,
4826,
11265,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
352,
11,
352,
11,
352,
11,
5214,
828,
15034,
2414,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
28182,
72,
562,
420,
4826,
11265,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
28182,
72,
562,
420,
4826,
11265,
13,
2617,
11828,
10786,
7279,
562,
41003,
2581,
2233,
284,
18801,
5640,
2637,
8,
198,
30915,
385,
57,
42955,
28182,
72,
562,
420,
15610,
4355,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
352,
11,
352,
11,
352,
11,
4353,
828,
15034,
2414,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
28182,
72,
562,
420,
15610,
4355,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
28182,
72,
562,
420,
15610,
4355,
13,
2617,
11828,
10786,
7279,
562,
41003,
2581,
2233,
284,
3335,
5339,
2637,
8,
198,
30915,
385,
57,
42955,
28182,
72,
562,
420,
35087,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
352,
11,
352,
11,
352,
11,
5014,
828,
15034,
2414,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
28182,
72,
562,
420,
35087,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
28182,
72,
562,
420,
35087,
13,
2617,
11828,
10786,
7279,
562,
41003,
2581,
2233,
284,
5456,
2666,
2637,
8,
198,
30915,
385,
57,
42955,
28182,
72,
562,
420,
44,
2304,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
352,
11,
352,
11,
352,
11,
2319,
828,
15034,
2414,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
28182,
72,
562,
420,
44,
2304,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
28182,
72,
562,
420,
44,
2304,
13,
2617,
11828,
10786,
7279,
562,
41003,
2581,
2233,
284,
584,
3840,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
49,
87,
40778,
32184,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
352,
11,
352,
11,
352,
11,
6073,
828,
791,
32696,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
49,
87,
40778,
32184,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
49,
87,
40778,
32184,
13,
2617,
11828,
10786,
3041,
6471,
2494,
18022,
14,
82,
287,
938,
642,
2431,
764,
11537,
198,
30915,
385,
57,
42955,
43,
8643,
87,
40778,
32184,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
352,
11,
352,
11,
352,
11,
5433,
828,
791,
32696,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
43,
8643,
87,
40778,
32184,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
43,
8643,
87,
40778,
32184,
13,
2617,
11828,
10786,
8291,
3291,
2494,
18022,
14,
82,
287,
938,
642,
2431,
764,
11537,
198,
30915,
385,
57,
42955,
25697,
49,
87,
6601,
19778,
2202,
43,
272,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
352,
11,
352,
11,
352,
11,
5946,
828,
15034,
2414,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
49,
87,
6601,
19778,
2202,
43,
272,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
49,
87,
6601,
19778,
2202,
43,
272,
13,
2617,
11828,
10786,
3041,
6471,
6060,
25184,
7913,
319,
14730,
7071,
764,
11537,
198,
30915,
385,
57,
42955,
25697,
49,
87,
40778,
2202,
43,
272,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
352,
11,
352,
11,
352,
11,
5846,
828,
15034,
2414,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
49,
87,
40778,
2202,
43,
272,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
49,
87,
40778,
2202,
43,
272,
13,
2617,
11828,
10786,
3041,
6471,
6060,
2750,
4879,
319,
14730,
7071,
764,
11537,
198,
30915,
385,
57,
42955,
43,
8643,
87,
40778,
2202,
43,
272,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
352,
11,
352,
11,
352,
11,
4153,
828,
15034,
2414,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
43,
8643,
87,
40778,
2202,
43,
272,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
43,
8643,
87,
40778,
2202,
43,
272,
13,
2617,
11828,
10786,
8291,
3291,
6060,
2750,
4879,
319,
14730,
7071,
764,
11537,
198,
30915,
385,
57,
42955,
28182,
593,
26932,
19778,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
352,
11,
352,
11,
352,
11,
6337,
828,
15034,
2414,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
28182,
593,
26932,
19778,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
28182,
593,
26932,
19778,
13,
2617,
11828,
10786,
26932,
25184,
7913,
319,
5588,
8726,
286,
24365,
2637,
8,
198,
30915,
385,
57,
42955,
28182,
593,
9781,
87,
19778,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
352,
11,
352,
11,
352,
11,
6298,
828,
15034,
2414,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
28182,
593,
9781,
87,
19778,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
28182,
593,
9781,
87,
19778,
13,
2617,
11828,
10786,
9781,
26084,
3291,
25184,
7913,
319,
5588,
8726,
286,
24365,
2637,
8,
198,
30915,
385,
57,
42955,
28182,
593,
14957,
19778,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
352,
11,
352,
11,
352,
11,
4764,
828,
15034,
2414,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
28182,
593,
14957,
19778,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
28182,
593,
14957,
19778,
13,
2617,
11828,
10786,
14957,
25184,
7913,
319,
5588,
8726,
286,
24365,
2637,
8,
198,
30915,
385,
57,
42955,
28182,
593,
14957,
9139,
81,
19778,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
352,
11,
352,
11,
352,
11,
5125,
828,
15034,
2414,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
28182,
593,
14957,
9139,
81,
19778,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
28182,
593,
14957,
9139,
81,
19778,
13,
2617,
11828,
10786,
14957,
13047,
25184,
7913,
319,
5588,
8726,
286,
24365,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
4933,
14957,
19778,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
352,
11,
352,
11,
352,
11,
2026,
828,
15034,
2414,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
4933,
14957,
19778,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
4933,
14957,
19778,
13,
2617,
11828,
10786,
14957,
25184,
7913,
319,
471,
489,
676,
286,
24365,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
4933,
26932,
19778,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
352,
11,
352,
11,
352,
11,
6885,
828,
15034,
2414,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
4933,
26932,
19778,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
4933,
26932,
19778,
13,
2617,
11828,
10786,
26932,
25184,
7913,
319,
471,
489,
676,
286,
24365,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
4933,
9781,
87,
19778,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
352,
11,
352,
11,
352,
11,
6740,
828,
15034,
2414,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
4933,
9781,
87,
19778,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
4933,
9781,
87,
19778,
13,
2617,
11828,
10786,
9781,
26084,
3291,
25184,
7913,
319,
471,
489,
676,
286,
24365,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
20608,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
352,
11,
352,
11,
352,
11,
15495,
828,
371,
1347,
385,
5432,
2389,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
20608,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
20608,
13,
2617,
11828,
10786,
54,
25697,
36751,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
12360,
796,
337,
571,
33234,
7483,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
4008,
198,
30915,
385,
57,
42955,
25697,
2969,
10962,
796,
337,
571,
10962,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
352,
828,
1267,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
10962,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
10962,
13,
2617,
11828,
10786,
57,
35,
370,
25697,
3486,
3084,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
30150,
796,
337,
571,
10962,
25166,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
352,
11,
352,
828,
6739,
2617,
15732,
36690,
19510,
15,
11,
366,
49,
16696,
2937,
12,
57,
35,
12,
54,
25697,
12,
8895,
33,
1600,
366,
30915,
385,
57,
42955,
25697,
2969,
14155,
4550,
81,
48774,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
30150,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
30150,
13,
2617,
11828,
10786,
22882,
6945,
1123,
1168,
35,
370,
25697,
3486,
5726,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
14155,
4550,
81,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
352,
11,
352,
11,
352,
828,
4100,
20231,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
14155,
4550,
81,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
14155,
4550,
81,
13,
2617,
11828,
10786,
44721,
2209,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
11828,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
352,
11,
352,
11,
362,
828,
16531,
10100,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
11828,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
11828,
13,
2617,
11828,
10786,
11828,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
19580,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
352,
11,
352,
11,
513,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
3103,
2536,
6003,
38176,
7,
28008,
11395,
3103,
2536,
2913,
7,
15,
11,
352,
11,
362,
11,
513,
11,
604,
4008,
737,
21018,
7,
13190,
40161,
28,
45,
2434,
40161,
7,
7203,
6381,
15236,
1600,
657,
828,
5855,
15236,
1600,
352,
828,
5855,
21064,
2100,
47,
1571,
1600,
362,
828,
5855,
929,
29247,
37,
2533,
1574,
1600,
513,
828,
5855,
1676,
10178,
278,
1600,
604,
22305,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
19580,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
19580,
13,
2617,
11828,
10786,
464,
4637,
3722,
351,
1168,
35,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
17633,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
352,
11,
352,
11,
604,
828,
16531,
10100,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
17633,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
17633,
13,
2617,
11828,
10786,
17633,
1438,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
32634,
15057,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
352,
11,
352,
11,
642,
828,
16531,
10100,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
32634,
15057,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
32634,
15057,
13,
2617,
11828,
10786,
32634,
1271,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
52,
457,
524,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
352,
11,
352,
11,
718,
828,
3862,
51,
3378,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
52,
457,
524,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
52,
457,
524,
13,
2617,
11828,
10786,
4933,
640,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
17887,
9641,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
352,
11,
352,
11,
767,
828,
16531,
10100,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
17887,
9641,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
17887,
9641,
13,
2617,
11828,
10786,
25423,
2196,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
31300,
54,
9641,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
352,
11,
352,
11,
807,
828,
16531,
10100,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
31300,
54,
9641,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
31300,
54,
9641,
13,
2617,
11828,
10786,
49865,
2196,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
4061,
4550,
81,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
352,
11,
352,
11,
838,
828,
314,
79,
20231,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
4061,
4550,
81,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
4061,
4550,
81,
13,
2617,
11828,
10786,
4061,
2209,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
33111,
15546,
4267,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
352,
11,
352,
11,
1511,
828,
791,
32696,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
33111,
15546,
4267,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
33111,
15546,
4267,
13,
2617,
11828,
10786,
15057,
286,
40023,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
33111,
53,
2969,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
352,
11,
352,
11,
1478,
828,
791,
32696,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
33111,
53,
2969,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
33111,
53,
2969,
13,
2617,
11828,
10786,
15057,
286,
3486,
82,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
33111,
1273,
64,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
352,
11,
352,
11,
1315,
828,
791,
32696,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
33111,
1273,
64,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
33111,
1273,
64,
13,
2617,
11828,
10786,
14957,
1271,
286,
44529,
12094,
543,
318,
1262,
3058,
319,
428,
3486,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
33111,
30417,
947,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
352,
11,
352,
11,
1467,
828,
791,
32696,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
33111,
30417,
947,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
33111,
30417,
947,
13,
2617,
11828,
10786,
15057,
286,
23586,
4410,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
32048,
19076,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
352,
11,
352,
11,
1596,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
3103,
2536,
6003,
38176,
7,
28008,
11395,
3103,
2536,
2913,
7,
15,
11,
352,
4008,
737,
21018,
7,
13190,
40161,
28,
45,
2434,
40161,
7,
7203,
29289,
17,
1600,
657,
828,
5855,
29289,
18,
1600,
352,
22305,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
32048,
19076,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
32048,
19076,
13,
2617,
11828,
10786,
464,
4637,
4235,
351,
1168,
35,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
37031,
36695,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
352,
11,
352,
11,
1248,
828,
14056,
11395,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
37031,
36695,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
37031,
36695,
13,
2617,
11828,
10786,
37031,
7139,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
37031,
39,
2840,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
352,
11,
352,
11,
678,
828,
791,
32696,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
37031,
39,
2840,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
37031,
39,
2840,
13,
2617,
11828,
10786,
15057,
286,
19609,
29438,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
37031,
6030,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
352,
11,
352,
11,
1160,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
3103,
2536,
6003,
38176,
7,
28008,
11395,
3103,
2536,
2913,
7,
15,
11,
352,
11,
362,
11,
513,
4008,
737,
21018,
7,
13190,
40161,
28,
45,
2434,
40161,
7,
7203,
34680,
1600,
657,
828,
5855,
15763,
1600,
352,
828,
5855,
76,
5069,
1600,
362,
828,
5855,
15464,
1600,
513,
22305,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
37031,
6030,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
37031,
6030,
13,
2617,
11828,
10786,
37031,
2099,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
25697,
29668,
49,
55,
40778,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
352,
11,
352,
11,
2310,
828,
15034,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
25697,
29668,
49,
55,
40778,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
25697,
29668,
49,
55,
40778,
13,
2617,
11828,
10786,
45992,
2722,
319,
24192,
2493,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
25697,
29668,
49,
27481,
21841,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
352,
11,
352,
11,
2534,
828,
15034,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
25697,
29668,
49,
27481,
21841,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
25697,
29668,
49,
27481,
21841,
13,
2617,
11828,
10786,
11869,
1039,
2722,
319,
24192,
2493,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
25697,
29668,
49,
27481,
21841,
9139,
81,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
352,
11,
352,
11,
2242,
828,
15034,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
25697,
29668,
49,
27481,
21841,
9139,
81,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
25697,
29668,
49,
27481,
21841,
9139,
81,
13,
2617,
11828,
10786,
11869,
1039,
2722,
27383,
3481,
319,
24192,
2493,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
25697,
29668,
49,
27481,
42,
4694,
18863,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
352,
11,
352,
11,
1987,
828,
15034,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
25697,
29668,
49,
27481,
42,
4694,
18863,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
25697,
29668,
49,
27481,
42,
4694,
18863,
13,
2617,
11828,
10786,
11869,
1039,
2722,
7675,
319,
24192,
2493,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
25697,
29668,
29551,
40778,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
352,
11,
352,
11,
1679,
828,
15034,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
25697,
29668,
29551,
40778,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
25697,
29668,
29551,
40778,
13,
2617,
11828,
10786,
45992,
18307,
319,
24192,
2493,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
25697,
29668,
51,
27481,
21841,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
352,
11,
352,
11,
2608,
828,
15034,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
25697,
29668,
51,
27481,
21841,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
25697,
29668,
51,
27481,
21841,
13,
2617,
11828,
10786,
11869,
1039,
18307,
319,
24192,
2493,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
13579,
18274,
346,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
352,
11,
352,
11,
2681,
828,
34142,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
13579,
18274,
346,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
13579,
18274,
346,
13,
2617,
11828,
10786,
30871,
32121,
5873,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
13579,
14957,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
352,
11,
352,
11,
2579,
828,
791,
32696,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
13579,
14957,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
13579,
14957,
13,
2617,
11828,
10786,
14957,
4088,
287,
14204,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
36037,
18274,
346,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
352,
11,
352,
11,
2808,
828,
34142,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
36037,
18274,
346,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
36037,
18274,
346,
13,
2617,
11828,
10786,
36037,
32121,
5873,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
24160,
10699,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
352,
11,
352,
11,
1542,
828,
791,
32696,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
24160,
10699,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
24160,
10699,
13,
2617,
11828,
10786,
37,
2533,
1574,
18398,
2546,
287,
18022,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
24160,
7355,
603,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
352,
11,
352,
11,
3261,
828,
791,
32696,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
24160,
7355,
603,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
24160,
7355,
603,
13,
2617,
11828,
10786,
37,
2533,
1574,
18398,
1695,
2546,
287,
18022,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
31217,
53,
9620,
15610,
1799,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
352,
11,
352,
11,
3933,
828,
14056,
11395,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
31217,
53,
9620,
15610,
1799,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
31217,
53,
9620,
15610,
1799,
13,
2617,
11828,
10786,
2969,
1104,
3294,
410,
9620,
12971,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
1157,
65,
15610,
540,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
352,
11,
352,
11,
4570,
828,
14056,
11395,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
1157,
65,
15610,
540,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
1157,
65,
15610,
540,
13,
2617,
11828,
10786,
15514,
33121,
13,
1157,
65,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
1157,
70,
15610,
540,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
352,
11,
352,
11,
5214,
828,
14056,
11395,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
1157,
70,
15610,
540,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
1157,
70,
15610,
540,
13,
2617,
11828,
10786,
15514,
33121,
13,
1157,
70,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
29800,
19076,
15457,
19580,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
352,
11,
352,
11,
4353,
828,
14056,
11395,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
3103,
2536,
6003,
38176,
7,
28008,
11395,
3103,
2536,
2913,
7,
15,
11,
352,
4008,
737,
21018,
7,
13190,
40161,
28,
45,
2434,
40161,
7,
7203,
9562,
1600,
657,
828,
5855,
7942,
1600,
352,
22305,
737,
2617,
11518,
15457,
7203,
961,
13564,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
29800,
19076,
15457,
19580,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
29800,
19076,
15457,
19580,
13,
2617,
11828,
10786,
15514,
985,
315,
27683,
8787,
422,
1367,
64,
14,
65,
14,
70,
7534,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
40226,
9012,
19400,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
352,
11,
352,
11,
5014,
828,
15034,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
40226,
9012,
19400,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
40226,
9012,
19400,
13,
2617,
11828,
10786,
36,
490,
3262,
2493,
510,
14,
2902,
954,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
28985,
18546,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
352,
11,
352,
11,
6073,
828,
14056,
11395,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
28985,
18546,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
28985,
18546,
13,
2617,
11828,
10786,
5124,
935,
4574,
8398,
284,
428,
3486,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
44948,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
352,
11,
352,
11,
5433,
828,
14056,
11395,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
44948,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
44948,
13,
2617,
11828,
10786,
44948,
428,
3486,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
5962,
18234,
7575,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
352,
11,
352,
11,
5946,
828,
16531,
10100,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
5962,
18234,
7575,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
5962,
18234,
7575,
13,
2617,
11828,
10786,
7575,
286,
717,
4654,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
5956,
36476,
7575,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
352,
11,
352,
11,
5846,
828,
16531,
10100,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
5956,
36476,
7575,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
5956,
36476,
7575,
13,
2617,
11828,
10786,
7575,
286,
938,
6297,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
5956,
44948,
7575,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
352,
11,
352,
11,
4153,
828,
16531,
10100,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
5956,
44948,
7575,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
5956,
44948,
7575,
13,
2617,
11828,
10786,
7575,
286,
938,
18779,
8515,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
5956,
18546,
28985,
7575,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
352,
11,
352,
11,
6337,
828,
16531,
10100,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
5956,
18546,
28985,
7575,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
5956,
18546,
28985,
7575,
13,
2617,
11828,
10786,
7575,
286,
938,
8398,
42133,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
25697,
29668,
49,
27481,
42,
22737,
2701,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
352,
11,
352,
11,
6298,
828,
15034,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
25697,
29668,
49,
27481,
42,
22737,
2701,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
25697,
29668,
49,
27481,
42,
22737,
2701,
13,
2617,
11828,
10786,
30507,
2701,
24624,
2722,
7675,
319,
24192,
2493,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
25697,
29668,
49,
27481,
42,
15972,
2701,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
352,
11,
352,
11,
4764,
828,
15034,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
25697,
29668,
49,
27481,
42,
15972,
2701,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
25697,
29668,
49,
27481,
42,
15972,
2701,
13,
2617,
11828,
10786,
15205,
291,
459,
24624,
2722,
7675,
319,
24192,
2493,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
25697,
29668,
49,
27481,
42176,
52,
2701,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
352,
11,
352,
11,
5125,
828,
15034,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
25697,
29668,
49,
27481,
42176,
52,
2701,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
25697,
29668,
49,
27481,
42176,
52,
2701,
13,
2617,
11828,
10786,
3118,
291,
459,
24624,
2722,
7675,
319,
24192,
2493,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
25697,
29668,
51,
27481,
42,
22737,
2701,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
352,
11,
352,
11,
2026,
828,
15034,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
25697,
29668,
51,
27481,
42,
22737,
2701,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
25697,
29668,
51,
27481,
42,
22737,
2701,
13,
2617,
11828,
10786,
30507,
2701,
24624,
18307,
7675,
319,
24192,
2493,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
25697,
29668,
51,
27481,
42,
15972,
2701,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
352,
11,
352,
11,
6885,
828,
15034,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
25697,
29668,
51,
27481,
42,
15972,
2701,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
25697,
29668,
51,
27481,
42,
15972,
2701,
13,
2617,
11828,
10786,
15205,
291,
459,
24624,
18307,
7675,
319,
24192,
2493,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
25697,
29668,
51,
27481,
42176,
52,
2701,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
352,
11,
352,
11,
6740,
828,
15034,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
25697,
29668,
51,
27481,
42176,
52,
2701,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
25697,
29668,
51,
27481,
42176,
52,
2701,
13,
2617,
11828,
10786,
3118,
291,
459,
24624,
18307,
7675,
319,
24192,
2493,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
25697,
29668,
35442,
1496,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
352,
11,
352,
11,
7192,
828,
15034,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
25697,
29668,
35442,
1496,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
25697,
29668,
35442,
1496,
13,
2617,
11828,
10786,
15057,
286,
24624,
5710,
319,
24192,
2493,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
37031,
4933,
13924,
34,
429,
4933,
2902,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
352,
11,
352,
11,
7175,
828,
15034,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
37031,
4933,
13924,
34,
429,
4933,
2902,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
37031,
4933,
13924,
34,
429,
4933,
2902,
13,
2617,
11828,
10786,
929,
2902,
954,
286,
3486,
355,
257,
510,
2493,
10139,
287,
19609,
4235,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
37031,
8048,
13924,
34,
429,
4933,
2902,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
352,
11,
352,
11,
5996,
828,
15034,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
37031,
8048,
13924,
34,
429,
4933,
2902,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
37031,
8048,
13924,
34,
429,
4933,
2902,
13,
2617,
11828,
10786,
929,
2902,
954,
286,
3486,
355,
257,
866,
2493,
10139,
287,
19609,
4235,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
46047,
19778,
35442,
1496,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
352,
11,
352,
11,
7632,
828,
15034,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
46047,
19778,
35442,
1496,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
46047,
19778,
35442,
1496,
13,
2617,
11828,
10786,
26932,
276,
25184,
954,
286,
3486,
12521,
18307,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
46047,
19778,
12331,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
352,
11,
352,
11,
7618,
828,
15034,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
46047,
19778,
12331,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
46047,
19778,
12331,
13,
2617,
11828,
10786,
12331,
25184,
954,
286,
3486,
12521,
18307,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
7222,
1857,
17760,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
352,
11,
352,
11,
7863,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
3103,
2536,
6003,
38176,
7,
28008,
11395,
3103,
2536,
2913,
7,
16,
11,
362,
11,
513,
4008,
737,
21018,
7,
13190,
40161,
28,
45,
2434,
40161,
7,
7203,
521,
2675,
1600,
352,
828,
5855,
521,
2675,
12,
17080,
4163,
1600,
362,
828,
5855,
448,
9424,
1600,
513,
22305,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
7222,
1857,
17760,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
7222,
1857,
17760,
13,
2617,
11828,
7203,
2969,
338,
5197,
3037,
19570,
198,
30915,
385,
57,
42955,
25697,
2969,
1273,
64,
46047,
45992,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
352,
11,
352,
11,
8454,
828,
15034,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
1273,
64,
46047,
45992,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
1273,
64,
46047,
45992,
13,
2617,
11828,
10786,
11792,
3758,
1366,
284,
428,
3486,
12195,
74,
33661,
8,
705,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
1273,
64,
49,
87,
45992,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
352,
11,
352,
11,
8190,
828,
15034,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
1273,
64,
49,
87,
45992,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
1273,
64,
49,
87,
45992,
13,
2617,
11828,
10786,
11792,
3328,
1366,
422,
428,
3486,
12195,
74,
33661,
8,
11537,
198,
30915,
385,
57,
42955,
25697,
2969,
7934,
27932,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
352,
11,
352,
11,
1802,
828,
314,
79,
20231,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
7934,
27932,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
7934,
27932,
13,
2617,
11828,
10786,
7934,
27932,
2209,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
22628,
1014,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
352,
11,
352,
11,
8949,
828,
314,
79,
20231,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
22628,
1014,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
22628,
1014,
13,
2617,
11828,
10786,
22628,
1014,
2209,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
35349,
8035,
16,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
352,
11,
352,
11,
13343,
828,
314,
79,
20231,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
35349,
8035,
16,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
35349,
8035,
16,
13,
2617,
11828,
10786,
35170,
18538,
2209,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
35349,
8035,
17,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
352,
11,
352,
11,
15696,
828,
314,
79,
20231,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
35349,
8035,
17,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
35349,
8035,
17,
13,
2617,
11828,
10786,
10445,
17561,
18538,
2209,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
14957,
12982,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
352,
11,
352,
11,
9796,
828,
791,
32696,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
14957,
12982,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
14957,
12982,
13,
2617,
11828,
10786,
14957,
1271,
286,
24580,
2985,
319,
428,
3486,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
25697,
29668,
49,
55,
40778,
32184,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
352,
11,
352,
11,
13374,
828,
15034,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
25697,
29668,
49,
55,
40778,
32184,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
25697,
29668,
49,
55,
40778,
32184,
13,
2617,
11828,
10786,
45992,
2494,
2722,
319,
24192,
2493,
1123,
4101,
82,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
25697,
29668,
29551,
40778,
32184,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
352,
11,
352,
11,
13539,
828,
15034,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
25697,
29668,
29551,
40778,
32184,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
25697,
29668,
29551,
40778,
32184,
13,
2617,
11828,
10786,
45992,
2494,
18307,
319,
24192,
2493,
1123,
4101,
82,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
10962,
796,
337,
571,
10962,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
362,
828,
1267,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
10962,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
10962,
13,
2617,
11828,
10786,
57,
35,
370,
25697,
3486,
8829,
3084,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
30150,
796,
337,
571,
10962,
25166,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
362,
11,
352,
828,
6739,
2617,
15732,
36690,
19510,
15,
11,
366,
49,
16696,
2937,
12,
57,
35,
12,
54,
25697,
12,
8895,
33,
1600,
366,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
2969,
14155,
4550,
81,
12340,
357,
15,
11,
366,
49,
16696,
2937,
12,
57,
35,
12,
54,
25697,
12,
8895,
33,
1600,
366,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
26093,
15732,
48774,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
30150,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
30150,
13,
2617,
11828,
10786,
22882,
6945,
1123,
1168,
35,
370,
25697,
3486,
8829,
5726,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
2969,
14155,
4550,
81,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
828,
4100,
20231,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
2969,
14155,
4550,
81,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
2969,
14155,
4550,
81,
13,
2617,
11828,
10786,
2969,
20582,
2209,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
26093,
15732,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
362,
11,
352,
11,
362,
828,
791,
32696,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
26093,
15732,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
26093,
15732,
13,
2617,
11828,
10786,
26093,
6376,
286,
262,
3486,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
26093,
6030,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
362,
11,
352,
11,
513,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
3103,
2536,
6003,
38176,
7,
28008,
11395,
3103,
2536,
2913,
7,
15,
11,
352,
11,
362,
11,
513,
4008,
737,
21018,
7,
13190,
40161,
28,
45,
2434,
40161,
7,
7203,
37004,
1157,
35904,
1600,
657,
828,
5855,
37004,
1157,
64,
1600,
352,
828,
5855,
37004,
1157,
782,
1600,
362,
828,
5855,
37004,
1157,
2616,
1600,
513,
22305,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
26093,
6030,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
26093,
6030,
13,
2617,
11828,
10786,
26093,
2099,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
29239,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
362,
11,
352,
11,
604,
828,
791,
32696,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
29239,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
29239,
13,
2617,
11828,
10786,
26093,
6518,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
46047,
13434,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
362,
11,
352,
11,
642,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
3103,
2536,
6003,
38176,
7,
28008,
11395,
3103,
2536,
2913,
7,
15,
11,
352,
11,
362,
11,
513,
4008,
737,
21018,
7,
13190,
40161,
28,
45,
2434,
40161,
7,
7203,
12853,
1600,
657,
828,
5855,
13959,
1600,
352,
828,
5855,
24385,
1600,
362,
828,
5855,
68,
10887,
1600,
513,
22305,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
46047,
13434,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
46047,
13434,
13,
2617,
11828,
10786,
8291,
2781,
1176,
286,
5243,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
37031,
36695,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
362,
11,
352,
11,
718,
828,
14056,
11395,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
37031,
36695,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
37031,
36695,
13,
2617,
11828,
10786,
37031,
7139,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
33111,
53,
2969,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
362,
11,
352,
11,
767,
828,
791,
32696,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
33111,
53,
2969,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
33111,
53,
2969,
13,
2617,
11828,
10786,
15057,
286,
3486,
82,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
33111,
1273,
64,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
362,
11,
352,
11,
807,
828,
791,
32696,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
33111,
1273,
64,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
33111,
1273,
64,
13,
2617,
11828,
10786,
15057,
286,
8985,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
48997,
1273,
64,
49,
5432,
40,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
362,
11,
352,
11,
860,
828,
34142,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
48997,
1273,
64,
49,
5432,
40,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
48997,
1273,
64,
49,
5432,
40,
13,
2617,
11828,
10786,
26287,
5456,
25012,
40,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
49,
87,
47,
74,
912,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
362,
11,
352,
11,
838,
828,
15034,
2414,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
49,
87,
47,
74,
912,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
49,
87,
47,
74,
912,
13,
2617,
11828,
10786,
3041,
6471,
24624,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
49,
87,
45992,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
362,
11,
352,
11,
1367,
828,
15034,
2414,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
49,
87,
45992,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
49,
87,
45992,
13,
2617,
11828,
10786,
3041,
6471,
9881,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
49,
87,
15205,
291,
459,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
362,
11,
352,
11,
1105,
828,
15034,
2414,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
49,
87,
15205,
291,
459,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
49,
87,
15205,
291,
459,
13,
2617,
11828,
10786,
3041,
6471,
47368,
459,
24624,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
46047,
47,
74,
912,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
362,
11,
352,
11,
1511,
828,
15034,
2414,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
46047,
47,
74,
912,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
46047,
47,
74,
912,
13,
2617,
11828,
10786,
8291,
3291,
24624,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
46047,
45992,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
362,
11,
352,
11,
1478,
828,
15034,
2414,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
46047,
45992,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
46047,
45992,
13,
2617,
11828,
10786,
8291,
3291,
9881,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
46047,
15205,
291,
459,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
362,
11,
352,
11,
1315,
828,
15034,
2414,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
46047,
15205,
291,
459,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
46047,
15205,
291,
459,
13,
2617,
11828,
10786,
8291,
3291,
47368,
459,
24624,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
46047,
39044,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
362,
11,
352,
11,
1467,
828,
15034,
2414,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
46047,
39044,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
46047,
39044,
13,
2617,
11828,
10786,
8291,
3291,
2038,
24624,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
46047,
9781,
1678,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
362,
11,
352,
11,
1596,
828,
15034,
2414,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
46047,
9781,
1678,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
46047,
9781,
1678,
13,
2617,
11828,
10786,
8291,
3291,
1005,
563,
24624,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
13434,
44,
70,
16762,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
362,
11,
352,
11,
1248,
828,
14056,
11395,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
13434,
44,
70,
16762,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
13434,
44,
70,
16762,
13,
2617,
11828,
10786,
13434,
4542,
7139,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
11518,
1273,
64,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
362,
11,
352,
11,
678,
828,
791,
32696,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
13564,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
11518,
1273,
64,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
11518,
1273,
64,
13,
2617,
11828,
10786,
15057,
286,
3509,
8985,
3142,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
19778,
12331,
32184,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
362,
11,
352,
11,
1160,
828,
791,
32696,
2624,
3419,
737,
2617,
3118,
896,
10786,
16,
14,
49388,
27691,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
19778,
12331,
32184,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
19778,
12331,
32184,
13,
2617,
11828,
10786,
19778,
4049,
2494,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
19778,
9781,
563,
32184,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
362,
11,
352,
11,
2310,
828,
791,
32696,
2624,
3419,
737,
2617,
3118,
896,
10786,
16,
14,
49388,
27691,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
19778,
9781,
563,
32184,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
19778,
9781,
563,
32184,
13,
2617,
11828,
10786,
19778,
1005,
563,
2494,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
9069,
20026,
7575,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
362,
11,
352,
11,
2534,
828,
3862,
51,
3378,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
9069,
20026,
7575,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
9069,
20026,
7575,
13,
2617,
11828,
10786,
9069,
20026,
640,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
14957,
8021,
420,
7575,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
362,
11,
352,
11,
1987,
828,
15034,
2414,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
14957,
8021,
420,
7575,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
14957,
8021,
420,
7575,
13,
2617,
11828,
10786,
11792,
2472,
8112,
640,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
30515,
3041,
80,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
362,
11,
352,
11,
1679,
828,
15034,
2414,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
30515,
3041,
80,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
30515,
3041,
80,
13,
2617,
11828,
10786,
47649,
3299,
2581,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
30515,
19309,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
362,
11,
352,
11,
2608,
828,
15034,
2414,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
30515,
19309,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
30515,
19309,
13,
2617,
11828,
10786,
47649,
3299,
2882,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
30515,
33244,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
362,
11,
352,
11,
2681,
828,
15034,
2414,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
30515,
33244,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
30515,
33244,
13,
2617,
11828,
10786,
47649,
3299,
1943,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
30515,
39044,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
362,
11,
352,
11,
2579,
828,
15034,
2414,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
30515,
39044,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
30515,
39044,
13,
2617,
11828,
10786,
47649,
3299,
2038,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
8021,
420,
3041,
80,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
362,
11,
352,
11,
2808,
828,
15034,
2414,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
8021,
420,
3041,
80,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
8021,
420,
3041,
80,
13,
2617,
11828,
10786,
8021,
41003,
2581,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
8021,
420,
19309,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
362,
11,
352,
11,
1542,
828,
15034,
2414,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
8021,
420,
19309,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
8021,
420,
19309,
13,
2617,
11828,
10786,
8021,
41003,
2882,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
3041,
562,
420,
3041,
80,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
362,
11,
352,
11,
3261,
828,
15034,
2414,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
3041,
562,
420,
3041,
80,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
3041,
562,
420,
3041,
80,
13,
2617,
11828,
10786,
3041,
562,
41003,
2581,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
3041,
562,
420,
19309,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
362,
11,
352,
11,
3933,
828,
15034,
2414,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
3041,
562,
420,
19309,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
3041,
562,
420,
19309,
13,
2617,
11828,
10786,
3041,
562,
41003,
2882,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
8021,
420,
33244,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
362,
11,
352,
11,
4747,
828,
15034,
2414,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
8021,
420,
33244,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
8021,
420,
33244,
13,
2617,
11828,
10786,
8021,
41003,
1943,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
8021,
420,
39044,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
362,
11,
352,
11,
4974,
828,
15034,
2414,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
8021,
420,
39044,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
8021,
420,
39044,
13,
2617,
11828,
10786,
8021,
41003,
2038,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
8021,
420,
21306,
798,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
362,
11,
352,
11,
3439,
828,
15034,
2414,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
8021,
420,
21306,
798,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
8021,
420,
21306,
798,
13,
2617,
11828,
10786,
8021,
41003,
6699,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
18683,
562,
420,
4826,
11265,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
362,
11,
352,
11,
4570,
828,
15034,
2414,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
18683,
562,
420,
4826,
11265,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
18683,
562,
420,
4826,
11265,
13,
2617,
11828,
10786,
7279,
562,
41003,
2581,
2233,
284,
18801,
5640,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
18683,
562,
420,
15610,
4355,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
362,
11,
352,
11,
5214,
828,
15034,
2414,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
18683,
562,
420,
15610,
4355,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
18683,
562,
420,
15610,
4355,
13,
2617,
11828,
10786,
7279,
562,
41003,
2581,
2233,
284,
3335,
5339,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
18683,
562,
420,
35087,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
362,
11,
352,
11,
4353,
828,
15034,
2414,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
18683,
562,
420,
35087,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
18683,
562,
420,
35087,
13,
2617,
11828,
10786,
7279,
562,
41003,
2581,
2233,
284,
5456,
2666,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
18683,
562,
420,
44,
2304,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
362,
11,
352,
11,
5014,
828,
15034,
2414,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
18683,
562,
420,
44,
2304,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
18683,
562,
420,
44,
2304,
13,
2617,
11828,
10786,
7279,
562,
41003,
2581,
2233,
284,
584,
3840,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
26198,
18274,
346,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
362,
11,
352,
11,
2319,
828,
791,
32696,
2624,
3419,
737,
2617,
3118,
896,
10786,
25067,
496,
27691,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
26198,
18274,
346,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
26198,
18274,
346,
13,
2617,
11828,
10786,
26198,
32121,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
49,
87,
11712,
282,
6732,
76,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
362,
11,
352,
11,
6073,
828,
15034,
2414,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
49,
87,
11712,
282,
6732,
76,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
49,
87,
11712,
282,
6732,
76,
13,
2617,
11828,
10786,
3041,
6471,
6737,
13431,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
46047,
11712,
282,
6732,
76,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
362,
11,
352,
11,
5433,
828,
15034,
2414,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
46047,
11712,
282,
6732,
76,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
46047,
11712,
282,
6732,
76,
13,
2617,
11828,
10786,
8291,
3291,
6737,
13431,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
14957,
11712,
282,
6732,
76,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
362,
11,
352,
11,
5946,
828,
15034,
2414,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
14957,
11712,
282,
6732,
76,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
14957,
11712,
282,
6732,
76,
13,
2617,
11828,
10786,
14957,
6737,
13431,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
13217,
13713,
38,
391,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
362,
11,
352,
11,
5846,
828,
791,
32696,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
13217,
13713,
38,
391,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
13217,
13713,
38,
391,
13,
2617,
11828,
10786,
3855,
20509,
4461,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
3856,
7807,
5990,
2101,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
362,
11,
352,
11,
4153,
828,
791,
32696,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
3856,
7807,
5990,
2101,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
3856,
7807,
5990,
2101,
13,
2617,
11828,
10786,
3855,
34538,
2278,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
49,
4694,
817,
10126,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
362,
11,
352,
11,
6337,
828,
791,
32696,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
49,
4694,
817,
10126,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
49,
4694,
817,
10126,
13,
2617,
11828,
10786,
3855,
371,
4694,
11387,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
42974,
817,
10126,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
362,
11,
352,
11,
6298,
828,
791,
32696,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
42974,
817,
10126,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
42974,
817,
10126,
13,
2617,
11828,
10786,
3855,
24225,
11387,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
1273,
64,
12360,
796,
337,
571,
33234,
7483,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
513,
4008,
198,
30915,
385,
57,
42955,
25697,
1273,
64,
10962,
796,
337,
571,
10962,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
513,
11,
352,
828,
1267,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
10962,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
10962,
13,
2617,
11828,
10786,
57,
35,
370,
25697,
9327,
3084,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
1273,
64,
30150,
796,
337,
571,
10962,
25166,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
513,
11,
352,
11,
352,
828,
6739,
2617,
15732,
36690,
19510,
15,
11,
366,
49,
16696,
2937,
12,
57,
35,
12,
54,
25697,
12,
8895,
33,
1600,
366,
30915,
385,
57,
42955,
25697,
1273,
64,
14155,
4550,
81,
48774,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
30150,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
30150,
13,
2617,
11828,
10786,
22882,
6945,
1123,
1168,
35,
370,
25697,
9327,
5726,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
1273,
64,
14155,
4550,
81,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
513,
11,
352,
11,
352,
11,
352,
828,
4100,
20231,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
14155,
4550,
81,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
14155,
4550,
81,
13,
2617,
11828,
7203,
464,
4429,
338,
20582,
17917,
19570,
198,
30915,
385,
57,
42955,
25697,
1273,
64,
2969,
14155,
4550,
81,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
513,
11,
352,
11,
352,
11,
362,
828,
4100,
20231,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
2969,
14155,
4550,
81,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
2969,
14155,
4550,
81,
13,
2617,
11828,
10786,
464,
20582,
2209,
286,
262,
3917,
3486,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
1273,
64,
4462,
50,
2389,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
513,
11,
352,
11,
352,
11,
513,
828,
4100,
20231,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
4462,
50,
2389,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
4462,
50,
2389,
13,
2617,
11828,
10786,
4462,
50,
2389,
286,
370,
25697,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
1273,
64,
5432,
2389,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
513,
11,
352,
11,
352,
11,
604,
828,
371,
1347,
385,
5432,
2389,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
5432,
2389,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
5432,
2389,
13,
2617,
11828,
10786,
5432,
2389,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
1273,
64,
12982,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
513,
11,
352,
11,
352,
11,
642,
828,
16531,
10100,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
12982,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
12982,
13,
2617,
11828,
10786,
11187,
1389,
20579,
286,
262,
5456,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
1273,
64,
26093,
6030,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
513,
11,
352,
11,
352,
11,
718,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
3103,
2536,
6003,
38176,
7,
28008,
11395,
3103,
2536,
2913,
7,
15,
11,
352,
11,
362,
11,
513,
11,
604,
4008,
737,
21018,
7,
13190,
40161,
28,
45,
2434,
40161,
7,
7203,
37004,
1157,
64,
1600,
657,
828,
5855,
37004,
1157,
65,
1600,
352,
828,
5855,
37004,
1157,
70,
1600,
362,
828,
5855,
37004,
1157,
782,
1600,
513,
828,
5855,
37004,
1157,
2616,
1600,
604,
22305,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
26093,
6030,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
26093,
6030,
13,
2617,
11828,
10786,
26093,
2099,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
1273,
64,
29239,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
513,
11,
352,
11,
352,
11,
767,
828,
791,
32696,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
29239,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
29239,
13,
2617,
11828,
10786,
26093,
6518,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
1273,
64,
4061,
4550,
81,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
513,
11,
352,
11,
352,
11,
807,
828,
314,
79,
20231,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
4061,
4550,
81,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
4061,
4550,
81,
13,
2617,
11828,
10786,
4061,
2209,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
1273,
64,
48997,
49,
5432,
40,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
513,
11,
352,
11,
352,
11,
860,
828,
34142,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
48997,
49,
5432,
40,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
48997,
49,
5432,
40,
13,
2617,
11828,
10786,
32,
332,
1886,
25012,
40,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
1273,
64,
49,
87,
47,
74,
912,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
513,
11,
352,
11,
352,
11,
838,
828,
15034,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
49,
87,
47,
74,
912,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
49,
87,
47,
74,
912,
13,
2617,
11828,
10786,
3041,
6471,
24624,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
1273,
64,
49,
87,
45992,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
513,
11,
352,
11,
352,
11,
1367,
828,
15034,
2414,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
49,
87,
45992,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
49,
87,
45992,
13,
2617,
11828,
10786,
3041,
6471,
9881,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
1273,
64,
46047,
47,
74,
912,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
513,
11,
352,
11,
352,
11,
1105,
828,
15034,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
46047,
47,
74,
912,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
46047,
47,
74,
912,
13,
2617,
11828,
10786,
8291,
3291,
24624,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
1273,
64,
46047,
45992,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
513,
11,
352,
11,
352,
11,
1511,
828,
15034,
2414,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
46047,
45992,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
46047,
45992,
13,
2617,
11828,
10786,
8291,
3291,
9881,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
1273,
64,
9781,
1678,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
513,
11,
352,
11,
352,
11,
1478,
828,
15034,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
9781,
1678,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
9781,
1678,
13,
2617,
11828,
10786,
8291,
3291,
1005,
1678,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
1273,
64,
8021,
420,
7575,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
513,
11,
352,
11,
352,
11,
1315,
828,
3862,
51,
3378,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
8021,
420,
7575,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
8021,
420,
7575,
13,
2617,
11828,
10786,
464,
640,
5456,
468,
587,
3917,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
1273,
64,
49,
87,
12331,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
513,
11,
352,
11,
352,
11,
1467,
828,
15034,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
49,
87,
12331,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
49,
87,
12331,
13,
2617,
11828,
10786,
3041,
6471,
4049,
24624,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
1273,
64,
46047,
33244,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
513,
11,
352,
11,
352,
11,
1596,
828,
15034,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
46047,
33244,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
46047,
33244,
13,
2617,
11828,
10786,
33244,
913,
18307,
24624,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
1273,
64,
1157,
35904,
3041,
562,
420,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
513,
11,
352,
11,
352,
11,
1248,
828,
15034,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
1157,
35904,
3041,
562,
420,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
1157,
35904,
3041,
562,
420,
13,
2617,
11828,
10786,
3041,
562,
47615,
954,
319,
347,
14,
38,
20445,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
1273,
64,
8021,
420,
14967,
27823,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
513,
11,
352,
11,
352,
11,
678,
828,
16531,
10100,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
8021,
420,
14967,
27823,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
8021,
420,
14967,
27823,
13,
2617,
11828,
10786,
464,
41033,
5456,
3917,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
1273,
64,
9781,
563,
45992,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
513,
11,
352,
11,
352,
11,
1160,
828,
15034,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
9781,
563,
45992,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
9781,
563,
45992,
13,
2617,
11828,
10786,
8291,
3291,
1005,
563,
9881,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
1273,
64,
15571,
49,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
513,
11,
352,
11,
352,
11,
2310,
828,
34142,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
15571,
49,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
15571,
49,
13,
2617,
11828,
7203,
12367,
338,
26484,
284,
30964,
33956,
19570,
198,
30915,
385,
57,
42955,
25697,
1273,
64,
49,
87,
26932,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
513,
11,
352,
11,
352,
11,
2534,
828,
15034,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
49,
87,
26932,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
49,
87,
26932,
13,
2617,
11828,
10786,
26932,
18307,
24624,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
1273,
64,
46047,
26932,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
513,
11,
352,
11,
352,
11,
2242,
828,
15034,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
46047,
26932,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
46047,
26932,
13,
2617,
11828,
10786,
26932,
2722,
24624,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
1273,
64,
46047,
12331,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
513,
11,
352,
11,
352,
11,
1987,
828,
15034,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
46047,
12331,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
46047,
12331,
13,
2617,
11828,
10786,
8291,
3291,
4049,
24624,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
1273,
64,
53,
9620,
2389,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
513,
11,
352,
11,
352,
11,
1542,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
11395,
17257,
3103,
2536,
2913,
7,
16,
11,
2319,
5824,
4008,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
53,
9620,
2389,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
53,
9620,
2389,
13,
2617,
11828,
10786,
53,
25697,
4522,
286,
262,
4429,
13,
352,
329,
407,
7368,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
1273,
64,
30515,
19076,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
513,
11,
352,
11,
352,
11,
4019,
828,
16531,
10100,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
30515,
19076,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
30515,
19076,
13,
2617,
11828,
10786,
47649,
3299,
4235,
286,
44529,
12094,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
1273,
64,
11712,
282,
45027,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
513,
11,
352,
11,
352,
11,
9773,
828,
34142,
2624,
3419,
737,
2617,
3118,
896,
10786,
36077,
76,
27691,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
11712,
282,
45027,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
11712,
282,
45027,
13,
2617,
11828,
10786,
11712,
282,
4202,
11537,
198,
30915,
385,
57,
42955,
25697,
48163,
12360,
796,
337,
571,
33234,
7483,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
604,
4008,
198,
30915,
385,
57,
42955,
25697,
48163,
10962,
796,
337,
571,
10962,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
604,
11,
352,
828,
1267,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
48163,
10962,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
48163,
10962,
13,
2617,
11828,
10786,
57,
35,
370,
25697,
23586,
3335,
3084,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
48163,
30150,
796,
337,
571,
10962,
25166,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
604,
11,
352,
11,
352,
828,
6739,
2617,
15732,
36690,
19510,
15,
11,
366,
5064,
12,
8895,
33,
1600,
366,
361,
15732,
48774,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
48163,
30150,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
48163,
30150,
13,
2617,
11828,
10786,
22882,
6945,
1123,
1168,
35,
370,
25697,
23586,
3335,
5726,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
48163,
14155,
4550,
81,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
604,
11,
352,
11,
352,
11,
352,
828,
4100,
20231,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
48163,
14155,
4550,
81,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
48163,
14155,
4550,
81,
13,
2617,
11828,
7203,
48163,
3335,
338,
20582,
17917,
19570,
198,
30915,
385,
57,
42955,
25697,
48163,
5432,
2389,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
604,
11,
352,
11,
352,
11,
362,
828,
371,
1347,
385,
5432,
2389,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
48163,
5432,
2389,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
48163,
5432,
2389,
13,
2617,
11828,
10786,
5432,
2389,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
48163,
26093,
6030,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
604,
11,
352,
11,
352,
11,
513,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
3103,
2536,
6003,
38176,
7,
28008,
11395,
3103,
2536,
2913,
7,
15,
11,
352,
11,
362,
11,
513,
4008,
737,
21018,
7,
13190,
40161,
28,
45,
2434,
40161,
7,
7203,
37004,
1157,
35904,
1600,
657,
828,
5855,
37004,
1157,
64,
1600,
352,
828,
5855,
37004,
1157,
782,
1600,
362,
828,
5855,
37004,
1157,
2616,
1600,
513,
22305,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
48163,
26093,
6030,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
48163,
26093,
6030,
13,
2617,
11828,
10786,
26093,
2099,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
48163,
29239,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
604,
11,
352,
11,
352,
11,
604,
828,
791,
32696,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
48163,
29239,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
48163,
29239,
13,
2617,
11828,
10786,
26093,
6518,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
48163,
49,
5432,
40,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
604,
11,
352,
11,
352,
11,
642,
828,
34142,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
48163,
49,
5432,
40,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
48163,
49,
5432,
40,
13,
2617,
11828,
10786,
49,
5432,
40,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
48163,
6030,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
604,
11,
352,
11,
352,
11,
718,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
3103,
2536,
6003,
38176,
7,
28008,
11395,
3103,
2536,
2913,
7,
15,
11,
352,
4008,
737,
21018,
7,
13190,
40161,
28,
45,
2434,
40161,
7,
7203,
499,
1600,
657,
828,
5855,
324,
12,
71,
420,
1600,
352,
22305,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
48163,
6030,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
48163,
6030,
13,
2617,
11828,
10786,
464,
2099,
286,
262,
23586,
3335,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
48163,
27195,
15109,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
604,
11,
352,
11,
352,
11,
767,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
3103,
2536,
6003,
38176,
7,
28008,
11395,
3103,
2536,
2913,
7,
15,
11,
352,
4008,
737,
21018,
7,
13190,
40161,
28,
45,
2434,
40161,
7,
7203,
9654,
1600,
657,
828,
5855,
43628,
1600,
352,
22305,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
48163,
27195,
15109,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
48163,
27195,
15109,
13,
2617,
11828,
10786,
27195,
13168,
4235,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
48163,
11712,
282,
45027,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
604,
11,
352,
11,
352,
11,
1367,
828,
34142,
2624,
3419,
737,
2617,
3118,
896,
10786,
36077,
76,
27691,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
48163,
11712,
282,
45027,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
48163,
11712,
282,
45027,
13,
2617,
11828,
10786,
11712,
282,
4202,
11537,
198,
30915,
385,
57,
42955,
25697,
53,
499,
10962,
796,
337,
571,
10962,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
513,
828,
1267,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
53,
499,
10962,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
53,
499,
10962,
13,
2617,
11828,
10786,
57,
35,
370,
25697,
3486,
3084,
583,
1123,
370,
25697,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
53,
499,
30150,
796,
337,
571,
10962,
25166,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
513,
11,
352,
828,
6739,
2617,
15732,
36690,
19510,
15,
11,
366,
49,
16696,
2937,
12,
57,
35,
12,
54,
25697,
12,
8895,
33,
1600,
366,
30915,
385,
57,
42955,
25697,
53,
499,
4462,
50,
2389,
48774,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
53,
499,
30150,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
53,
499,
30150,
13,
2617,
11828,
10786,
22882,
6945,
1123,
1168,
35,
370,
25697,
38187,
5726,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
53,
499,
4462,
50,
2389,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
513,
11,
352,
11,
352,
828,
4100,
20231,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
53,
499,
4462,
50,
2389,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
53,
499,
4462,
50,
2389,
13,
2617,
11828,
7203,
464,
569,
2969,
338,
347,
5432,
2389,
837,
270,
318,
257,
20582,
17917,
19570,
198,
30915,
385,
57,
42955,
25697,
53,
499,
47,
2969,
4550,
81,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
513,
11,
352,
11,
362,
828,
4100,
20231,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
53,
499,
47,
2969,
4550,
81,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
53,
499,
47,
2969,
4550,
81,
13,
2617,
11828,
7203,
464,
20582,
2209,
286,
262,
16774,
338,
3486,
19570,
198,
30915,
385,
57,
42955,
25697,
53,
499,
5432,
2389,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
513,
11,
352,
11,
513,
828,
371,
1347,
385,
5432,
2389,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
53,
499,
5432,
2389,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
53,
499,
5432,
2389,
13,
2617,
11828,
10786,
5432,
2389,
286,
569,
2969,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
53,
499,
43,
272,
49,
87,
45992,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
513,
11,
352,
11,
718,
828,
15034,
2414,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
53,
499,
43,
272,
49,
87,
45992,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
53,
499,
43,
272,
49,
87,
45992,
13,
2617,
11828,
10786,
3041,
6471,
9881,
319,
24192,
287,
569,
2969,
764,
11537,
198,
30915,
385,
57,
42955,
25697,
53,
499,
43,
272,
46047,
45992,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
513,
11,
352,
11,
767,
828,
15034,
2414,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
53,
499,
43,
272,
46047,
45992,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
53,
499,
43,
272,
46047,
45992,
13,
2617,
11828,
10786,
8291,
3291,
9881,
319,
24192,
287,
569,
2969,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
53,
499,
54,
9620,
49,
87,
45992,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
513,
11,
352,
11,
807,
828,
15034,
2414,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
53,
499,
54,
9620,
49,
87,
45992,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
53,
499,
54,
9620,
49,
87,
45992,
13,
2617,
11828,
10786,
3041,
6471,
9881,
319,
370,
25697,
287,
569,
2969,
764,
11537,
198,
30915,
385,
57,
42955,
25697,
53,
499,
54,
9620,
46047,
45992,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
513,
11,
352,
11,
860,
828,
15034,
2414,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
53,
499,
54,
9620,
46047,
45992,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
53,
499,
54,
9620,
46047,
45992,
13,
2617,
11828,
10786,
8291,
3291,
9881,
319,
370,
25697,
287,
569,
2969,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
53,
499,
54,
9620,
49,
87,
12331,
47,
21841,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
513,
11,
352,
11,
1367,
828,
15034,
2414,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
53,
499,
54,
9620,
49,
87,
12331,
47,
21841,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
53,
499,
54,
9620,
49,
87,
12331,
47,
21841,
13,
2617,
11828,
10786,
3041,
15164,
276,
4049,
19638,
319,
370,
25697,
287,
569,
2969,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
53,
499,
54,
9620,
49,
87,
3118,
291,
459,
47,
21841,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
513,
11,
352,
11,
1105,
828,
15034,
2414,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
53,
499,
54,
9620,
49,
87,
3118,
291,
459,
47,
21841,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
53,
499,
54,
9620,
49,
87,
3118,
291,
459,
47,
21841,
13,
2617,
11828,
10786,
3041,
15164,
276,
28000,
459,
19638,
319,
370,
25697,
287,
569,
2969,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
53,
499,
54,
9620,
46047,
3118,
291,
459,
47,
21841,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
513,
11,
352,
11,
1511,
828,
15034,
2414,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
53,
499,
54,
9620,
46047,
3118,
291,
459,
47,
21841,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
53,
499,
54,
9620,
46047,
3118,
291,
459,
47,
21841,
13,
2617,
11828,
10786,
8291,
3291,
28000,
459,
19638,
319,
370,
25697,
287,
569,
2969,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
53,
499,
54,
9620,
49,
87,
47,
21841,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
513,
11,
352,
11,
1478,
828,
15034,
2414,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
53,
499,
54,
9620,
49,
87,
47,
21841,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
53,
499,
54,
9620,
49,
87,
47,
21841,
13,
2617,
11828,
10786,
3041,
6471,
19638,
319,
370,
25697,
287,
569,
2969,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
53,
499,
54,
9620,
49,
87,
26932,
47,
21841,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
513,
11,
352,
11,
1315,
828,
15034,
2414,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
53,
499,
54,
9620,
49,
87,
26932,
47,
21841,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
53,
499,
54,
9620,
49,
87,
26932,
47,
21841,
13,
2617,
11828,
10786,
3041,
6471,
5710,
19638,
319,
370,
25697,
287,
569,
2969,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
53,
499,
54,
9620,
46047,
9139,
81,
47,
21841,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
513,
11,
352,
11,
1467,
828,
15034,
2414,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
53,
499,
54,
9620,
46047,
9139,
81,
47,
21841,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
53,
499,
54,
9620,
46047,
9139,
81,
47,
21841,
13,
2617,
11828,
10786,
8291,
3291,
4049,
19638,
319,
370,
25697,
287,
569,
2969,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
53,
499,
54,
9620,
46047,
47,
21841,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
513,
11,
352,
11,
1596,
828,
15034,
2414,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
53,
499,
54,
9620,
46047,
47,
21841,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
53,
499,
54,
9620,
46047,
47,
21841,
13,
2617,
11828,
10786,
8291,
3291,
19638,
319,
370,
25697,
287,
569,
2969,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
53,
499,
54,
9620,
46047,
26932,
47,
21841,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
513,
11,
352,
11,
1248,
828,
15034,
2414,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
53,
499,
54,
9620,
46047,
26932,
47,
21841,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
53,
499,
54,
9620,
46047,
26932,
47,
21841,
13,
2617,
11828,
10786,
8291,
3291,
5710,
19638,
319,
370,
25697,
287,
569,
2969,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
1532,
10962,
796,
337,
571,
10962,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
604,
828,
1267,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
1532,
10962,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
1532,
10962,
13,
2617,
11828,
10786,
57,
35,
370,
25697,
3486,
26491,
3084,
583,
1123,
3486,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
1532,
30150,
796,
337,
571,
10962,
25166,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
604,
11,
352,
828,
6739,
2617,
15732,
36690,
19510,
15,
11,
366,
49,
16696,
2937,
12,
57,
35,
12,
54,
25697,
12,
8895,
33,
1600,
366,
30915,
385,
57,
42955,
25697,
2969,
14155,
12340,
357,
15,
11,
366,
49,
16696,
2937,
12,
57,
35,
12,
54,
25697,
12,
8895,
33,
1600,
366,
30915,
385,
57,
42955,
25697,
2969,
1532,
15732,
48774,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
1532,
30150,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
1532,
30150,
13,
2617,
11828,
10786,
22882,
6945,
1123,
1168,
35,
370,
25697,
38187,
5726,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
14155,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
604,
11,
352,
11,
352,
828,
4100,
20231,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
14155,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
14155,
13,
2617,
11828,
7203,
464,
3486,
338,
4100,
17917,
19570,
198,
30915,
385,
57,
42955,
25697,
2969,
1532,
15732,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
604,
11,
352,
11,
362,
828,
26491,
15732,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
1532,
15732,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
1532,
15732,
13,
2617,
11828,
10786,
464,
6376,
286,
26491,
287,
3486,
764,
11537,
198,
30915,
385,
57,
42955,
25697,
2969,
1532,
24564,
81,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
604,
11,
352,
11,
513,
828,
16531,
10100,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
1532,
24564,
81,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
1532,
24564,
81,
13,
2617,
11828,
10786,
464,
12489,
1321,
329,
428,
7071,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
1532,
6030,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
604,
11,
352,
11,
604,
828,
314,
31574,
361,
6030,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
1532,
6030,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
1532,
6030,
13,
2617,
11828,
10786,
464,
2099,
286,
7071,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
1532,
44,
28047,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
604,
11,
352,
11,
642,
828,
34142,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
1532,
44,
28047,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
1532,
44,
28047,
13,
2617,
11828,
10786,
464,
2546,
286,
262,
4387,
19638,
543,
460,
307,
1908,
14,
47844,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
1532,
22785,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
604,
11,
352,
11,
718,
828,
16531,
10100,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
1532,
22785,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
1532,
22785,
13,
2617,
11828,
7203,
2025,
8636,
286,
262,
7071,
338,
1459,
19484,
287,
10340,
19570,
198,
30915,
385,
57,
42955,
25697,
2969,
1532,
43215,
20231,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
604,
11,
352,
11,
767,
828,
16531,
10100,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
1532,
43215,
20231,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
1532,
43215,
20231,
13,
2617,
11828,
7203,
464,
7071,
338,
8352,
2209,
19570,
198,
30915,
385,
57,
42955,
25697,
2969,
1532,
46787,
19580,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
604,
11,
352,
11,
807,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
3103,
2536,
6003,
38176,
7,
28008,
11395,
3103,
2536,
2913,
7,
16,
11,
362,
11,
513,
4008,
737,
21018,
7,
13190,
40161,
28,
45,
2434,
40161,
7,
7203,
929,
1600,
352,
828,
5855,
2902,
1600,
362,
828,
5855,
33407,
1600,
513,
22305,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
1532,
46787,
19580,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
1532,
46787,
19580,
13,
2617,
11828,
10786,
464,
10348,
1181,
286,
262,
7071,
25,
510,
7,
16,
828,
866,
7,
17,
8,
837,
33407,
7,
18,
8,
764,
11537,
198,
30915,
385,
57,
42955,
25697,
2969,
1532,
18843,
19580,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
604,
11,
352,
11,
860,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
3103,
2536,
6003,
38176,
7,
28008,
11395,
3103,
2536,
2913,
7,
16,
11,
362,
11,
513,
11,
604,
11,
642,
11,
718,
11,
767,
4008,
737,
21018,
7,
13190,
40161,
28,
45,
2434,
40161,
7,
7203,
929,
1600,
352,
828,
5855,
2902,
1600,
362,
828,
5855,
33407,
1600,
513,
828,
5855,
34680,
1600,
604,
828,
5855,
67,
579,
415,
1600,
642,
828,
5855,
1662,
34695,
1600,
718,
828,
5855,
21037,
49925,
8048,
1600,
767,
22305,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
1532,
18843,
19580,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
1532,
18843,
19580,
13,
2617,
11828,
10786,
464,
1459,
13919,
1181,
286,
262,
7071,
25,
510,
7,
16,
828,
866,
7,
17,
828,
4856,
7,
18,
828,
6439,
7,
19,
828,
41038,
7,
20,
8,
837,
407,
34695,
7,
21,
828,
2793,
49925,
8048,
7,
22,
737,
11537,
198,
30915,
385,
57,
42955,
25697,
2969,
1532,
818,
12349,
1039,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
604,
11,
352,
11,
838,
828,
15034,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
1532,
818,
12349,
1039,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
1532,
818,
12349,
1039,
13,
2617,
11828,
10786,
464,
2472,
1271,
286,
19318,
1039,
2722,
319,
262,
7071,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
1532,
818,
52,
2701,
47,
74,
912,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
604,
11,
352,
11,
1367,
828,
15034,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
1532,
818,
52,
2701,
47,
74,
912,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
1532,
818,
52,
2701,
47,
74,
912,
13,
2617,
11828,
10786,
464,
2472,
1271,
286,
28000,
459,
24624,
2722,
319,
262,
7071,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
1532,
818,
45,
52,
2701,
47,
74,
912,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
604,
11,
352,
11,
1105,
828,
15034,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
1532,
818,
45,
52,
2701,
47,
74,
912,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
1532,
818,
45,
52,
2701,
47,
74,
912,
13,
2617,
11828,
10786,
464,
2472,
1271,
286,
47368,
459,
290,
7025,
24624,
2722,
319,
262,
7071,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
1532,
818,
15642,
1371,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
604,
11,
352,
11,
1511,
828,
15034,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
1532,
818,
15642,
1371,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
1532,
818,
15642,
1371,
13,
2617,
11828,
10786,
464,
1271,
286,
287,
7784,
24624,
543,
547,
7147,
284,
307,
25148,
772,
996,
645,
8563,
550,
587,
12326,
764,
11537,
198,
30915,
385,
57,
42955,
25697,
2969,
1532,
818,
9139,
5965,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
604,
11,
352,
11,
1478,
828,
15034,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
1532,
818,
9139,
5965,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
1532,
818,
9139,
5965,
13,
2617,
11828,
10786,
464,
1271,
286,
287,
7784,
24624,
326,
7763,
8563,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
1532,
818,
20035,
19703,
418,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
604,
11,
352,
11,
1315,
828,
15034,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
1532,
818,
20035,
19703,
418,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
1532,
818,
20035,
19703,
418,
13,
2617,
11828,
10786,
464,
1271,
286,
24624,
2722,
2884,
262,
7071,
543,
547,
25148,
780,
286,
281,
6439,
393,
24222,
8435,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
1532,
7975,
12349,
1039,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
604,
11,
352,
11,
1467,
828,
15034,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
1532,
7975,
12349,
1039,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
1532,
7975,
12349,
1039,
13,
2617,
11828,
10786,
464,
2472,
1271,
286,
19318,
1039,
18307,
503,
286,
262,
7071,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
1532,
7975,
52,
2701,
47,
74,
912,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
604,
11,
352,
11,
1596,
828,
15034,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
1532,
7975,
52,
2701,
47,
74,
912,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
1532,
7975,
52,
2701,
47,
74,
912,
13,
2617,
11828,
10786,
464,
2472,
1271,
286,
28000,
459,
24624,
18307,
503,
286,
262,
7071,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
1532,
7975,
45,
52,
2701,
47,
74,
912,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
604,
11,
352,
11,
1248,
828,
15034,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
1532,
7975,
45,
52,
2701,
47,
74,
912,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
1532,
7975,
45,
52,
2701,
47,
74,
912,
13,
2617,
11828,
10786,
464,
2472,
1271,
286,
47368,
459,
290,
7025,
24624,
18307,
503,
286,
262,
7071,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
1532,
7975,
15642,
1371,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
604,
11,
352,
11,
678,
828,
15034,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
1532,
7975,
15642,
1371,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
1532,
7975,
15642,
1371,
13,
2617,
11828,
10786,
464,
1271,
286,
503,
7784,
24624,
543,
547,
7147,
284,
307,
25148,
772,
996,
645,
8563,
550,
587,
12326,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
1532,
7975,
9139,
5965,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
604,
11,
352,
11,
1160,
828,
15034,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
1532,
7975,
9139,
5965,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
1532,
7975,
9139,
5965,
13,
2617,
11828,
10786,
464,
1271,
286,
503,
7784,
24624,
326,
714,
407,
307,
18307,
780,
286,
8563,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
1532,
5376,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
604,
11,
352,
11,
2310,
828,
16531,
10100,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
1532,
5376,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
1532,
5376,
13,
2617,
11828,
10786,
464,
1438,
286,
7071,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
1532,
5376,
7469,
1389,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
604,
11,
352,
11,
2534,
828,
16531,
10100,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
1532,
5376,
7469,
1389,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
1532,
5376,
7469,
1389,
13,
2617,
11828,
10786,
464,
16144,
286,
7071,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
40226,
19580,
10962,
796,
337,
571,
10962,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
807,
828,
1267,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
40226,
19580,
10962,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
40226,
19580,
10962,
13,
2617,
11828,
10786,
57,
35,
370,
25697,
3486,
31903,
26491,
3722,
3084,
583,
1123,
3486,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
40226,
19580,
30150,
796,
337,
571,
10962,
25166,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
807,
11,
352,
828,
6739,
2617,
15732,
36690,
19510,
15,
11,
366,
49,
16696,
2937,
12,
57,
35,
12,
54,
25697,
12,
8895,
33,
1600,
366,
30915,
385,
57,
42955,
25697,
2969,
14155,
20231,
12340,
357,
15,
11,
366,
49,
16696,
2937,
12,
57,
35,
12,
54,
25697,
12,
8895,
33,
1600,
366,
30915,
385,
57,
42955,
25697,
2969,
40226,
13924,
7390,
48774,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
40226,
19580,
30150,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
40226,
19580,
30150,
13,
2617,
11828,
10786,
22882,
6945,
1123,
1168,
35,
370,
25697,
3486,
28475,
3262,
7071,
3722,
5726,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
14155,
20231,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
807,
11,
352,
11,
352,
828,
4100,
20231,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
14155,
20231,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
14155,
20231,
13,
2617,
11828,
7203,
464,
3486,
338,
4100,
17917,
19570,
198,
30915,
385,
57,
42955,
25697,
2969,
40226,
13924,
7390,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
807,
11,
352,
11,
362,
828,
34142,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
40226,
13924,
7390,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
40226,
13924,
7390,
13,
2617,
11828,
10786,
464,
2471,
28475,
3262,
2493,
4686,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
40226,
1532,
3672,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
807,
11,
352,
11,
642,
828,
2556,
316,
10100,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
40226,
1532,
3672,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
40226,
1532,
3672,
13,
2617,
11828,
10786,
464,
1438,
286,
7071,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
40226,
35,
313,
16,
87,
19580,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
807,
11,
352,
11,
718,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
3103,
2536,
6003,
38176,
7,
28008,
11395,
3103,
2536,
2913,
7,
16,
11,
362,
11,
513,
4008,
737,
21018,
7,
13190,
40161,
28,
45,
2434,
40161,
7,
7203,
18439,
1600,
352,
828,
5855,
18608,
1600,
362,
828,
5855,
23108,
1600,
513,
22305,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
40226,
35,
313,
16,
87,
19580,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
40226,
35,
313,
16,
87,
19580,
13,
2617,
11828,
10786,
464,
2471,
28475,
3262,
2493,
22875,
16,
87,
19580,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
40226,
11187,
605,
19580,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
807,
11,
352,
11,
767,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
3103,
2536,
6003,
38176,
7,
28008,
11395,
3103,
2536,
2913,
7,
16,
11,
362,
4008,
737,
21018,
7,
13190,
40161,
28,
45,
2434,
40161,
7,
7203,
929,
1600,
352,
828,
5855,
2902,
1600,
362,
22305,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
40226,
11187,
605,
19580,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
40226,
11187,
605,
19580,
13,
2617,
11828,
10786,
464,
2471,
28475,
3262,
2493,
12219,
3722,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
40226,
2725,
88,
19580,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
807,
11,
352,
11,
807,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
3103,
2536,
6003,
38176,
7,
28008,
11395,
3103,
2536,
2913,
7,
16,
11,
362,
4008,
737,
21018,
7,
13190,
40161,
28,
45,
2434,
40161,
7,
7203,
929,
1600,
352,
828,
5855,
2902,
1600,
362,
22305,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
40226,
2725,
88,
19580,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
40226,
2725,
88,
19580,
13,
2617,
11828,
10786,
464,
2471,
28475,
3262,
2493,
3518,
3722,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
40226,
2725,
88,
1532,
22785,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
807,
11,
352,
11,
860,
828,
34142,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
40226,
2725,
88,
1532,
22785,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
40226,
2725,
88,
1532,
22785,
13,
2617,
11828,
7203,
464,
2471,
28475,
3262,
7071,
338,
1459,
19484,
287,
337,
9895,
11,
19570,
198,
30915,
385,
57,
42955,
25697,
2969,
40226,
2725,
88,
11280,
19580,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
807,
11,
352,
11,
838,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
3103,
2536,
6003,
38176,
7,
28008,
11395,
3103,
2536,
2913,
7,
16,
11,
362,
4008,
737,
21018,
7,
13190,
40161,
28,
45,
2434,
40161,
7,
7203,
12853,
1600,
352,
828,
5855,
13959,
1600,
362,
22305,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
40226,
2725,
88,
11280,
19580,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
40226,
2725,
88,
11280,
19580,
13,
2617,
11828,
10786,
464,
2471,
28475,
3262,
2493,
3518,
2792,
3722,
2637,
8,
198,
30915,
385,
57,
42955,
25697,
2969,
40226,
33986,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
8646,
4310,
11,
352,
11,
362,
11,
362,
11,
352,
11,
352,
11,
362,
11,
807,
11,
352,
11,
1367,
828,
2556,
316,
10100,
3419,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
40226,
33986,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
374,
1347,
385,
57,
42955,
25697,
2969,
40226,
33986,
13,
2617,
11828,
10786,
464,
2471,
28475,
3262,
2493,
6167,
2637,
8,
198,
76,
571,
32875,
13,
39344,
13940,
2022,
10220,
7203,
49,
16696,
2937,
12,
57,
35,
12,
54,
25697,
12,
8895,
33,
1600,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
46047,
47,
74,
912,
28,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
46047,
47,
74,
912,
11,
374,
1347,
385,
57,
42955,
43,
8643,
87,
45992,
28,
30915,
385,
57,
42955,
43,
8643,
87,
45992,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
46047,
19778,
35442,
1496,
28,
30915,
385,
57,
42955,
25697,
2969,
46047,
19778,
35442,
1496,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
25697,
29668,
49,
27481,
21841,
28,
30915,
385,
57,
42955,
25697,
2969,
25697,
29668,
49,
27481,
21841,
11,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
4462,
50,
2389,
28,
30915,
385,
57,
42955,
25697,
1273,
64,
4462,
50,
2389,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
7934,
27932,
28,
30915,
385,
57,
42955,
25697,
2969,
7934,
27932,
11,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
10962,
28,
30915,
385,
57,
42955,
25697,
1273,
64,
10962,
11,
374,
1347,
385,
57,
42955,
25697,
8021,
420,
39044,
28,
30915,
385,
57,
42955,
25697,
8021,
420,
39044,
11,
374,
1347,
385,
57,
42955,
25697,
1532,
10962,
28,
30915,
385,
57,
42955,
25697,
1532,
10962,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
18683,
562,
420,
35087,
28,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
18683,
562,
420,
35087,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
33111,
1273,
64,
28,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
33111,
1273,
64,
11,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
11712,
282,
45027,
28,
30915,
385,
57,
42955,
25697,
1273,
64,
11712,
282,
45027,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
37031,
4933,
13924,
34,
429,
4933,
2902,
28,
30915,
385,
57,
42955,
25697,
2969,
37031,
4933,
13924,
34,
429,
4933,
2902,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
1157,
65,
15610,
540,
28,
30915,
385,
57,
42955,
25697,
2969,
1157,
65,
15610,
540,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
52,
457,
524,
28,
30915,
385,
57,
42955,
25697,
2969,
52,
457,
524,
11,
374,
1347,
385,
57,
42955,
28182,
7260,
28,
30915,
385,
57,
42955,
28182,
7260,
11,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
1157,
35904,
3041,
562,
420,
28,
30915,
385,
57,
42955,
25697,
1273,
64,
1157,
35904,
3041,
562,
420,
11,
374,
1347,
385,
57,
42955,
25697,
5432,
2389,
33,
2701,
48893,
28,
30915,
385,
57,
42955,
25697,
5432,
2389,
33,
2701,
48893,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
5956,
18546,
28985,
7575,
28,
30915,
385,
57,
42955,
25697,
2969,
5956,
18546,
28985,
7575,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
14155,
4550,
81,
28,
30915,
385,
57,
42955,
25697,
2969,
14155,
4550,
81,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
1273,
64,
49,
87,
45992,
28,
30915,
385,
57,
42955,
25697,
2969,
1273,
64,
49,
87,
45992,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
10962,
28,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
10962,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
30515,
19309,
28,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
30515,
19309,
11,
374,
1347,
385,
57,
42955,
28182,
72,
562,
420,
15610,
4355,
28,
30915,
385,
57,
42955,
28182,
72,
562,
420,
15610,
4355,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
49,
87,
15205,
291,
459,
28,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
49,
87,
15205,
291,
459,
11,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
30150,
28,
30915,
385,
57,
42955,
25697,
1273,
64,
30150,
11,
374,
1347,
385,
57,
42955,
25697,
20608,
28,
30915,
385,
57,
42955,
25697,
20608,
11,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
49,
87,
47,
74,
912,
28,
30915,
385,
57,
42955,
25697,
1273,
64,
49,
87,
47,
74,
912,
11,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
49,
87,
45992,
28,
30915,
385,
57,
42955,
25697,
1273,
64,
49,
87,
45992,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
49,
87,
47,
74,
912,
28,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
49,
87,
47,
74,
912,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
17633,
28,
30915,
385,
57,
42955,
25697,
2969,
17633,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
25697,
29668,
49,
55,
40778,
28,
30915,
385,
57,
42955,
25697,
2969,
25697,
29668,
49,
55,
40778,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
40226,
11187,
605,
19580,
28,
30915,
385,
57,
42955,
25697,
2969,
40226,
11187,
605,
19580,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
13217,
13713,
38,
391,
28,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
13217,
13713,
38,
391,
11,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
49,
87,
26932,
28,
30915,
385,
57,
42955,
25697,
1273,
64,
49,
87,
26932,
11,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
46047,
12331,
28,
30915,
385,
57,
42955,
25697,
1273,
64,
46047,
12331,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
40226,
35,
313,
16,
87,
19580,
28,
30915,
385,
57,
42955,
25697,
2969,
40226,
35,
313,
16,
87,
19580,
11,
374,
1347,
385,
57,
42955,
25697,
47649,
3299,
28,
30915,
385,
57,
42955,
25697,
47649,
3299,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
8021,
420,
3041,
80,
28,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
8021,
420,
3041,
80,
11,
374,
1347,
385,
57,
42955,
25697,
48163,
26093,
6030,
28,
30915,
385,
57,
42955,
25697,
48163,
26093,
6030,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
1532,
15732,
28,
30915,
385,
57,
42955,
25697,
2969,
1532,
15732,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
37031,
39,
2840,
28,
30915,
385,
57,
42955,
25697,
2969,
37031,
39,
2840,
11,
374,
1347,
385,
57,
42955,
25697,
8895,
33,
28,
30915,
385,
57,
42955,
25697,
8895,
33,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
11518,
1273,
64,
28,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
11518,
1273,
64,
11,
374,
1347,
385,
57,
42955,
25697,
53,
499,
30150,
28,
30915,
385,
57,
42955,
25697,
53,
499,
30150,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
13579,
14957,
28,
30915,
385,
57,
42955,
25697,
2969,
13579,
14957,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
19778,
9781,
563,
32184,
28,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
19778,
9781,
563,
32184,
11,
374,
1347,
385,
57,
42955,
25697,
1532,
30150,
28,
30915,
385,
57,
42955,
25697,
1532,
30150,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
7222,
1857,
17760,
28,
30915,
385,
57,
42955,
25697,
2969,
7222,
1857,
17760,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
46047,
15205,
291,
459,
28,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
46047,
15205,
291,
459,
11,
374,
1347,
385,
57,
42955,
25697,
48163,
30150,
28,
30915,
385,
57,
42955,
25697,
48163,
30150,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
1532,
7975,
15642,
1371,
28,
30915,
385,
57,
42955,
25697,
2969,
1532,
7975,
15642,
1371,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
26093,
6030,
28,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
26093,
6030,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
40226,
33986,
28,
30915,
385,
57,
42955,
25697,
2969,
40226,
33986,
11,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
12982,
28,
30915,
385,
57,
42955,
25697,
1273,
64,
12982,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
44948,
28,
30915,
385,
57,
42955,
25697,
2969,
44948,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
1532,
46787,
19580,
28,
30915,
385,
57,
42955,
25697,
2969,
1532,
46787,
19580,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
1532,
44,
28047,
28,
30915,
385,
57,
42955,
25697,
2969,
1532,
44,
28047,
11,
374,
1347,
385,
57,
42955,
25697,
53,
499,
4462,
50,
2389,
28,
30915,
385,
57,
42955,
25697,
53,
499,
4462,
50,
2389,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
1532,
7975,
12349,
1039,
28,
30915,
385,
57,
42955,
25697,
2969,
1532,
7975,
12349,
1039,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
14155,
28,
30915,
385,
57,
42955,
25697,
2969,
14155,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
37031,
8048,
13924,
34,
429,
4933,
2902,
28,
30915,
385,
57,
42955,
25697,
2969,
37031,
8048,
13924,
34,
429,
4933,
2902,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
25697,
29668,
51,
27481,
21841,
28,
30915,
385,
57,
42955,
25697,
2969,
25697,
29668,
51,
27481,
21841,
11,
374,
1347,
385,
57,
42955,
28182,
72,
562,
420,
4826,
11265,
28,
30915,
385,
57,
42955,
28182,
72,
562,
420,
4826,
11265,
11,
374,
1347,
385,
57,
42955,
25697,
3792,
42481,
28,
30915,
385,
57,
42955,
25697,
3792,
42481,
11,
374,
1347,
385,
57,
42955,
25697,
35349,
8035,
16,
28,
30915,
385,
57,
42955,
25697,
35349,
8035,
16,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
1157,
70,
15610,
540,
28,
30915,
385,
57,
42955,
25697,
2969,
1157,
70,
15610,
540,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
5956,
44948,
7575,
28,
30915,
385,
57,
42955,
25697,
2969,
5956,
44948,
7575,
11,
374,
1347,
385,
57,
42955,
25697,
49,
87,
40778,
32184,
28,
30915,
385,
57,
42955,
25697,
49,
87,
40778,
32184,
11,
374,
1347,
385,
57,
42955,
25697,
48163,
27195,
15109,
28,
30915,
385,
57,
42955,
25697,
48163,
27195,
15109,
11,
374,
1347,
385,
57,
42955,
28182,
72,
562,
420,
44,
2304,
28,
30915,
385,
57,
42955,
28182,
72,
562,
420,
44,
2304,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
26093,
15732,
28,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
26093,
15732,
11,
374,
1347,
385,
57,
42955,
25697,
49,
87,
47,
74,
912,
28,
30915,
385,
57,
42955,
25697,
49,
87,
47,
74,
912,
11,
374,
1347,
385,
57,
42955,
25697,
53,
499,
54,
9620,
46047,
45992,
28,
30915,
385,
57,
42955,
25697,
53,
499,
54,
9620,
46047,
45992,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
33111,
15546,
4267,
28,
30915,
385,
57,
42955,
25697,
2969,
33111,
15546,
4267,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
40226,
19580,
30150,
28,
30915,
385,
57,
42955,
25697,
2969,
40226,
19580,
30150,
11,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
9781,
1678,
28,
30915,
385,
57,
42955,
25697,
1273,
64,
9781,
1678,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
1273,
64,
46047,
45992,
28,
30915,
385,
57,
42955,
25697,
2969,
1273,
64,
46047,
45992,
11,
374,
1347,
385,
57,
42955,
25697,
49,
87,
6601,
19778,
2202,
43,
272,
28,
30915,
385,
57,
42955,
25697,
49,
87,
6601,
19778,
2202,
43,
272,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
25697,
29668,
49,
27481,
42176,
52,
2701,
28,
30915,
385,
57,
42955,
25697,
2969,
25697,
29668,
49,
27481,
42176,
52,
2701,
11,
374,
1347,
385,
57,
42955,
25697,
53,
499,
54,
9620,
46047,
47,
21841,
28,
30915,
385,
57,
42955,
25697,
53,
499,
54,
9620,
46047,
47,
21841,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
48997,
1273,
64,
49,
5432,
40,
28,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
48997,
1273,
64,
49,
5432,
40,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
46047,
9781,
1678,
28,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
46047,
9781,
1678,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
8021,
420,
19309,
28,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
8021,
420,
19309,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
8021,
420,
39044,
28,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
8021,
420,
39044,
11,
374,
1347,
385,
57,
42955,
25697,
32184,
19352,
1780,
4933,
28,
30915,
385,
57,
42955,
25697,
32184,
19352,
1780,
4933,
11,
374,
1347,
385,
57,
42955,
43,
8643,
403,
4954,
54,
25697,
28,
30915,
385,
57,
42955,
43,
8643,
403,
4954,
54,
25697,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
40226,
19580,
10962,
28,
30915,
385,
57,
42955,
25697,
2969,
40226,
19580,
10962,
11,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
2969,
14155,
4550,
81,
28,
30915,
385,
57,
42955,
25697,
1273,
64,
2969,
14155,
4550,
81,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
46047,
13434,
28,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
46047,
13434,
11,
374,
1347,
385,
57,
42955,
28182,
72,
562,
420,
35087,
28,
30915,
385,
57,
42955,
28182,
72,
562,
420,
35087,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
12360,
28,
30915,
385,
57,
42955,
25697,
2969,
12360,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
1532,
24564,
81,
28,
30915,
385,
57,
42955,
25697,
2969,
1532,
24564,
81,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
25697,
29668,
35442,
1496,
28,
30915,
385,
57,
42955,
25697,
2969,
25697,
29668,
35442,
1496,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
3856,
7807,
5990,
2101,
28,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
3856,
7807,
5990,
2101,
11,
374,
1347,
385,
57,
42955,
28182,
593,
26932,
19778,
28,
30915,
385,
57,
42955,
28182,
593,
26932,
19778,
11,
374,
1347,
385,
57,
42955,
25697,
53,
499,
54,
9620,
49,
87,
26932,
47,
21841,
28,
30915,
385,
57,
42955,
25697,
53,
499,
54,
9620,
49,
87,
26932,
47,
21841,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
3041,
562,
420,
3041,
80,
28,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
3041,
562,
420,
3041,
80,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
1532,
818,
45,
52,
2701,
47,
74,
912,
28,
30915,
385,
57,
42955,
25697,
2969,
1532,
818,
45,
52,
2701,
47,
74,
912,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
25697,
29668,
29551,
40778,
28,
30915,
385,
57,
42955,
25697,
2969,
25697,
29668,
29551,
40778,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
40226,
2725,
88,
19580,
28,
30915,
385,
57,
42955,
25697,
2969,
40226,
2725,
88,
19580,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
36037,
18274,
346,
28,
30915,
385,
57,
42955,
25697,
2969,
36037,
18274,
346,
11,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
12360,
28,
30915,
385,
57,
42955,
25697,
1273,
64,
12360,
11,
374,
1347,
385,
57,
42955,
25697,
8021,
420,
19309,
28,
30915,
385,
57,
42955,
25697,
8021,
420,
19309,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
19580,
28,
30915,
385,
57,
42955,
25697,
2969,
19580,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
2969,
14155,
4550,
81,
28,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
2969,
14155,
4550,
81,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
33111,
1273,
64,
28,
30915,
385,
57,
42955,
25697,
2969,
33111,
1273,
64,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
13434,
44,
70,
16762,
28,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
13434,
44,
70,
16762,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
1532,
22785,
28,
30915,
385,
57,
42955,
25697,
2969,
1532,
22785,
11,
374,
1347,
385,
57,
42955,
25697,
4933,
26932,
19778,
28,
30915,
385,
57,
42955,
25697,
4933,
26932,
19778,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
30150,
28,
30915,
385,
57,
42955,
25697,
2969,
30150,
11,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
5432,
2389,
28,
30915,
385,
57,
42955,
25697,
1273,
64,
5432,
2389,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
30515,
39044,
28,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
30515,
39044,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
46047,
45992,
28,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
46047,
45992,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
37031,
36695,
28,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
37031,
36695,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
1532,
18843,
19580,
28,
30915,
385,
57,
42955,
25697,
2969,
1532,
18843,
19580,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
1532,
7975,
45,
52,
2701,
47,
74,
912,
28,
30915,
385,
57,
42955,
25697,
2969,
1532,
7975,
45,
52,
2701,
47,
74,
912,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
40226,
13924,
7390,
28,
30915,
385,
57,
42955,
25697,
2969,
40226,
13924,
7390,
11,
374,
1347,
385,
57,
42955,
25697,
48163,
14155,
4550,
81,
28,
30915,
385,
57,
42955,
25697,
48163,
14155,
4550,
81,
11,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
29239,
28,
30915,
385,
57,
42955,
25697,
1273,
64,
29239,
11,
374,
1347,
385,
57,
42955,
28182,
593,
9781,
87,
19778,
28,
30915,
385,
57,
42955,
28182,
593,
9781,
87,
19778,
11,
374,
1347,
385,
57,
42955,
28182,
593,
14957,
19778,
28,
30915,
385,
57,
42955,
28182,
593,
14957,
19778,
11,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
14155,
4550,
81,
28,
30915,
385,
57,
42955,
25697,
1273,
64,
14155,
4550,
81,
11,
374,
1347,
385,
57,
42955,
25697,
4933,
14957,
19778,
28,
30915,
385,
57,
42955,
25697,
4933,
14957,
19778,
11,
374,
1347,
385,
57,
42955,
43,
8643,
87,
47,
74,
912,
28,
30915,
385,
57,
42955,
43,
8643,
87,
47,
74,
912,
11,
374,
1347,
385,
57,
42955,
25697,
48163,
6030,
28,
30915,
385,
57,
42955,
25697,
48163,
6030,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
1532,
7975,
52,
2701,
47,
74,
912,
28,
30915,
385,
57,
42955,
25697,
2969,
1532,
7975,
52,
2701,
47,
74,
912,
11,
374,
1347,
385,
57,
42955,
25697,
49,
87,
45992,
28,
30915,
385,
57,
42955,
25697,
49,
87,
45992,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
42974,
817,
10126,
28,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
42974,
817,
10126,
11,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
53,
9620,
2389,
28,
30915,
385,
57,
42955,
25697,
1273,
64,
53,
9620,
2389,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
5962,
18234,
7575,
28,
30915,
385,
57,
42955,
25697,
2969,
5962,
18234,
7575,
11,
374,
1347,
385,
57,
42955,
25697,
31300,
54,
9641,
28,
30915,
385,
57,
42955,
25697,
31300,
54,
9641,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
4061,
4550,
81,
28,
30915,
385,
57,
42955,
25697,
2969,
4061,
4550,
81,
11,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
49,
87,
12331,
28,
30915,
385,
57,
42955,
25697,
1273,
64,
49,
87,
12331,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
22628,
1014,
28,
30915,
385,
57,
42955,
25697,
2969,
22628,
1014,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
1532,
5376,
28,
30915,
385,
57,
42955,
25697,
2969,
1532,
5376,
11,
374,
1347,
385,
57,
42955,
25697,
48163,
5432,
2389,
28,
30915,
385,
57,
42955,
25697,
48163,
5432,
2389,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
33111,
53,
2969,
28,
30915,
385,
57,
42955,
25697,
2969,
33111,
53,
2969,
11,
374,
1347,
385,
57,
42955,
25697,
27195,
13168,
28,
30915,
385,
57,
42955,
25697,
27195,
13168,
11,
374,
1347,
385,
57,
42955,
25697,
53,
499,
5432,
2389,
28,
30915,
385,
57,
42955,
25697,
53,
499,
5432,
2389,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
32634,
15057,
28,
30915,
385,
57,
42955,
25697,
2969,
32634,
15057,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
8021,
420,
21306,
798,
28,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
8021,
420,
21306,
798,
11,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
26093,
6030,
28,
30915,
385,
57,
42955,
25697,
1273,
64,
26093,
6030,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
1532,
818,
15642,
1371,
28,
30915,
385,
57,
42955,
25697,
2969,
1532,
818,
15642,
1371,
11,
374,
1347,
385,
57,
42955,
28182,
593,
14957,
9139,
81,
19778,
28,
30915,
385,
57,
42955,
28182,
593,
14957,
9139,
81,
19778,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
40226,
9012,
19400,
28,
30915,
385,
57,
42955,
25697,
2969,
40226,
9012,
19400,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
30150,
28,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
30150,
11,
374,
1347,
385,
57,
42955,
25697,
30150,
28,
30915,
385,
57,
42955,
25697,
30150,
11,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
15571,
49,
28,
30915,
385,
57,
42955,
25697,
1273,
64,
15571,
49,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
18683,
562,
420,
15610,
4355,
28,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
18683,
562,
420,
15610,
4355,
11,
374,
1347,
385,
57,
42955,
25697,
8021,
420,
14957,
28,
30915,
385,
57,
42955,
25697,
8021,
420,
14957,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
28985,
18546,
28,
30915,
385,
57,
42955,
25697,
2969,
28985,
18546,
11,
374,
1347,
385,
57,
42955,
25697,
53,
499,
47,
2969,
4550,
81,
28,
30915,
385,
57,
42955,
25697,
53,
499,
47,
2969,
4550,
81,
11,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
48997,
49,
5432,
40,
28,
30915,
385,
57,
42955,
25697,
1273,
64,
48997,
49,
5432,
40,
11,
374,
1347,
385,
57,
42955,
25697,
30515,
14957,
28,
30915,
385,
57,
42955,
25697,
30515,
14957,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
46047,
39044,
28,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
46047,
39044,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
40226,
2725,
88,
1532,
22785,
28,
30915,
385,
57,
42955,
25697,
2969,
40226,
2725,
88,
1532,
22785,
11,
374,
1347,
385,
57,
42955,
25697,
48163,
12360,
28,
30915,
385,
57,
42955,
25697,
48163,
12360,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
14957,
8021,
420,
7575,
28,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
14957,
8021,
420,
7575,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
25697,
29668,
29551,
40778,
32184,
28,
30915,
385,
57,
42955,
25697,
2969,
25697,
29668,
29551,
40778,
32184,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
18683,
562,
420,
4826,
11265,
28,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
18683,
562,
420,
4826,
11265,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
5956,
36476,
7575,
28,
30915,
385,
57,
42955,
25697,
2969,
5956,
36476,
7575,
11,
374,
1347,
385,
57,
42955,
25697,
53,
499,
43,
272,
46047,
45992,
28,
30915,
385,
57,
42955,
25697,
53,
499,
43,
272,
46047,
45992,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
49,
87,
11712,
282,
6732,
76,
28,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
49,
87,
11712,
282,
6732,
76,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
14957,
11712,
282,
6732,
76,
28,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
14957,
11712,
282,
6732,
76,
11,
374,
1347,
385,
57,
42955,
25697,
53,
499,
54,
9620,
49,
87,
12331,
47,
21841,
28,
30915,
385,
57,
42955,
25697,
53,
499,
54,
9620,
49,
87,
12331,
47,
21841,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
1532,
43215,
20231,
28,
30915,
385,
57,
42955,
25697,
2969,
1532,
43215,
20231,
11,
374,
1347,
385,
57,
42955,
25697,
8021,
420,
21306,
798,
28,
30915,
385,
57,
42955,
25697,
8021,
420,
21306,
798,
11,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
8021,
420,
14967,
27823,
28,
30915,
385,
57,
42955,
25697,
1273,
64,
8021,
420,
14967,
27823,
11,
374,
1347,
385,
57,
42955,
25697,
30515,
19309,
28,
30915,
385,
57,
42955,
25697,
30515,
19309,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
25697,
29668,
49,
27481,
42,
15972,
2701,
28,
30915,
385,
57,
42955,
25697,
2969,
25697,
29668,
49,
27481,
42,
15972,
2701,
11,
374,
1347,
385,
57,
42955,
25697,
3041,
562,
420,
19309,
28,
30915,
385,
57,
42955,
25697,
3041,
562,
420,
19309,
11,
374,
1347,
385,
57,
42955,
25697,
53,
9620,
2389,
28,
30915,
385,
57,
42955,
25697,
53,
9620,
2389,
11,
374,
1347,
385,
57,
42955,
25697,
35349,
8035,
17,
28,
30915,
385,
57,
42955,
25697,
35349,
8035,
17,
11,
374,
1347,
385,
57,
42955,
25697,
30515,
39044,
28,
30915,
385,
57,
42955,
25697,
30515,
39044,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
29239,
28,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
29239,
11,
374,
1347,
385,
57,
42955,
43,
22846,
388,
53,
2969,
28,
30915,
385,
57,
42955,
43,
22846,
388,
53,
2969,
11,
374,
1347,
385,
57,
42955,
43,
8643,
87,
40778,
2202,
43,
272,
28,
30915,
385,
57,
42955,
43,
8643,
87,
40778,
2202,
43,
272,
11,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
4061,
4550,
81,
28,
30915,
385,
57,
42955,
25697,
1273,
64,
4061,
4550,
81,
11,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
46047,
47,
74,
912,
28,
30915,
385,
57,
42955,
25697,
1273,
64,
46047,
47,
74,
912,
11,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
9781,
563,
45992,
28,
30915,
385,
57,
42955,
25697,
1273,
64,
9781,
563,
45992,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
1532,
5376,
7469,
1389,
28,
30915,
385,
57,
42955,
25697,
2969,
1532,
5376,
7469,
1389,
11,
374,
1347,
385,
57,
42955,
25697,
48163,
49,
5432,
40,
28,
30915,
385,
57,
42955,
25697,
48163,
49,
5432,
40,
11,
374,
1347,
385,
57,
42955,
25697,
49,
87,
40778,
2202,
43,
272,
28,
30915,
385,
57,
42955,
25697,
49,
87,
40778,
2202,
43,
272,
11,
374,
1347,
385,
57,
42955,
43,
22846,
388,
1273,
64,
28,
30915,
385,
57,
42955,
43,
22846,
388,
1273,
64,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
26198,
18274,
346,
28,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
26198,
18274,
346,
11,
374,
1347,
385,
57,
42955,
25697,
53,
499,
54,
9620,
49,
87,
47,
21841,
28,
30915,
385,
57,
42955,
25697,
53,
499,
54,
9620,
49,
87,
47,
21841,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
9069,
20026,
7575,
28,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
9069,
20026,
7575,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
37031,
36695,
28,
30915,
385,
57,
42955,
25697,
2969,
37031,
36695,
11,
350,
56,
15571,
7378,
62,
33365,
24212,
62,
2389,
28,
30915,
385,
57,
42955,
25697,
8895,
33,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
8021,
420,
33244,
28,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
8021,
420,
33244,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
33111,
53,
2969,
28,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
33111,
53,
2969,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
25697,
29668,
49,
27481,
42,
22737,
2701,
28,
30915,
385,
57,
42955,
25697,
2969,
25697,
29668,
49,
27481,
42,
22737,
2701,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
46047,
11712,
282,
6732,
76,
28,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
46047,
11712,
282,
6732,
76,
11,
374,
1347,
385,
57,
42955,
25697,
5432,
2389,
28,
30915,
385,
57,
42955,
25697,
5432,
2389,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
24160,
10699,
28,
30915,
385,
57,
42955,
25697,
2969,
24160,
10699,
11,
374,
1347,
385,
57,
42955,
25697,
30515,
33244,
14957,
28,
30915,
385,
57,
42955,
25697,
30515,
33244,
14957,
11,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
46047,
33244,
28,
30915,
385,
57,
42955,
25697,
1273,
64,
46047,
33244,
11,
374,
1347,
385,
57,
42955,
25697,
53,
499,
54,
9620,
46047,
9139,
81,
47,
21841,
28,
30915,
385,
57,
42955,
25697,
53,
499,
54,
9620,
46047,
9139,
81,
47,
21841,
11,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
8021,
420,
7575,
28,
30915,
385,
57,
42955,
25697,
1273,
64,
8021,
420,
7575,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
14957,
12982,
28,
30915,
385,
57,
42955,
25697,
2969,
14957,
12982,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
25697,
29668,
51,
27481,
42,
22737,
2701,
28,
30915,
385,
57,
42955,
25697,
2969,
25697,
29668,
51,
27481,
42,
22737,
2701,
11,
374,
1347,
385,
57,
42955,
25697,
53,
499,
54,
9620,
49,
87,
45992,
28,
30915,
385,
57,
42955,
25697,
53,
499,
54,
9620,
49,
87,
45992,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
40226,
1532,
3672,
28,
30915,
385,
57,
42955,
25697,
2969,
40226,
1532,
3672,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
29800,
19076,
15457,
19580,
28,
30915,
385,
57,
42955,
25697,
2969,
29800,
19076,
15457,
19580,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
19778,
12331,
32184,
28,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
19778,
12331,
32184,
11,
374,
1347,
385,
57,
42955,
25697,
48163,
11712,
282,
45027,
28,
30915,
385,
57,
42955,
25697,
48163,
11712,
282,
45027,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
11828,
28,
30915,
385,
57,
42955,
25697,
2969,
11828,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
1532,
818,
52,
2701,
47,
74,
912,
28,
30915,
385,
57,
42955,
25697,
2969,
1532,
818,
52,
2701,
47,
74,
912,
11,
374,
1347,
385,
57,
42955,
43,
8643,
87,
40778,
32184,
28,
30915,
385,
57,
42955,
43,
8643,
87,
40778,
32184,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
30515,
33244,
28,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
30515,
33244,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
18683,
562,
420,
44,
2304,
28,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
18683,
562,
420,
44,
2304,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
25697,
29668,
49,
27481,
21841,
9139,
81,
28,
30915,
385,
57,
42955,
25697,
2969,
25697,
29668,
49,
27481,
21841,
9139,
81,
11,
374,
1347,
385,
57,
42955,
25697,
32184,
19352,
1780,
8048,
28,
30915,
385,
57,
42955,
25697,
32184,
19352,
1780,
8048,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
10962,
28,
30915,
385,
57,
42955,
25697,
2969,
10962,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
32048,
19076,
28,
30915,
385,
57,
42955,
25697,
2969,
32048,
19076,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
30515,
3041,
80,
28,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
30515,
3041,
80,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
31217,
53,
9620,
15610,
1799,
28,
30915,
385,
57,
42955,
25697,
2969,
31217,
53,
9620,
15610,
1799,
11,
374,
1347,
385,
57,
42955,
25697,
10267,
82,
28,
30915,
385,
57,
42955,
25697,
10267,
82,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
49,
87,
45992,
28,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
49,
87,
45992,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
25697,
29668,
49,
55,
40778,
32184,
28,
30915,
385,
57,
42955,
25697,
2969,
25697,
29668,
49,
55,
40778,
32184,
11,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
46047,
45992,
28,
30915,
385,
57,
42955,
25697,
1273,
64,
46047,
45992,
11,
374,
1347,
385,
57,
42955,
25697,
4933,
9781,
87,
19778,
28,
30915,
385,
57,
42955,
25697,
4933,
9781,
87,
19778,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
24160,
7355,
603,
28,
30915,
385,
57,
42955,
25697,
2969,
24160,
7355,
603,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
37031,
6030,
28,
30915,
385,
57,
42955,
25697,
2969,
37031,
6030,
11,
374,
1347,
385,
57,
42955,
25697,
53,
499,
43,
272,
49,
87,
45992,
28,
30915,
385,
57,
42955,
25697,
53,
499,
43,
272,
49,
87,
45992,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
1532,
818,
12349,
1039,
28,
30915,
385,
57,
42955,
25697,
2969,
1532,
818,
12349,
1039,
11,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
30515,
19076,
28,
30915,
385,
57,
42955,
25697,
1273,
64,
30515,
19076,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
14155,
20231,
28,
30915,
385,
57,
42955,
25697,
2969,
14155,
20231,
11,
374,
1347,
385,
57,
42955,
25697,
53,
499,
54,
9620,
49,
87,
3118,
291,
459,
47,
21841,
28,
30915,
385,
57,
42955,
25697,
53,
499,
54,
9620,
49,
87,
3118,
291,
459,
47,
21841,
11,
374,
1347,
385,
57,
42955,
25697,
1273,
64,
46047,
26932,
28,
30915,
385,
57,
42955,
25697,
1273,
64,
46047,
26932,
11,
374,
1347,
385,
57,
42955,
25697,
53,
499,
54,
9620,
46047,
26932,
47,
21841,
28,
30915,
385,
57,
42955,
25697,
53,
499,
54,
9620,
46047,
26932,
47,
21841,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
17887,
9641,
28,
30915,
385,
57,
42955,
25697,
2969,
17887,
9641,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
33111,
30417,
947,
28,
30915,
385,
57,
42955,
25697,
2969,
33111,
30417,
947,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
1532,
818,
9139,
5965,
28,
30915,
385,
57,
42955,
25697,
2969,
1532,
818,
9139,
5965,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
49,
4694,
817,
10126,
28,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
49,
4694,
817,
10126,
11,
374,
1347,
385,
57,
42955,
25697,
48163,
29239,
28,
30915,
385,
57,
42955,
25697,
48163,
29239,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
26093,
29668,
3041,
562,
420,
19309,
28,
30915,
385,
57,
42955,
25697,
2969,
26093,
29668,
3041,
562,
420,
19309,
11,
374,
1347,
385,
57,
42955,
25697,
12360,
28,
30915,
385,
57,
42955,
25697,
12360,
11,
374,
1347,
385,
57,
42955,
43,
8643,
540,
28,
30915,
385,
57,
42955,
43,
8643,
540,
11,
374,
1347,
385,
57,
42955,
25697,
8021,
420,
33244,
28,
30915,
385,
57,
42955,
25697,
8021,
420,
33244,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
40226,
2725,
88,
11280,
19580,
28,
30915,
385,
57,
42955,
25697,
2969,
40226,
2725,
88,
11280,
19580,
11,
374,
1347,
385,
57,
42955,
25697,
48163,
10962,
28,
30915,
385,
57,
42955,
25697,
48163,
10962,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
1532,
7975,
9139,
5965,
28,
30915,
385,
57,
42955,
25697,
2969,
1532,
7975,
9139,
5965,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
25697,
29668,
49,
27481,
42,
4694,
18863,
28,
30915,
385,
57,
42955,
25697,
2969,
25697,
29668,
49,
27481,
42,
4694,
18863,
11,
374,
1347,
385,
57,
42955,
25697,
53,
499,
10962,
28,
30915,
385,
57,
42955,
25697,
53,
499,
10962,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
1532,
6030,
28,
30915,
385,
57,
42955,
25697,
2969,
1532,
6030,
11,
374,
1347,
385,
57,
42955,
25697,
3041,
562,
420,
3041,
80,
28,
30915,
385,
57,
42955,
25697,
3041,
562,
420,
3041,
80,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
13579,
18274,
346,
28,
30915,
385,
57,
42955,
25697,
2969,
13579,
18274,
346,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
1532,
818,
20035,
19703,
418,
28,
30915,
385,
57,
42955,
25697,
2969,
1532,
818,
20035,
19703,
418,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
46047,
19778,
12331,
28,
30915,
385,
57,
42955,
25697,
2969,
46047,
19778,
12331,
11,
374,
1347,
385,
57,
42955,
25697,
53,
499,
54,
9620,
46047,
3118,
291,
459,
47,
21841,
28,
30915,
385,
57,
42955,
25697,
53,
499,
54,
9620,
46047,
3118,
291,
459,
47,
21841,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
25697,
29668,
51,
27481,
42176,
52,
2701,
28,
30915,
385,
57,
42955,
25697,
2969,
25697,
29668,
51,
27481,
42176,
52,
2701,
11,
374,
1347,
385,
57,
42955,
25697,
2969,
25697,
29668,
51,
27481,
42,
15972,
2701,
28,
30915,
385,
57,
42955,
25697,
2969,
25697,
29668,
51,
27481,
42,
15972,
2701,
8,
198,
76,
571,
32875,
13,
39344,
13940,
2022,
10220,
7203,
49,
16696,
2937,
12,
57,
35,
12,
54,
25697,
12,
8895,
33,
1600,
1267,
198
] | 2.554804 | 37,999 |
""" General database functions.
Should work with DB API 2.0 cursors, tested with psycopg2.
https://www.python.org/dev/peps/pep-0249/
"""
def as_dicts(cursor):
""" Return a list of dictionaries from a result-set.
"""
fields = [k[0] for k in cursor.description]
result = []
rows = cursor.fetchall()
for row in rows:
result.append(dict(zip(fields, row)))
return(result)
def dict_iter(cursor):
""" A generator of result-set dictionaries.
Use this function when the result-set don't fit into memory.
"""
fields = [k[0] for k in cursor.description]
row = cursor.fetchone()
while row:
yield dict(zip(fields, row))
row = cursor.fetchone()
def insert_record(cursor, table, record):
""" Insert a given record into the table specified.
cursor.commit() should be preformed outside this function.
"""
fields = ', '.join(record.keys())
values = ', '.join(['%%(%s)s' % field for field in record.keys()])
sql = "INSERT into %s (%s) VALUES (%s);" % (table, fields, values)
cursor.execute(sql, record)
| [
37811,
3611,
6831,
5499,
13,
628,
220,
220,
220,
10358,
670,
351,
20137,
7824,
362,
13,
15,
13882,
669,
11,
6789,
351,
17331,
22163,
70,
17,
13,
198,
220,
220,
220,
3740,
1378,
2503,
13,
29412,
13,
2398,
14,
7959,
14,
431,
862,
14,
431,
79,
12,
15,
21626,
14,
198,
37811,
628,
198,
4299,
355,
62,
11600,
82,
7,
66,
21471,
2599,
198,
220,
220,
220,
37227,
8229,
257,
1351,
286,
48589,
3166,
422,
257,
1255,
12,
2617,
13,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
7032,
796,
685,
74,
58,
15,
60,
329,
479,
287,
23493,
13,
11213,
60,
198,
220,
220,
220,
1255,
796,
17635,
198,
220,
220,
220,
15274,
796,
23493,
13,
69,
7569,
439,
3419,
198,
220,
220,
220,
329,
5752,
287,
15274,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1255,
13,
33295,
7,
11600,
7,
13344,
7,
25747,
11,
5752,
22305,
628,
220,
220,
220,
1441,
7,
20274,
8,
628,
198,
4299,
8633,
62,
2676,
7,
66,
21471,
2599,
198,
220,
220,
220,
37227,
317,
17301,
286,
1255,
12,
2617,
48589,
3166,
13,
628,
220,
220,
220,
220,
220,
220,
220,
5765,
428,
2163,
618,
262,
1255,
12,
2617,
836,
470,
4197,
656,
4088,
13,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
7032,
796,
685,
74,
58,
15,
60,
329,
479,
287,
23493,
13,
11213,
60,
198,
220,
220,
220,
5752,
796,
23493,
13,
69,
7569,
505,
3419,
198,
220,
220,
220,
981,
5752,
25,
198,
220,
220,
220,
220,
220,
220,
220,
7800,
8633,
7,
13344,
7,
25747,
11,
5752,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
5752,
796,
23493,
13,
69,
7569,
505,
3419,
628,
198,
4299,
7550,
62,
22105,
7,
66,
21471,
11,
3084,
11,
1700,
2599,
198,
220,
220,
220,
37227,
35835,
257,
1813,
1700,
656,
262,
3084,
7368,
13,
628,
220,
220,
220,
220,
220,
220,
220,
23493,
13,
41509,
3419,
815,
307,
662,
12214,
2354,
428,
2163,
13,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
7032,
796,
46083,
45302,
22179,
7,
22105,
13,
13083,
28955,
198,
220,
220,
220,
3815,
796,
46083,
45302,
22179,
7,
17816,
16626,
7,
4,
82,
8,
82,
6,
4064,
2214,
329,
2214,
287,
1700,
13,
13083,
3419,
12962,
198,
220,
220,
220,
44161,
796,
366,
20913,
17395,
656,
4064,
82,
37633,
82,
8,
26173,
35409,
37633,
82,
1776,
1,
4064,
357,
11487,
11,
7032,
11,
3815,
8,
628,
220,
220,
220,
23493,
13,
41049,
7,
25410,
11,
1700,
8,
198
] | 2.673861 | 417 |
#!/usr/bin/env python
"""
CGNX API -> list sites, example proof of concept.
**Author:** CloudGenix
**Copyright:** (c) 2017-2021 CloudGenix, Inc
**License:** MIT
"""
__author__ = "CloudGenix Developer Support <[email protected]>"
__email__ = "[email protected]"
__copyright__ = "Copyright (c) 2017-2021 CloudGenix, Inc"
__license__ = """
MIT License
Copyright (c) 2017-2021 CloudGenix, Inc
Permission is hereby granted, free of charge, to any person obtaining a copy
of this software and associated documentation files (the "Software"), to deal
in the Software without restriction, including without limitation the rights
to use, copy, modify, merge, publish, distribute, sublicense, and/or sell
copies of the Software, and to permit persons to whom the Software is
furnished to do so, subject to the following conditions:
The above copyright notice and this permission notice shall be included in all
copies or substantial portions of the Software.
THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR
IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,
FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE
AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER
LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,
OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE
SOFTWARE.
"""
# standard modules
import argparse
import logging
# CloudGenix Python SDK
import cloudgenix
# alias JSON pretty printer (jd), and JSON Detailed pretty printer (jd_detailed) from cloudgenix SDK.
jd = cloudgenix.jd
jd_detailed = cloudgenix.jd_detailed
# Global Vars
SDK_VERSION = cloudgenix.version
SCRIPT_NAME = 'CloudGenix Python SDK demo'
# Set logging to use function name
logger = logging.getLogger(__name__)
############################################################################
# Begin Script, parse arguments.
############################################################################
# Parse arguments
parser = argparse.ArgumentParser(description="{0}.".format(SCRIPT_NAME))
# Allow Controller modification and debug level sets.
controller_group = parser.add_argument_group('API', 'These options change how this program connects to the API.')
controller_group.add_argument("--controller", "-C",
help="Controller URI, ex. https://api.cloudgenix.com:8443",
default=None)
controller_group.add_argument("--insecure", "-I", help="Disable SSL certificate and hostname verification",
dest='verify', action='store_false', default=True)
login_group = parser.add_argument_group('Login', 'These options allow skipping of interactive login')
login_group.add_argument("--email", "-E", help="Use this email as User Name instead of prompting",
default=None)
login_group.add_argument("--pass", "-PW", help="Use this Password instead of prompting",
default=None)
debug_group = parser.add_argument_group('Debug', 'These options enable debugging output')
debug_group.add_argument("--debug", "-D", help="Verbose Debug info, levels 0-2", type=int,
default=0)
args = vars(parser.parse_args())
if args['debug'] == 1:
logging.basicConfig(level=logging.INFO,
format="%(levelname)s [%(name)s.%(funcName)s:%(lineno)d] %(message)s")
logger.setLevel(logging.INFO)
elif args['debug'] >= 2:
logging.basicConfig(level=logging.DEBUG,
format="%(levelname)s [%(name)s.%(funcName)s:%(lineno)d] %(message)s")
logger.setLevel(logging.DEBUG)
else:
# Remove all handlers
for handler in logging.root.handlers[:]:
logging.root.removeHandler(handler)
# set logging level to default
logger.setLevel(logging.WARNING)
############################################################################
# Instantiate API
############################################################################
sdk = cloudgenix.API(controller=args["controller"], ssl_verify=args["verify"])
# set debug
sdk.set_debug(args["debug"])
############################################################################
# Draw Interactive login banner, run interactive login including args above.
############################################################################
print("{0} v{1} ({2})\n".format(SCRIPT_NAME, SDK_VERSION, sdk.controller))
# interactive or cmd-line specified initial login
while sdk.tenant_name is None:
sdk.interactive.login(args["email"], args["pass"])
############################################################################
# End Login handling, begin script..
############################################################################
# Get list of sites.
response = sdk.get.sites()
# status is a boolean based on success/failure. If success, print raw dictionary
if response.cgx_status:
# Can Print as formatted JSON using json module using commented code below.
# raw_sites_dict = response.cgx_content
# print(json.dumps(raw_sites_dict, indent=4))
# But CloudGenix has a built-in pretty printer, can just use that on native response as a shortcut.
# Output is the same as code above.
jd(response)
# else, let user know something didn't work.
else:
print("ERROR: ")
# the jd_detailed builtin pretty-printer will dump all request/response info, and also attempt to hide sensitive
# cookies/headers (AUTH_TOKEN, X-Auth-Token, etc.) to be safe for log messages/etc.
jd_detailed(response)
# end of script, run logout to clear session.
print(sdk.get.logout().cgx_content)
| [
2,
48443,
14629,
14,
8800,
14,
24330,
21015,
198,
37811,
198,
34,
16630,
55,
7824,
4613,
1351,
5043,
11,
1672,
6617,
286,
3721,
13,
198,
198,
1174,
13838,
25,
1174,
10130,
13746,
844,
198,
198,
1174,
15269,
25,
1174,
357,
66,
8,
2177,
12,
1238,
2481,
10130,
13746,
844,
11,
3457,
198,
198,
1174,
34156,
25,
1174,
17168,
198,
37811,
198,
834,
9800,
834,
796,
366,
18839,
13746,
844,
23836,
7929,
1279,
16244,
364,
31,
17721,
5235,
844,
13,
785,
24618,
198,
834,
12888,
834,
796,
366,
16244,
364,
31,
17721,
5235,
844,
13,
785,
1,
198,
834,
22163,
4766,
834,
796,
366,
15269,
357,
66,
8,
2177,
12,
1238,
2481,
10130,
13746,
844,
11,
3457,
1,
198,
834,
43085,
834,
796,
37227,
198,
220,
220,
220,
17168,
13789,
628,
220,
220,
220,
15069,
357,
66,
8,
2177,
12,
1238,
2481,
10130,
13746,
844,
11,
3457,
628,
220,
220,
220,
2448,
3411,
318,
29376,
7520,
11,
1479,
286,
3877,
11,
284,
597,
1048,
16727,
257,
4866,
198,
220,
220,
220,
286,
428,
3788,
290,
3917,
10314,
3696,
357,
1169,
366,
25423,
12340,
284,
1730,
198,
220,
220,
220,
287,
262,
10442,
1231,
17504,
11,
1390,
1231,
17385,
262,
2489,
198,
220,
220,
220,
284,
779,
11,
4866,
11,
13096,
11,
20121,
11,
7715,
11,
14983,
11,
850,
43085,
11,
290,
14,
273,
3677,
198,
220,
220,
220,
9088,
286,
262,
10442,
11,
290,
284,
8749,
6506,
284,
4150,
262,
10442,
318,
198,
220,
220,
220,
30760,
284,
466,
523,
11,
2426,
284,
262,
1708,
3403,
25,
628,
220,
220,
220,
383,
2029,
6634,
4003,
290,
428,
7170,
4003,
2236,
307,
3017,
287,
477,
198,
220,
220,
220,
9088,
393,
8904,
16690,
286,
262,
10442,
13,
628,
220,
220,
220,
3336,
47466,
3180,
36592,
2389,
1961,
366,
1921,
3180,
1600,
42881,
34764,
56,
3963,
15529,
509,
12115,
11,
7788,
32761,
6375,
198,
220,
220,
220,
8959,
49094,
11,
47783,
2751,
21728,
5626,
40880,
5390,
3336,
34764,
11015,
3963,
34482,
3398,
1565,
5603,
25382,
11,
198,
220,
220,
220,
376,
46144,
7473,
317,
16652,
2149,
37232,
33079,
48933,
5357,
44521,
1268,
10913,
2751,
12529,
13,
3268,
8005,
49261,
50163,
3336,
198,
220,
220,
220,
37195,
20673,
6375,
27975,
38162,
9947,
367,
15173,
4877,
9348,
43031,
19146,
7473,
15529,
47666,
3955,
11,
29506,
25552,
6375,
25401,
198,
220,
220,
220,
43031,
25382,
11,
7655,
2767,
16879,
3268,
3537,
40282,
3963,
27342,
10659,
11,
309,
9863,
6375,
25401,
54,
24352,
11,
5923,
1797,
2751,
16034,
11,
198,
220,
220,
220,
16289,
3963,
6375,
3268,
7102,
45,
24565,
13315,
3336,
47466,
6375,
3336,
23210,
6375,
25401,
5550,
1847,
20754,
3268,
3336,
198,
220,
220,
220,
47466,
13,
198,
37811,
198,
2,
3210,
13103,
198,
11748,
1822,
29572,
198,
11748,
18931,
198,
198,
2,
10130,
13746,
844,
11361,
26144,
198,
11748,
6279,
5235,
844,
198,
198,
2,
16144,
19449,
2495,
20632,
357,
73,
67,
828,
290,
19449,
4614,
6255,
2495,
20632,
357,
73,
67,
62,
15255,
6255,
8,
422,
6279,
5235,
844,
26144,
13,
198,
73,
67,
796,
6279,
5235,
844,
13,
73,
67,
198,
73,
67,
62,
15255,
6255,
796,
6279,
5235,
844,
13,
73,
67,
62,
15255,
6255,
628,
198,
2,
8060,
569,
945,
198,
10305,
42,
62,
43717,
796,
6279,
5235,
844,
13,
9641,
198,
6173,
46023,
62,
20608,
796,
705,
18839,
13746,
844,
11361,
26144,
13605,
6,
198,
198,
2,
5345,
18931,
284,
779,
2163,
1438,
198,
6404,
1362,
796,
18931,
13,
1136,
11187,
1362,
7,
834,
3672,
834,
8,
628,
198,
29113,
29113,
7804,
4242,
198,
2,
16623,
12327,
11,
21136,
7159,
13,
198,
29113,
29113,
7804,
4242,
198,
198,
2,
2547,
325,
7159,
198,
48610,
796,
1822,
29572,
13,
28100,
1713,
46677,
7,
11213,
2625,
90,
15,
92,
526,
13,
18982,
7,
6173,
46023,
62,
20608,
4008,
198,
198,
2,
22507,
22741,
17613,
290,
14257,
1241,
5621,
13,
198,
36500,
62,
8094,
796,
30751,
13,
2860,
62,
49140,
62,
8094,
10786,
17614,
3256,
705,
4711,
3689,
1487,
703,
428,
1430,
20417,
284,
262,
7824,
2637,
8,
198,
36500,
62,
8094,
13,
2860,
62,
49140,
7203,
438,
36500,
1600,
27444,
34,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1037,
2625,
22130,
43975,
11,
409,
13,
3740,
1378,
15042,
13,
17721,
5235,
844,
13,
785,
25,
23,
34938,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4277,
28,
14202,
8,
198,
198,
36500,
62,
8094,
13,
2860,
62,
49140,
7203,
438,
259,
22390,
1600,
27444,
40,
1600,
1037,
2625,
48893,
25952,
10703,
290,
2583,
3672,
19637,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2244,
11639,
332,
1958,
3256,
2223,
11639,
8095,
62,
9562,
3256,
4277,
28,
17821,
8,
198,
198,
38235,
62,
8094,
796,
30751,
13,
2860,
62,
49140,
62,
8094,
10786,
47790,
3256,
705,
4711,
3689,
1249,
31017,
286,
14333,
17594,
11537,
198,
38235,
62,
8094,
13,
2860,
62,
49140,
7203,
438,
12888,
1600,
27444,
36,
1600,
1037,
2625,
11041,
428,
3053,
355,
11787,
6530,
2427,
286,
21550,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4277,
28,
14202,
8,
198,
38235,
62,
8094,
13,
2860,
62,
49140,
7203,
438,
6603,
1600,
27444,
47,
54,
1600,
1037,
2625,
11041,
428,
30275,
2427,
286,
21550,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4277,
28,
14202,
8,
198,
198,
24442,
62,
8094,
796,
30751,
13,
2860,
62,
49140,
62,
8094,
10786,
27509,
3256,
705,
4711,
3689,
7139,
28769,
5072,
11537,
198,
24442,
62,
8094,
13,
2860,
62,
49140,
7203,
438,
24442,
1600,
27444,
35,
1600,
1037,
2625,
13414,
65,
577,
31687,
7508,
11,
2974,
657,
12,
17,
1600,
2099,
28,
600,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4277,
28,
15,
8,
198,
198,
22046,
796,
410,
945,
7,
48610,
13,
29572,
62,
22046,
28955,
198,
198,
361,
26498,
17816,
24442,
20520,
6624,
352,
25,
198,
220,
220,
220,
18931,
13,
35487,
16934,
7,
5715,
28,
6404,
2667,
13,
10778,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5794,
2625,
4,
7,
5715,
3672,
8,
82,
685,
4,
7,
3672,
8,
82,
13,
4,
7,
20786,
5376,
8,
82,
25,
4,
7,
2815,
23397,
8,
67,
60,
4064,
7,
20500,
8,
82,
4943,
198,
220,
220,
220,
49706,
13,
2617,
4971,
7,
6404,
2667,
13,
10778,
8,
198,
417,
361,
26498,
17816,
24442,
20520,
18189,
362,
25,
198,
220,
220,
220,
18931,
13,
35487,
16934,
7,
5715,
28,
6404,
2667,
13,
30531,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5794,
2625,
4,
7,
5715,
3672,
8,
82,
685,
4,
7,
3672,
8,
82,
13,
4,
7,
20786,
5376,
8,
82,
25,
4,
7,
2815,
23397,
8,
67,
60,
4064,
7,
20500,
8,
82,
4943,
198,
220,
220,
220,
49706,
13,
2617,
4971,
7,
6404,
2667,
13,
30531,
8,
198,
17772,
25,
198,
220,
220,
220,
1303,
17220,
477,
32847,
198,
220,
220,
220,
329,
21360,
287,
18931,
13,
15763,
13,
4993,
8116,
58,
25,
5974,
198,
220,
220,
220,
220,
220,
220,
220,
18931,
13,
15763,
13,
28956,
25060,
7,
30281,
8,
198,
220,
220,
220,
1303,
900,
18931,
1241,
284,
4277,
198,
220,
220,
220,
49706,
13,
2617,
4971,
7,
6404,
2667,
13,
31502,
8,
198,
198,
29113,
29113,
7804,
4242,
198,
2,
24470,
9386,
7824,
198,
29113,
29113,
7804,
4242,
628,
198,
21282,
74,
796,
6279,
5235,
844,
13,
17614,
7,
36500,
28,
22046,
14692,
36500,
33116,
264,
6649,
62,
332,
1958,
28,
22046,
14692,
332,
1958,
8973,
8,
198,
198,
2,
900,
14257,
198,
21282,
74,
13,
2617,
62,
24442,
7,
22046,
14692,
24442,
8973,
8,
628,
198,
29113,
29113,
7804,
4242,
198,
2,
15315,
21365,
17594,
17625,
11,
1057,
14333,
17594,
1390,
26498,
2029,
13,
198,
29113,
29113,
7804,
4242,
198,
198,
4798,
7203,
90,
15,
92,
410,
90,
16,
92,
37913,
17,
92,
19415,
77,
1911,
18982,
7,
6173,
46023,
62,
20608,
11,
26144,
62,
43717,
11,
264,
34388,
13,
36500,
4008,
198,
198,
2,
14333,
393,
23991,
12,
1370,
7368,
4238,
17594,
198,
198,
4514,
264,
34388,
13,
1452,
415,
62,
3672,
318,
6045,
25,
198,
220,
220,
220,
264,
34388,
13,
3849,
5275,
13,
38235,
7,
22046,
14692,
12888,
33116,
26498,
14692,
6603,
8973,
8,
628,
198,
29113,
29113,
7804,
4242,
198,
2,
5268,
23093,
9041,
11,
2221,
4226,
492,
198,
29113,
29113,
7804,
4242,
198,
198,
2,
3497,
1351,
286,
5043,
13,
198,
26209,
796,
264,
34388,
13,
1136,
13,
49315,
3419,
198,
198,
2,
3722,
318,
257,
25131,
1912,
319,
1943,
14,
32165,
495,
13,
1002,
1943,
11,
3601,
8246,
22155,
198,
361,
2882,
13,
66,
70,
87,
62,
13376,
25,
198,
220,
220,
220,
1303,
1680,
12578,
355,
39559,
19449,
1262,
33918,
8265,
1262,
16476,
2438,
2174,
13,
198,
220,
220,
220,
1303,
8246,
62,
49315,
62,
11600,
796,
2882,
13,
66,
70,
87,
62,
11299,
198,
220,
220,
220,
1303,
3601,
7,
17752,
13,
67,
8142,
7,
1831,
62,
49315,
62,
11600,
11,
33793,
28,
19,
4008,
198,
220,
220,
220,
1303,
887,
10130,
13746,
844,
468,
257,
3170,
12,
259,
2495,
20632,
11,
460,
655,
779,
326,
319,
6868,
2882,
355,
257,
29401,
13,
198,
220,
220,
220,
1303,
25235,
318,
262,
976,
355,
2438,
2029,
13,
198,
220,
220,
220,
474,
67,
7,
26209,
8,
198,
198,
2,
2073,
11,
1309,
2836,
760,
1223,
1422,
470,
670,
13,
198,
17772,
25,
198,
220,
220,
220,
3601,
7203,
24908,
25,
366,
8,
198,
220,
220,
220,
1303,
262,
474,
67,
62,
15255,
6255,
3170,
259,
2495,
12,
1050,
3849,
481,
10285,
477,
2581,
14,
26209,
7508,
11,
290,
635,
2230,
284,
7808,
8564,
198,
220,
220,
220,
1303,
14746,
14,
50145,
357,
32,
24318,
62,
10468,
43959,
11,
1395,
12,
30515,
12,
30642,
11,
3503,
2014,
284,
307,
3338,
329,
2604,
6218,
14,
14784,
13,
198,
220,
220,
220,
474,
67,
62,
15255,
6255,
7,
26209,
8,
198,
198,
2,
886,
286,
4226,
11,
1057,
2604,
448,
284,
1598,
6246,
13,
198,
4798,
7,
21282,
74,
13,
1136,
13,
6404,
448,
22446,
66,
70,
87,
62,
11299,
8,
198
] | 3.18895 | 1,810 |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.