max_stars_repo_path
stringlengths 3
269
| max_stars_repo_name
stringlengths 4
119
| max_stars_count
int64 0
191k
| id
stringlengths 1
7
| content
stringlengths 6
1.05M
| score
float64 0.23
5.13
| int_score
int64 0
5
|
---|---|---|---|---|---|---|
kats/tests/models/test_harmonic_regression.py | ottertune/ottertune-kats | 0 | 12787551 | # Copyright (c) Facebook, Inc. and its affiliates.
# This source code is licensed under the MIT license found in the
# LICENSE file in the root directory of this source tree.
import os
import unittest
from unittest import TestCase
import pkgutil
import io
import numpy as np
import pandas as pd
from kats.consts import TimeSeriesData
from kats.models.harmonic_regression import (
HarmonicRegressionModel,
HarmonicRegressionParams,
)
def load_data(file_name):
ROOT = "kats"
if "kats" in os.getcwd().lower():
path = "data/"
else:
path = "kats/data/"
data_object = pkgutil.get_data(ROOT, path + file_name)
return pd.read_csv(io.BytesIO(data_object), encoding="utf8")
class testHarmonicRegression(TestCase):
def setUp(self):
times = pd.to_datetime(
np.arange(start=1576195200, stop=1577836801, step=60 * 60), unit="s"
)
self.series_times = pd.Series(times)
harms = HarmonicRegressionModel.fourier_series(self.series_times, 24, 3)
self.harms_sum = np.sum([1, 1, 1, 1, 1, 1] * harms, axis=1)
self.data = TimeSeriesData(
pd.DataFrame({"time": self.series_times, "values": self.harms_sum})
)
self.params = HarmonicRegressionParams(24, 3)
def test_fit_and_predict(self) -> None:
hrm = HarmonicRegressionModel(self.data, self.params)
hrm.fit()
self.assertIsNotNone(hrm.params)
# pyre-fixme[16]: `HarmonicRegressionModel` has no attribute `harms`.
self.assertIsNotNone(hrm.harms)
# pyre-fixme[6]: Expected `Series` for 1st param but got
# `Union[pd.core.frame.DataFrame, pd.core.series.Series]`.
preds = hrm.predict(self.series_times.head(1))
self.assertAlmostEqual(preds["fcst"][0], self.harms_sum[0], delta=0.0001)
if __name__ == "__main__":
unittest.main()
| 2.546875 | 3 |
erdospy/test/__init__.py | NiMlr/erdospy | 0 | 12787552 | <gh_stars>0
from .tests import testall
| 1.015625 | 1 |
src/mlspace/scripts/__init__.py | abhishekkrthakur/mlspace | 283 | 12787553 | from .base import script as base_script
from .install_docker import script as install_docker
from .install_nvidia_docker import script as install_nvidia_docker
from .install_nvidia_drivers import script as install_nvidia_drivers
| 1.007813 | 1 |
scripts/optimize_latent/optimize_cifar10.py | bg459/gan-ensembling-loader | 86 | 12787554 | import argparse
import torch
import numpy as np
import os
import data
from networks import domain_generator, domain_classifier
from utils import util
def optimize(opt):
dataset_name = 'cifar10'
generator_name = 'stylegan2-cc' # class conditional stylegan
transform = data.get_transform(dataset_name, 'imval')
dset = data.get_dataset(dataset_name, opt.partition,
load_w=False, transform=transform)
total = len(dset)
if opt.indices is None:
start_idx = 0
end_idx = total
else:
start_idx = opt.indices[0]
end_idx = opt.indices[1]
generator = domain_generator.define_generator(
generator_name, dataset_name, load_encoder=False)
util.set_requires_grad(False, generator.generator)
resnet = domain_classifier.define_classifier(dataset_name,
'imageclassifier')
### iterate ###
for i in range(start_idx, end_idx):
img, label = dset[i]
print("Running img %d/%d" % (i, len(dset)))
filename = os.path.join(opt.w_path, '%s_%06d.npy' %
(opt.partition, i))
if os.path.isfile(filename):
print(filename + ' found... skipping')
continue
img = img[None].cuda()
with torch.no_grad():
pred_logit = resnet(img)
_, pred_label = pred_logit.max(1)
pred_label = pred_label.item()
print("True label %d prd label %d" % (label, pred_label))
ckpt, loss = generator.optimize(img, pred_label)
current_z = ckpt['current_z'].detach().cpu().numpy()
np.save(filename, current_z)
if __name__ == '__main__':
parser = argparse.ArgumentParser()
parser.add_argument('--partition', type=str, required=True,
help='specify train, val, or test partition')
parser.add_argument('--w_path', type=str, required=True,
help='directory to save the optimized latents')
parser.add_argument('--indices', type=int, nargs=2,
help='optimize latents for specific image range')
opt = parser.parse_args()
print(opt)
os.makedirs(opt.w_path, exist_ok=True)
optimize(opt)
| 2.296875 | 2 |
ramda/zip_with_test.py | Rafi993/pyramda | 56 | 12787555 | from .zip_with import zip_with
from ramda.private.asserts import assert_iterables_equal
def add(a, b):
return a + b
def uniq_nocurry_test():
assert_iterables_equal(zip_with(add, [1, 1, 1], [1, 2, 3]), [2, 3, 4])
def take_curry_test():
assert_iterables_equal(zip_with(add)([1, 1, 1], [1, 2, 3]), [2, 3, 4])
| 2.578125 | 3 |
regMRAToMRI.py | KitwareMedical/TubeTK-pypbm | 6 | 12787556 | <filename>regMRAToMRI.py
"""regMRAToMRI.py
"""
__license__ = "Apache License, Version 2.0"
__author__ = "<NAME>, Kitware Inc., 2013"
__email__ = "E-Mail: <EMAIL>"
__status__ = "Development"
import os
import sys
import subprocess
from optparse import OptionParser
from core import regtools
import pickle
def usage():
"""Print usage information"""
print("""
Run a RIGID registration between MRA and MRI images (in a
pairwise manner).
USAGE:
{0} [OPTIONS]
{0} -h
OPTIONS (Overview):
-l FILE0 FILE1
-d FILE0 FILE1
-c FILE
-x
OPTIONS (Detailed):
-x
Set this flag to FORCE the recomputation of all intermediate
results.
-c FILE
FILE is a configuration FILE in JSON format that contains the
absolute path's to all binaries that are used during the
registration process. For help, see the examplary configuration
file config.json.example.
-l FILE0 FILE1
FILE0 is an ASCII file that contains the absolute path of
each TARGET image, e.g.,
/tmp/target1.mha
/tmp/target2.mha
....
FILE1 is an ASCII file that contains the absolute path of
each MOVING image, e.g.,
/tmp/moving1.mha
/tmp/moving2.mha
....
-d FILE0 FILE1
Upon completion of the script, these files will contain
lists of various files produced during the RIGID registration
process. The format of these files is compatible with
Python's pickle functionality.
FILE0 will contain a list of all moving images, resampled
in the space of the corresponding fixed image.
FILE1 will contain a list of all RIGID transformation
files that were generated during the registration process.
AUTHOR: <NAME>, Kitware Inc., 2013
(<EMAIL>)
""".format(sys.argv[0]))
if __name__ == "__main__":
parser = OptionParser(add_help_option=False)
parser.add_option("-d", dest="dFiles", action="store", nargs=2)
parser.add_option("-l", dest="lFiles", action="store", nargs=2)
parser.add_option("-h", dest="doHelp", action="store_true", default=False)
parser.add_option("-x", dest="recomp", action="store_true", default=False)
parser.add_option("-c", dest="config")
options, args = parser.parse_args()
if options.doHelp:
usage()
sys.exit(-1)
if (options.lFiles is None or
options.dFiles is None or
options.config is None):
usage()
sys.exit(-1)
helper = regtools.regtools(options.config)
tListFile, mListFile = options.lFiles
iListFile, xListFile = options.dFiles
tList = open(tListFile).readlines()
mList = open(mListFile).readlines()
tList = [c.strip() for c in tList]
mList = [c.strip() for c in mList]
# register moving images to target images (pairwise)
iFileList, xFileList = helper.rReg2(tList,
mList,
"RigidMRAToMRI",
options.recomp)
# dump the list files to HDD
pickle.dump(iFileList, open(iListFile, "w"))
pickle.dump(xFileList, open(xListFile, "w")) | 2.453125 | 2 |
anprx/plot.py | ppintosilva/anprx | 6 | 12787557 | ################################################################################
# Module: plot.py
# Description: Plot functions
# License: Apache v2.0
# Author: <NAME>
# Web: https://github.com/pedroswits/anprx
################################################################################
import math
import adjustText
import osmnx as ox
import matplotlib.pyplot as plt
import matplotlib.colors as colors
import matplotlib.colorbar as colorbar
from .utils import save_fig
from .core import Edge
from .constants import Units
from .constants import deg2distance
#
#
#
def plot_camera(
camera,
bbox_side = 100,
show_camera = True,
camera_color = "#FFFFFF",
camera_marker = "*",
camera_markersize = 10,
annotate_camera = True,
draw_radius = False,
#
fig_height = 6,
fig_width = None,
margin = 0.02,
bgcolor='k',
node_color='#999999',
node_edgecolor='none',
node_zorder=2,
node_size=50,
node_alpha = 1,
edge_color='#555555',
edge_linewidth=1.5,
edge_alpha=1,
#
probability_cmap = plt.cm.Oranges,
show_colorbar_label = True,
draw_colorbar = True,
draw_arrow = False,
#
color_near_nodes = True,
color_candidate_edges = True,
nn_color = '#66B3BA',
nedge_color = '#D0CE7C',
labels_color = "white",
annotate_nn_id = False,
annotate_nn_distance = True,
adjust_text = True,
#
save = False,
file_format = 'png',
filename = None,
dpi = 300):
"""
Plot the camera on a networkx spatial graph.
Parameters
----------
bbox_side : int
half the length of one side of the bbox (a square) in which to plot the camera. This value should usually be kept within small scales (hundreds of meters), otherwise near nodes and candidate edges become imperceptible.
camera_color : string
the color of the point representing the location of the camera
camera_marker : string
marker used to represent the camera
camera_markersize: int
the size of the marker representing the camera
annotate_camera : True
whether to annotate the camera or not using its id
draw_radius : bool
whether to draw (kind of) a circle representing the range of the camera
bgcolor : string
the background color of the figure and axis - passed to osmnx's plot_graph
node_color : string
the color of the nodes - passed to osmnx's plot_graph
node_edgecolor : string
the color of the node's marker's border - passed to osmnx's plot_graph
node_zorder : int
zorder to plot nodes, edges are always 2, so make node_zorder 1 to plot nodes beneath them or 3 to plot nodes atop them - passed to osmnx's plot_graph
node_size : int
the size of the nodes - passed to osmnx's plot_graph
node_alpha : float
the opacity of the nodes - passed to osmnx's plot_graph
edge_color : string
the color of the edges' lines - passed to osmnx's plot_graph
edge_linewidth : float
the width of the edges' lines - passed to osmnx's plot_graph
edge_alpha : float
the opacity of the edges' lines - passed to osmnx's plot_graph
probability_cmap : matplotlib colormap
Colormap used to color candidate edges by probability of observation.
show_colorbar_label : bool
whether to set the label of the colorbar or not
draw_colorbar : bool
whether to plot a colorbar as a legend for probability_cmap
nn_color : string
the color of near nodes - these are not necessarily in range of the camera, but they are part of edges that do
nedge_color : string
the color of candidate edges - nearby edges filtered by address or other condition
labels_color : string
the color of labels used to annotate nearby nodes
annotate_nn_id : bool
whether the text annotating near nodes should include their id
annotate_nn_distance : bool
whether the text annotating near nodes should include their distance from the camera
adjust_text : bool
whether to optimise the location of the annotations, using adjustText.adjust_text, so that overlaps are avoided. Notice that this incurs considerable computational cost. Turning this feature off will result in much faster plotting.
save : bool
whether to save the figure in the app folder's images directory
file_format : string
format of the image
filename : string
filename of the figure to be saved. The default value is the camera's id.
dpi : int
resolution of the image
Returns
-------
fig, ax : tuple
"""
if filename is None:
filename = camera.id
bbox = ox.bbox_from_point(point = camera.point,
distance = bbox_side)
# Set color of near nodes by index
nodes_colors = [node_color] * len(camera.network.nodes())
if color_near_nodes:
i = 0
for node in camera.network.nodes(data = False):
if node in camera.lsystem['nnodes']:
nodes_colors[i] = nn_color
i = i + 1
# Color near edges
edges_colors = [edge_color] * len(camera.network.edges())
if color_candidate_edges:
norm = colors.Normalize(vmin=0, vmax=1)
cmap = plt.cm.ScalarMappable(norm=norm, cmap=probability_cmap)
pcolor = { edge : cmap.to_rgba(p)
for edge, p in camera.p_cedges.items() }
j = 0
for u,v,k in camera.network.edges(keys = True, data = False):
edge = Edge(u,v,k)
if edge in camera.lsystem['cedges']:
edges_colors[j] = pcolor[edge]
j = j + 1
# Plot it
fig, axis = \
ox.plot_graph(
camera.network,
bbox = bbox,
margin = margin,
bgcolor = bgcolor,
node_color = nodes_colors,
node_edgecolor = node_edgecolor,
node_zorder = node_zorder,
edge_color = edges_colors,
node_alpha = node_alpha,
edge_linewidth = edge_linewidth,
edge_alpha = edge_alpha,
node_size = node_size,
save = False,
show = False,
close = False,
axis_off = True,
fig_height = fig_height,
fig_width = fig_width)
if draw_colorbar:
axis2 = fig.add_axes([0.3, 0.15, 0.15, 0.02])
cb = colorbar.ColorbarBase(
axis2,
cmap=probability_cmap,
norm=norm,
orientation='horizontal')
cb.set_ticks([0, 0.2, 0.4, 0.6, 0.8, 1.0])
if show_colorbar_label:
cb.set_label("Probability of edge", color = labels_color, size = 9)
cb.ax.xaxis.set_tick_params(pad=0,
color = labels_color,
labelcolor = labels_color,
labelsize = 8)
# Plot Camera
if show_camera:
camera_point = axis.plot(
camera.point.lng,
camera.point.lat,
marker = camera_marker,
color = camera_color,
markersize = camera_markersize)
if show_camera and draw_radius:
radius_circle = \
plt.Circle((camera.point.lng, camera.point.lat),
radius = camera.radius/deg2distance(unit = Units.m),
color=camera_color,
fill=False)
axis.add_artist(radius_circle)
if show_camera and annotate_camera:
camera_text = axis.annotate(
str(camera.id),
xy = (camera.point.lng, camera.point.lat),
color = labels_color)
if draw_arrow:
base_x = camera.network.nodes[camera.edge.u]['x']
base_y = camera.network.nodes[camera.edge.u]['y']
end_x = camera.network.nodes[camera.edge.v]['x']
end_y = camera.network.nodes[camera.edge.v]['y']
color = pcolor[camera.edge]
axis.annotate('',
xytext = (base_x, base_y),
xy = (end_x, end_y),
arrowprops=dict(arrowstyle="->", color=color),
size = 15)
if color_near_nodes and (annotate_nn_id or annotate_nn_distance):
# Annotate nearest_neighbors
texts = []
for id in camera.lsystem['nnodes']:
distance_x = camera.lsystem['lnodes'][id][0]
distance_y = camera.lsystem['lnodes'][id][1]
distance = math.sqrt(distance_x ** 2 + distance_y ** 2)
if distance < bbox_side:
s1 = ""
s2 = ""
if annotate_nn_id:
s1 = "{}: ".format(id)
if annotate_nn_distance:
s2 = "{:,.1f}m".format(distance)
text = axis.text(camera.network.node[id]['x'],
camera.network.node[id]['y'],
s = s1 + s2,
color = labels_color)
texts.append(text)
if show_camera and annotate_camera:
texts.append(camera_text)
if adjust_text:
additional_obj = []
if draw_radius:
additional_obj.append(radius_circle)
if annotate_camera:
additional_obj.append(camera_text)
adjustText.adjust_text(
texts,
x = [ camera.network.node[id]['x'] for id in camera.lsystem['nnodes'] ],
y = [ camera.network.node[id]['y'] for id in camera.lsystem['nnodes'] ],
ax = axis,
add_objects = camera_point + additional_obj,
force_points = (0.5, 0.6),
expand_text = (1.2, 1.4),
expand_points = (1.4, 1.4))
if save:
save_fig(fig, axis, filename, file_format, dpi)
return fig, axis
| 2.25 | 2 |
1.py | gewplay/e5 | 9 | 12787558 | <filename>1.py
# -*- coding: UTF-8 -*-
from os import lseek
import requests as req
import json,sys,time
#先注册azure应用,确保应用有以下权限:
#files: Files.Read.All、Files.ReadWrite.All、Sites.Read.All、Sites.ReadWrite.All
#user: User.Read.All、User.ReadWrite.All、Directory.Read.All、Directory.ReadWrite.All
#mail: Mail.Read、Mail.ReadWrite、MailboxSettings.Read、MailboxSettings.ReadWrite
#注册后一定要再点代表xxx授予管理员同意,否则outlook api无法调用
num1 = 0
def gettoken(refresh_token,secret,cid):
headers={'Content-Type':'application/x-www-form-urlencoded'
}
data={'grant_type': 'refresh_token',
'refresh_token': refresh_token,
'client_id':cid,
'client_secret':secret,
'redirect_uri':'http://localhost:53682/'
}
html = req.post('https://login.microsoftonline.com/common/oauth2/v2.0/token',data=data,headers=headers)
jsontxt = json.loads(html.text)
refresh_token = jsontxt['refresh_token']
access_token = jsontxt['access_token']
global refresh
refresh = refresh_token
return access_token
def main(refresh_token,secret,cid):
global num1
localtime = time.strftime("%Y-%m-%d %H:%M:%S", time.localtime(int(time.time())))
access_token=gettoken(refresh_token,secret,cid)
headers={
'Authorization':access_token,
'Content-Type':'application/json'
}
try:
if req.get(r'https://graph.microsoft.com/v1.0/me/drive/root',headers=headers).status_code == 200:
num1+=1
print("1调用成功"+str(num1)+'次')
if req.get(r'https://graph.microsoft.com/v1.0/me/drive',headers=headers).status_code == 200:
num1+=1
print("2调用成功"+str(num1)+'次')
if req.get(r'https://graph.microsoft.com/v1.0/drive/root',headers=headers).status_code == 200:
num1+=1
print('3调用成功'+str(num1)+'次')
if req.get(r'https://graph.microsoft.com/v1.0/users ',headers=headers).status_code == 200:
num1+=1
print('4调用成功'+str(num1)+'次')
if req.get(r'https://graph.microsoft.com/v1.0/me/messages',headers=headers).status_code == 200:
num1+=1
print('5调用成功'+str(num1)+'次')
if req.get(r'https://graph.microsoft.com/v1.0/me/mailFolders/inbox/messageRules',headers=headers).status_code == 200:
num1+=1
print('6调用成功'+str(num1)+'次')
if req.get(r'https://graph.microsoft.com/v1.0/me/mailFolders/Inbox/messages/delta',headers=headers).status_code == 200:
num1+=1
print('7调用成功'+str(num1)+'次')
if req.get(r'https://graph.microsoft.com/v1.0/me/drive/root/children',headers=headers).status_code == 200:
num1+=1
print('8调用成功'+str(num1)+'次')
if req.get(r'https://api.powerbi.com/v1.0/myorg/apps',headers=headers).status_code == 200:
num1+=1
print('8调用成功'+str(num1)+'次')
if req.get(r'https://graph.microsoft.com/v1.0/me/mailFolders',headers=headers).status_code == 200:
num1+=1
print('9调用成功'+str(num1)+'次')
if req.get(r'https://graph.microsoft.com/v1.0/me/outlook/masterCategories',headers=headers).status_code == 200:
num1+=1
print('10调用成功'+str(num1)+'次')
print('此次运行结束时间为 :', localtime)
except:
print("pass2")
pass
for fo in refresh_token:
try:
refresh_token = fo['text']
sid = fo['id']
secret = fo['key']
cid = fo['cid']
for _ in range(3):
main(refresh_token,secret,cid)
refresh_token = refresh
fox(refresh_token,sid)
except:
print('pass1')
pass
| 2.40625 | 2 |
pytrol/control/Ananke.py | mothguib/pytrol | 0 | 12787559 | <filename>pytrol/control/Ananke.py<gh_stars>0
# -*- coding: utf-8 -*-
import pickle
import networkx as nx
import numpy as np
import pytrol.util.misc as misc
from pytrol.control.Communicating import Communicating
from pytrol.control.agent.Agent import Agent
from pytrol.control.agent.MAPTrainerModelAgent import MAPTrainerModelAgent
from pytrol.model.Data import Data
from pytrol.model.action.Action import Action
from pytrol.model.action.Actions import Actions
from pytrol.model.knowledge.EnvironmentKnowledge import EnvironmentKnowledge
from pytrol.model.network.Network import Network
from pytrol.util.SimPreprocessor import SimPreprocessor
from pytrol.util.net.Connection import Connection
from pytrol.util.net.SimulatedConnection import SimulatedConnection
from pytrol.model.AgentTypes import AgentTypes
class Ananke(Communicating):
r"""`Ananke` is the core of the simulator, i.e. the structure that
concretely handles the simulation running. It is also a *communicating*.
In the ancient Greek religion, the goddess Ananke is a personification
of inevitability, compulsion and necessity. She is often depicted as
holding a spindle.
The life cycle of `Ananke` starts with the mission's initialisation which
takes place in `Ananke.__init__` , where it loads the graph, all
information relative to the current mission, as well as the agents.
Then, in `Ananke.run` the main loop of simulation over the time steps is
executed. There is as many iterations in this loop as the mission's
duration `duration` . This loop stands for the running of simulation: at
each period the strategy of agents simulated herein is deployed. More
precisely, at each iteration Ananke executes the main procedure of the
strategy by calling, for every agent, the methods described above that
constitutes their life cycle.
Args:
cnt: the connection used by Ananke to communicate
exec_path: path of the execution file defining a particular
instanciation of a MAP configuration. An instanciation of a MAP
configuration consists in an initial position for every patrolling
agent
archivist_addr: archivist's address
duration: duration of the simulation run
depth: range of communication
ntw_name: name of the network, i.e. the graph, to patrol
nagts: number of agents
variant: simulated strategy's variant
trace_agent: `True` if the archivist logs also the individual idlenesses
of the agents, `False` otherwise
trace_agents_estms: `True` if the archivist logs also the estimated
idlenesses of every agent, in the case of patrolling strategies
using
estimators,:
interaction: `True` if interaction is enabled, `False` otherwise
"""
def __init__(self,
cnt: Connection,
exec_path: str,
archivist_addr,
duration: int,
depth: float,
ntw_name: str = '',
nagts: int = 0,
variant: str = '',
trace_agents: bool = False,
trace_agents_estms: bool = False,
interaction: bool = False):
Communicating.__init__(self, cnt)
self.duration = duration
self.t = 0
self.archivist_addr = archivist_addr
self.depth = depth
self.trace_agents_estms = trace_agents_estms
self.trace_agents = trace_agents
# I. Configuration
# I.1. Environment
# I.1.1. Network initialisation
exec_path = exec_path
self.graph, fl_edges_lgts, vertices, edges, edges_to_vertices, \
locations, edge_activations, idls, socs, speeds_societies, \
agts_pos_societies, socs_to_ids = \
SimPreprocessor.load_run(exec_path)
edges_lgts = np.round(fl_edges_lgts)
for s in speeds_societies:
if s["id"] != "InactiveSociety":
self.speeds = s["speeds"]
self.network = Network(self.graph, edges_to_vertices, edges_lgts,
edge_activations, vertices, edges, locations)
# I.2. Agents
# I.2.1 Total number of agents calculation
# Total number of agents takes also into account the coordinator in the
# context of coordinated or multi-society strategies
self.t_nagts = 0
for s in socs:
self.t_nagts += len(s['agents'])
# I.2.2 Agent generation
self.agts_addrs, self.agts_pos = self. \
load_societies(socs=socs,
idls=idls,
agts_pos_societies=agts_pos_societies,
nagts=nagts,
t_nagts=self.t_nagts,
depth=depth,
ntw_name=ntw_name,
variant=variant,
interaction=interaction)
# Raising an exception if forbidden values are set
if len(self.agts_pos[self.agts_pos[:, 2] < 0]) > 0:
raise ValueError("Negative unit of edge forbidden")
edges_with_agts = self.agts_pos[self.agts_pos[:, 1] < 0]
if len(edges_with_agts[edges_with_agts[:, 2] > 0]) > 0:
raise ValueError("Forbidden value(s) for position("
"s) ", edges_with_agts[edges_with_agts[:, 2] > 0],
"of `agts_pos`. Some positions have units that "
"are not equal to zero whereas they correspond "
"to positions not in an edge (edge `-1`).")
self.pcvd_agt_matrix = np.zeros(self.agts_pos.shape)
# I.3 Idlenesses
# I.3.1 Real idlenesses
self.idls = idls
# I.3.2 Idlenesses of agents
self.idls_agts = np.zeros((len(self.agts_pos), len(self.graph)),
dtype=np.int16)
self.agts_estm_idls = np.zeros((len(self.agts_pos), len(self.graph)),
dtype=np.float32)
def run(self):
r"""Runs the main simulation loop over the time steps. There is as many
iterations in this loop as the mission's duration `self.duration` . This
loop stands for the running of simulation: at each period the strategy
of agents simulated herein is deployed. More precisely, at each
iteration Ananke the main procedure of the strategy is executed by
calling, for every agent, the methods that constitutes their life cycle.
"""
print("{}: Ananke: starts".format(misc.timestamp()))
self.start_archivist()
print("{}: Archivist: starts".format(misc.timestamp()))
while not self.stop_working:
while self.t < self.duration:
# Creation of the Completed List which is a dictionary
c_list = np.zeros(self.t_nagts, dtype=np.uint8)
if self.trace_agents:
self.collect_idls_agts()
# Archiving the current period
self.send_to_archivist()
# TDP
# print("Cycle ", self.t, ':\n\n')
# print('Agents position:', self.agts_pos, '\n')
# Preparation of agent position perception,
# `pcp_mat`: perception matrix
pcp_mat = self.compute_pos_pcp(
self.compute_range_pos_pcp_matrix())
for a in self.agts_addrs:
a.prepare()
for a in self.agts_addrs:
# Generating and flowing perceptions to agents
# Agents' perception
agts_pos = self.gen_prcved_agts_pos(a, pcp_mat)
# Subgraph' perception if needed
# subgraph = self.build_subgraph(a)
# Agent's own position perception if needed
# pos = self.build_current_vertex(a)
# Perceiving
a.perceive(agts_pos)
while np.sum(c_list) != self.t_nagts:
# Main procedure of agents
# 1. Communications when needed at the beginning of the
# strategy
for a in self.agts_addrs:
a.communicate()
# 2. Analysing received messages as long as the current
# cycle is not complete (`c_list` is not empty)
for a in self.agts_addrs:
a.analyse()
# 3. Deciding
for a in self.agts_addrs:
a.decide()
# 4. Acting as long as the current cycle is not complete (
# `c_list` is not empty)
for a in self.agts_addrs:
action = a.act() # After each
# procedure `act`, the agent must activate its
# attribute `ac`
self.process_action(action, a)
# 5. Checking the cycle termination
for a in self.agts_addrs:
if len(a.messages) != 0:
a.c = True
for a in self.agts_addrs:
# Testing whether a change must be done in the
# Completed List
if a.ac and not a.c: # and c_list[a.id] == 0:
c_list[a.id] = 1
# Agents reactivated if needed, for example to
# process a received message
elif not a.ac or a.c: # and c_list[a.id] == 1:
c_list[a.id] = 0
# TDP
# print("Real idlenesses ", self.idls)
for a in self.agts_addrs:
a.update_knowledge()
for a in self.agts_addrs:
a.post_process()
# Environment updating for the next time step
self.update_environment()
'''
# Last call of `send_to_archivist` to log the last idlenesses
# and next position resulting from the last move of agents
# self.send_to_archivist()
'''
# The simulation is over, other communicatings are then stopped
'''
if self.display_addr is not None:
self.send("stop_working", self.display_addr)
print("Display: stops to work")
'''
print("{}: Latest idlenesses:\n {}" \
.format(misc.timestamp(), self.idls))
# The log is saved before stopping the archivist
self.stop_archivist()
self.stop_agts()
self.stop_working = True
print("{}: Ananke: stops to work".format(misc.timestamp()))
@staticmethod
def compute_pos_pcp(am: np.ndarray) -> np.ndarray:
r"""The binary relation that represents whether agents are within range
is called *neighbouring relation*, and its transitive closure, which
represents whether agents are transitively within range using one
another as relay, is called *connection relation*. With connection
relation, two agents are regarded as connected iff. there exists a path
between them.
`compute_pos_pcp` converts the matrix of the neighbouring relation
into that of the connection relation.
Args:
am (np.ndarray): an `np.ndarray` representing the matrix of the
neighbouring relation
Returns:
m: an `np.ndarray` representing the matrix of the connection
relation
"""
m = np.zeros(am.shape, dtype=np.uint8)
graph = nx.from_numpy_matrix(am)
subgraphs = nx.connected_component_subgraphs(graph)
for g in subgraphs:
# Submatrix
sm = Ananke.expand_nx_subgraphs(g, graph.number_of_nodes())
for n in g.nodes():
m[n] = sm[n]
# TDP
# print("Ananke.compute_pos_pcp:\n",
# "am:\n", am,
# "m:\n", m)
return m
def compute_range_pos_pcp_matrix(self) -> np.ndarray:
r"""Computes the adjacent matrix of agents that perceive each others
according to the range of perception `depth` .
Returns:
m: an `np.ndarray` standing for the adjacent matrix of agents
that perceive each others according to the range of perception
`depth`
"""
# if self.agts_addrs[0].name == "coordinator":
nagts = len(self.agts_pos)
# `m`: the adjacent matrix of agents perceiving each others
# according to the range of perception `depth`
m = np.zeros((nagts, nagts), dtype=np.uint8)
for i, p_1 in enumerate(self.agts_pos):
for j, p_2 in enumerate(self.agts_pos):
if self.network.eucl_dist(p_1, p_2) <= self.depth:
m[i][j] = 1
return m
@staticmethod
def expand_nx_subgraphs(g: nx.Graph, nvtcs: int) -> np.ndarray:
r"""Expands a NetworkX subgraph so that it have the same size as its
parent graph. The new components are populated with 0.
Args:
g (nx.Graph): subgraph
nvtcs (int): number of vertices in the parent graph
Returns:
an `np.ndarray` representing subgraph connection adjacent matrix
"""
m = np.zeros((nvtcs, nvtcs), dtype=np.uint8)
k = 1
for u in g.nodes:
m[u][u] = 1
for v in list(g.nodes)[k:]:
m[u][v] = 1
m[v][u] = 1
k += 1
return m
def gen_prcved_agts_pos(self, a: Agent, pcp_mat: np.ndarray) -> np.ndarray:
r"""Generates all agents' perceived positions for the current agent
`a` , except the perceiving agent itself
Args:
a (Agent): current agent
pcp_mat (np.ndarray): matrix of perception
Returns:
a_agts_pos: an `np.ndarray` populated with the perceived
positions of the other agents
"""
# Perceived agents' positions
p_agts_pos = np.ones(self.agts_pos.shape, dtype=np.int16) * -1
for i in np.where(pcp_mat[a.id] == 1):
p_agts_pos[i] = self.agts_pos[i]
# The agent does not perceive itself
p_agts_pos[a.id] = np.ones(3, dtype=np.int16) * -1
# TDP
# print("Ananke.gen_prcved_agts_pos: ",
# "Agent id: " + str(a.id) + " p_agts_pos:\n",
# p_agts_pos, '\n')
return p_agts_pos
def collect_idls_agts(self):
for i in range(len(self.agts_addrs)):
self.idls_agts[i] = self.agts_addrs[i].env_knl.idls
if self.trace_agents_estms:
for i in range(len(self.agts_addrs)):
self.agts_estm_idls[i] = self.agts_addrs[i].model_estm_idls
def build_subgraph(self, a: Agent):
r"""
Args:
a (Agent):
"""
return self.graph
def build_current_vertex(self, a: Agent):
r"""
Args:
a (Agent):
"""
return self.agts_pos[a.id]
def process_action(self, action: Action, a: Agent):
r"""
Args:
action (Action):
a (Agent):
"""
if action.type == Actions.Moving_to:
if not np.array_equal(self.agts_pos[a.id], action.frm):
print(self.agts_pos[a.id], action.frm)
raise ValueError(
"Inconsistent start vertex in this MovingTo "
"Action")
self.agts_pos[a.id] = action.to
def update_environment(self):
self.t += 1
self.idls += 1
for a in self.agts_addrs:
self.idls = np.where(a.env_knl.idls < self.idls,
a.env_knl.idls, self.idls)
def load_societies(self,
socs: dict,
idls: np.ndarray,
agts_pos_societies: dict,
nagts: int,
t_nagts: int,
depth: float,
ntw_name: str = '',
variant: str = '',
interaction: bool = True) -> (list, np.ndarray):
r"""
Args:
socs (dict):
idls (np.ndarray):
agts_pos_societies (dict):
nagts (int):
t_nagts (int):
depth (float):
ntw_name (str):
variant (str):
interaction (bool):
"""
agts_addrs = []
agts_pos = np.empty([0, 3], dtype=np.int16)
# I.2.1. Agent Position
# Initial agents positions
for s in agts_pos_societies:
if s["id"] != "InactiveSociety":
agts_pos = np.append(agts_pos, s["agts_pos"], axis=0)
# TODO: Filling env_knl.vertices_to_agents and
# env_knl.edges_to_agents with -1 before updating it
for s in socs:
if s["id"] != "InactiveSociety":
for a in s['agents']:
# Check if tracing agents' idlenesses' estimates is
# performed only with MAPTrainerModelAgent agents
if self.trace_agents_estms and \
AgentTypes.id_to_class_name[a["type"]] == \
MAPTrainerModelAgent:
raise ValueError("Tracing agents' idlenesses' "
"estimates is only available for "
"MAPTrainerModelAgent agents")
# Here, all agents and Ananke share the same network object
# in order to accelerate the initialisation
env_knl = EnvironmentKnowledge(ntw=self.network,
idls=idls.copy(),
speeds=self.speeds.copy(),
agts_pos=agts_pos.copy(),
ntw_name=ntw_name,
nagts=nagts,
t_nagts=t_nagts)
cnt = SimulatedConnection()
# Agents
# Initializing agents, retrieving their address to put them
# into a list to send it to the archivist. In order to
# keep idlenesses and agents position personal, passing
# graph and agent perception by copy except for the
# archivist
agt = AgentTypes. \
id_to_class_name[a["type"]](id_=a["id"],
original_id=
a["original_id"],
env_knl=env_knl,
connection=cnt,
agts_addrs=agts_addrs,
variant=variant,
depth=depth,
interaction=interaction)
agts_addrs.append(agt)
# Agents' address is set for each agent after instantiating all
# agents in order to have retrieved all their addresses
for agt in agts_addrs:
agt.set_agts_addrs(agts_addrs)
return agts_addrs, agts_pos
def start_archivist(self):
r"""Tasks to perform before starting to archive."""
if self.trace_agents:
self.archivist_addr.prepare_idlss_agts(len(self.agts_addrs))
def send_to_archivist(self, agts_pos: np.ndarray = None,
idls: np.ndarray = None):
r"""
Args:
agts_pos (np.ndarray):
idls (np.ndarray):
"""
if agts_pos is None or idls is None:
self.archivist_addr.log(self.t, self.agts_pos.tolist(),
self.idls.tolist(),
self.idls_agts.tolist(),
self.agts_estm_idls.tolist())
else:
self.send(pickle.dumps({Data.Cycle: self.t,
Data.Agts_pos: agts_pos.tolist(),
Data.Idls: idls.tolist()}),
self.archivist_addr)
def stop_archivist(self):
self.archivist_addr.save_log()
def stop_agts(self):
for a in self.agts_addrs:
a.stop()
| 2.71875 | 3 |
tests/test_urls.py | adriangrepo/mathsonmars | 0 | 12787560 | #! ../env/bin/python
# -*- coding: utf-8 -*-
import sys
print("TestURLs sys.path: {0}".format(sys.path))
import unittest
from mathsonmars.models import db, User, Role
from mathsonmars import create_app
from mathsonmars.constants.modelconstants import RoleTypes, DefaultUserName
import logging
logging.basicConfig(level=logging.DEBUG)
logger = logging.getLogger(__name__)
create_user = False
class TestURLs(unittest.TestCase):
def setUp(self):
#admin._views = []
#rest_api.resources = []
app = create_app('mathsonmars.settings.TestConfig')
self.client = app.test_client()
self.app = app
db.app = app
db.create_all()
def tearDown(self):
db.session.remove()
db.drop_all()
def test_home(self):
""" Tests if the home page loads """
rv = self.client.get('/')
assert rv.status_code == 200
def test_login(self):
""" Tests if the login page loads """
rv = self.client.get('/login')
assert rv.status_code == 200
def test_logout(self):
""" Tests if the logout page loads """
rv = self.client.get('/logout')
assert rv.status_code == 302
def test_restricted_logged_out(self):
""" Tests if the restricted page returns a 302
if the user is logged out
"""
rv = self.client.get('/restricted')
assert rv.status_code == 302
def test_restricted_logged_in(self):
""" Tests if the restricted page returns a 200
if the user is logged in
"""
with self.app.app_context():
admin_role = Role(role_name = RoleTypes.ADMIN)
db.session.add(admin_role)
db.session.flush()
admin = User(role_id = admin_role.id, user_name='admin', password='<PASSWORD>')
db.session.add(admin)
db.session.commit()
self.client.get('/login', data=dict(
username='admin',
password="<PASSWORD>"
), follow_redirects=True)
rv = self.client.get('/restricted')
logger.debug("--test_restricted_logged_in() code:{0}, rv:{1}".format(rv.status_code, rv))
assert rv.status_code == 302
if __name__ == "__main__":
unittest.main() | 2.328125 | 2 |
Pacote Dowload/Pyhton3/Maiores de Idade.py | JoaoVictorDeCastro/Python3 | 0 | 12787561 | from datetime import date
maior = 0
menor = 0
for c in range(1, 8):
ano = int(input('Digite o ano de nascimento: '))
if date.today().year - ano >= 18:
maior += 1
else:
menor += 1
print('Das sete pessoas digitadas {} são MAIORES DE IDADE.' .format(maior))
print('As outras {} pessoas são MENORES DE IDADE.' .format(menor))
| 4 | 4 |
resources.py | ostash-group/GeneticPlotter | 3 | 12787562 | # -*- coding: utf-8 -*-
# Resource object code
#
# Created by: The Resource Compiler for PyQt5 (Qt v5.9.1)
#
# WARNING! All changes made in this file will be lost!
from PyQt5 import QtCore
qt_resource_data = b"\
\x00\x00\xe5\x76\
\x47\
\x49\x46\x38\x39\x61\xb3\x00\xa2\x00\xd5\x22\x00\xf4\xf4\xf4\xf3\
\xf3\xf3\xc3\xc3\xc3\xf2\xf2\xf2\xf0\xf0\xf0\xc8\xc8\xc8\xdb\xdb\
\xdb\xee\xee\xee\xed\xed\xed\xce\xce\xce\xe2\xe2\xe2\xf1\xf1\xf1\
\xef\xef\xef\xef\xef\xef\xd2\xd2\xd2\xe6\xe6\xe6\xe9\xe9\xe9\xeb\
\xeb\xeb\xe8\xe8\xe8\xd7\xd7\xd7\xd9\xd9\xd9\xea\xea\xea\xe7\xe7\
\xe7\xdd\xdd\xdd\xde\xde\xde\xba\xba\xba\xdf\xdf\xdf\xe1\xe1\xe1\
\xe0\xe0\xe0\xe5\xe5\xe5\xe3\xe3\xe3\xe4\xe4\xe4\xec\xec\xec\xf5\
\xf5\xf5\xff\xff\xff\x00\x00\x00\x00\x00\x00\x00\x00\x00\x00\x00\
\x00\x00\x00\x00\x00\x00\x00\x00\x00\x00\x00\x00\x00\x00\x00\x00\
\x00\x00\x00\x00\x00\x00\x00\x00\x00\x00\x00\x00\x00\x00\x00\x00\
\x00\x00\x00\x00\x00\x00\x00\x00\x00\x00\x00\x00\x00\x00\x00\x00\
\x00\x00\x00\x00\x00\x00\x00\x00\x00\x00\x00\x00\x00\x00\x00\x00\
\x00\x00\x00\x00\x00\x00\x00\x00\x00\x00\x00\x00\x21\xff\x0b\x4e\
\x45\x54\x53\x43\x41\x50\x45\x32\x2e\x30\x03\x01\x00\x00\x00\x21\
\xff\x0b\x58\x4d\x50\x20\x44\x61\x74\x61\x58\x4d\x50\x3c\x3f\x78\
\x70\x61\x63\x6b\x65\x74\x20\x62\x65\x67\x69\x6e\x3d\x22\xef\xbb\
\xbf\x22\x20\x69\x64\x3d\x22\x57\x35\x4d\x30\x4d\x70\x43\x65\x68\
\x69\x48\x7a\x72\x65\x53\x7a\x4e\x54\x63\x7a\x6b\x63\x39\x64\x22\
\x3f\x3e\x20\x3c\x78\x3a\x78\x6d\x70\x6d\x65\x74\x61\x20\x78\x6d\
\x6c\x6e\x73\x3a\x78\x3d\x22\x61\x64\x6f\x62\x65\x3a\x6e\x73\x3a\
\x6d\x65\x74\x61\x2f\x22\x20\x78\x3a\x78\x6d\x70\x74\x6b\x3d\x22\
\x41\x64\x6f\x62\x65\x20\x58\x4d\x50\x20\x43\x6f\x72\x65\x20\x35\
\x2e\x36\x2d\x63\x31\x33\x38\x20\x37\x39\x2e\x31\x35\x39\x38\x32\
\x34\x2c\x20\x32\x30\x31\x36\x2f\x30\x39\x2f\x31\x34\x2d\x30\x31\
\x3a\x30\x39\x3a\x30\x31\x20\x20\x20\x20\x20\x20\x20\x20\x22\x3e\
\x20\x3c\x72\x64\x66\x3a\x52\x44\x46\x20\x78\x6d\x6c\x6e\x73\x3a\
\x72\x64\x66\x3d\x22\x68\x74\x74\x70\x3a\x2f\x2f\x77\x77\x77\x2e\
\x77\x33\x2e\x6f\x72\x67\x2f\x31\x39\x39\x39\x2f\x30\x32\x2f\x32\
\x32\x2d\x72\x64\x66\x2d\x73\x79\x6e\x74\x61\x78\x2d\x6e\x73\x23\
\x22\x3e\x20\x3c\x72\x64\x66\x3a\x44\x65\x73\x63\x72\x69\x70\x74\
\x69\x6f\x6e\x20\x72\x64\x66\x3a\x61\x62\x6f\x75\x74\x3d\x22\x22\
\x20\x78\x6d\x6c\x6e\x73\x3a\x78\x6d\x70\x4d\x4d\x3d\x22\x68\x74\
\x74\x70\x3a\x2f\x2f\x6e\x73\x2e\x61\x64\x6f\x62\x65\x2e\x63\x6f\
\x6d\x2f\x78\x61\x70\x2f\x31\x2e\x30\x2f\x6d\x6d\x2f\x22\x20\x78\
\x6d\x6c\x6e\x73\x3a\x73\x74\x52\x65\x66\x3d\x22\x68\x74\x74\x70\
\x3a\x2f\x2f\x6e\x73\x2e\x61\x64\x6f\x62\x65\x2e\x63\x6f\x6d\x2f\
\x78\x61\x70\x2f\x31\x2e\x30\x2f\x73\x54\x79\x70\x65\x2f\x52\x65\
\x73\x6f\x75\x72\x63\x65\x52\x65\x66\x23\x22\x20\x78\x6d\x6c\x6e\
\x73\x3a\x78\x6d\x70\x3d\x22\x68\x74\x74\x70\x3a\x2f\x2f\x6e\x73\
\x2e\x61\x64\x6f\x62\x65\x2e\x63\x6f\x6d\x2f\x78\x61\x70\x2f\x31\
\x2e\x30\x2f\x22\x20\x78\x6d\x70\x4d\x4d\x3a\x44\x6f\x63\x75\x6d\
\x65\x6e\x74\x49\x44\x3d\x22\x78\x6d\x70\x2e\x64\x69\x64\x3a\x39\
\x36\x30\x32\x34\x30\x38\x33\x38\x42\x32\x41\x31\x31\x45\x37\x41\
\x42\x37\x30\x44\x36\x46\x30\x37\x45\x39\x34\x41\x38\x33\x39\x22\
\x20\x78\x6d\x70\x4d\x4d\x3a\x49\x6e\x73\x74\x61\x6e\x63\x65\x49\
\x44\x3d\x22\x78\x6d\x70\x2e\x69\x69\x64\x3a\x39\x36\x30\x32\x34\
\x30\x38\x32\x38\x42\x32\x41\x31\x31\x45\x37\x41\x42\x37\x30\x44\
\x36\x46\x30\x37\x45\x39\x34\x41\x38\x33\x39\x22\x20\x78\x6d\x70\
\x3a\x43\x72\x65\x61\x74\x6f\x72\x54\x6f\x6f\x6c\x3d\x22\x41\x64\
\x6f\x62\x65\x20\x50\x68\x6f\x74\x6f\x73\x68\x6f\x70\x20\x43\x43\
\x20\x32\x30\x31\x37\x20\x28\x57\x69\x6e\x64\x6f\x77\x73\x29\x22\
\x3e\x20\x3c\x78\x6d\x70\x4d\x4d\x3a\x44\x65\x72\x69\x76\x65\x64\
\x46\x72\x6f\x6d\x20\x73\x74\x52\x65\x66\x3a\x69\x6e\x73\x74\x61\
\x6e\x63\x65\x49\x44\x3d\x22\x61\x64\x6f\x62\x65\x3a\x64\x6f\x63\
\x69\x64\x3a\x70\x68\x6f\x74\x6f\x73\x68\x6f\x70\x3a\x62\x65\x66\
\x63\x65\x37\x62\x63\x2d\x38\x62\x32\x37\x2d\x31\x31\x65\x37\x2d\
\x38\x62\x61\x30\x2d\x62\x64\x34\x32\x64\x35\x64\x66\x64\x33\x63\
\x62\x22\x20\x73\x74\x52\x65\x66\x3a\x64\x6f\x63\x75\x6d\x65\x6e\
\x74\x49\x44\x3d\x22\x61\x64\x6f\x62\x65\x3a\x64\x6f\x63\x69\x64\
\x3a\x70\x68\x6f\x74\x6f\x73\x68\x6f\x70\x3a\x62\x65\x66\x63\x65\
\x37\x62\x63\x2d\x38\x62\x32\x37\x2d\x31\x31\x65\x37\x2d\x38\x62\
\x61\x30\x2d\x62\x64\x34\x32\x64\x35\x64\x66\x64\x33\x63\x62\x22\
\x2f\x3e\x20\x3c\x2f\x72\x64\x66\x3a\x44\x65\x73\x63\x72\x69\x70\
\x74\x69\x6f\x6e\x3e\x20\x3c\x2f\x72\x64\x66\x3a\x52\x44\x46\x3e\
\x20\x3c\x2f\x78\x3a\x78\x6d\x70\x6d\x65\x74\x61\x3e\x20\x3c\x3f\
\x78\x70\x61\x63\x6b\x65\x74\x20\x65\x6e\x64\x3d\x22\x72\x22\x3f\
\x3e\x01\xff\xfe\xfd\xfc\xfb\xfa\xf9\xf8\xf7\xf6\xf5\xf4\xf3\xf2\
\xf1\xf0\xef\xee\xed\xec\xeb\xea\xe9\xe8\xe7\xe6\xe5\xe4\xe3\xe2\
\xe1\xe0\xdf\xde\xdd\xdc\xdb\xda\xd9\xd8\xd7\xd6\xd5\xd4\xd3\xd2\
\xd1\xd0\xcf\xce\xcd\xcc\xcb\xca\xc9\xc8\xc7\xc6\xc5\xc4\xc3\xc2\
\xc1\xc0\xbf\xbe\xbd\xbc\xbb\xba\xb9\xb8\xb7\xb6\xb5\xb4\xb3\xb2\
\xb1\xb0\xaf\xae\xad\xac\xab\xaa\xa9\xa8\xa7\xa6\xa5\xa4\xa3\xa2\
\xa1\xa0\x9f\x9e\x9d\x9c\x9b\x9a\x99\x98\x97\x96\x95\x94\x93\x92\
\x91\x90\x8f\x8e\x8d\x8c\x8b\x8a\x89\x88\x87\x86\x85\x84\x83\x82\
\x81\x80\x7f\x7e\x7d\x7c\x7b\x7a\x79\x78\x77\x76\x75\x74\x73\x72\
\x71\x70\x6f\x6e\x6d\x6c\x6b\x6a\x69\x68\x67\x66\x65\x64\x63\x62\
\x61\x60\x5f\x5e\x5d\x5c\x5b\x5a\x59\x58\x57\x56\x55\x54\x53\x52\
\x51\x50\x4f\x4e\x4d\x4c\x4b\x4a\x49\x48\x47\x46\x45\x44\x43\x42\
\x41\x40\x3f\x3e\x3d\x3c\x3b\x3a\x39\x38\x37\x36\x35\x34\x33\x32\
\x31\x30\x2f\x2e\x2d\x2c\x2b\x2a\x29\x28\x27\x26\x25\x24\x23\x22\
\x21\x20\x1f\x1e\x1d\x1c\x1b\x1a\x19\x18\x17\x16\x15\x14\x13\x12\
\x11\x10\x0f\x0e\x0d\x0c\x0b\x0a\x09\x08\x07\x06\x05\x04\x03\x02\
\x01\x00\x00\x21\xf9\x04\x09\x03\x00\x22\x00\x2c\x00\x00\x00\x00\
\xb3\x00\xa2\x00\x00\x06\xff\x40\x91\x70\x48\x2c\x1a\x8f\xc8\xa4\
\xf2\x98\x30\x60\x9e\xd0\xa7\x21\xb1\xac\x5a\xaf\xd8\xac\x76\xcb\
\xed\x56\x1f\x83\x90\x78\x2c\x1e\x7c\x04\xde\xb4\x7a\xcd\x6e\xaf\
\x05\x0d\x00\x79\x0e\xa2\xb8\xef\xf8\xbc\x9e\x58\x98\x24\xd0\x4b\
\x06\x04\x73\x73\x0d\x18\x56\x09\x0e\x05\x7b\x8c\x8d\x7a\x02\x0e\
\x06\x0f\x08\x10\x06\x19\x4b\x0a\x0b\x84\x64\x0b\x0a\x55\x14\x10\
\x11\x0f\x53\x80\x8e\xa6\xa7\x58\x7d\x1c\x15\x0b\x72\x00\x15\x0e\
\x4b\x12\x61\x9b\x62\x00\x0f\xa5\x47\x05\x15\x01\x21\x00\x04\x10\
\x1c\x13\x8b\xa8\xc5\xc6\x43\x4d\x1d\x07\xbd\x64\x03\x1d\xb9\x43\
\x02\x09\x14\x07\x72\xb5\x62\x20\x17\x7f\x47\x02\x1d\x9a\x64\x01\
\x07\x1f\x06\xc4\xc7\xe6\x8c\x09\x16\x04\xd6\x84\x0d\x1a\x68\xd2\
\x13\x06\x17\x0a\x12\x0d\xcc\xd7\x21\x01\x0d\x12\x0a\x17\x06\x7e\
\x00\x19\x88\xb3\xe9\xd7\x83\x58\xe7\x12\xe2\xf1\xf0\xad\x16\x00\
\x04\x1b\x30\x78\x80\x80\x80\x40\x00\x76\xf9\x08\x05\x20\x80\xa0\
\x1f\x06\x0d\x08\xf0\x6d\x1a\xe0\x49\xa1\x49\x36\x1f\x1a\x5e\xbb\
\x98\xb1\xe5\xa6\x8b\x18\x5f\x7a\x38\x49\x33\xcd\x85\x41\x2e\x73\
\xea\xd4\x49\x80\x43\xcd\xff\x9f\x5b\x0a\x34\xd8\x49\xb4\xe8\xa6\
\x03\x06\x80\x2a\xc5\x82\x20\xa6\xd1\xa7\x2e\x61\x2d\x9d\xaa\x44\
\x40\x04\x91\x50\xb3\xe6\x93\x40\x85\xaa\x57\x3e\x17\x08\x6a\x1d\
\x7b\xad\x01\x87\x72\x5f\x97\x42\xea\xb0\x8e\xac\xdb\x82\x0d\x3e\
\x38\x80\x96\xf6\x54\x13\x0a\x68\x85\x14\xb8\x70\xf5\xad\xdf\x97\
\x15\x2e\xe4\x15\x51\x80\xc2\x94\xba\x78\x12\x48\x20\xd0\xa0\xc3\
\x04\x40\x19\x1c\xb0\x75\xfa\xf7\x2f\x80\xb8\x73\x85\x40\xfa\xd0\
\x80\x80\x05\x84\x88\xd7\x38\x80\xc0\x2c\x00\x08\x0d\x09\x12\x5c\
\x00\x81\xb5\xb2\x6b\x31\x01\x22\x60\x48\xcd\xb7\xb4\x04\xd0\xa1\
\xbb\x8c\xc6\x0a\x0c\x42\xdb\xd7\xc0\xc9\xfc\x92\xb0\x18\x63\x80\
\xdb\xb9\x75\x93\x0e\xce\x5c\xeb\x71\xdc\xc9\xad\x38\xe0\xd5\xbc\
\x3a\xd4\x00\x10\xa0\x47\x4f\x92\x60\xb9\xf5\xef\x45\x9f\x6f\xff\
\x42\x0b\xbc\x79\x9d\x01\x3e\x5c\x1a\x9f\xc4\xfb\xf9\xf7\x19\x01\
\x58\xa0\xcb\x7e\x08\x06\xb1\xf0\xf3\xb7\xd3\x50\x5f\x09\x18\xfd\
\x00\x8e\x11\xc0\x33\xfd\x25\x51\x00\x6b\x01\xea\x07\x40\x04\x13\
\x14\xa8\x04\x06\x38\x25\xf8\x5e\x4f\x0e\x2a\x91\xc0\x50\x12\xbe\
\x87\x54\x85\x48\x64\x90\xff\x52\x86\xef\x75\x42\x5f\x85\x14\xe0\
\x07\x22\x78\x08\x24\xc5\x21\x1f\x7d\x9d\x78\x1e\x00\x5c\xad\x28\
\x84\x87\x2a\xb9\x08\x9e\x88\x32\x0e\x44\x99\x8d\xd5\x6d\xc8\x61\
\x01\x2d\xf2\xf8\x62\x8c\xdb\x45\x42\x81\x22\x02\x14\xf0\x9f\x90\
\xf0\x2d\xf0\x41\x01\x49\x3a\x60\x58\x66\x5e\x4d\x10\x01\x63\xa2\
\x6c\x30\x19\x93\xf9\x35\xb6\xc1\x03\x11\x74\x06\x81\x1d\x5e\x59\
\x50\x1e\x97\x3c\x0e\x38\xe2\x49\x09\x54\x83\x26\x97\x08\x90\xb9\
\x14\x43\x2e\x02\x00\x40\x00\x78\xe6\x99\xe7\x8e\xfa\x75\x32\x95\
\x00\x08\x26\x68\x67\x00\x0b\x34\x00\x82\x04\x1f\x28\xb0\xc1\x06\
\x0a\x7c\x20\x41\x98\x03\xc0\x94\x21\x04\x5d\x01\x75\x93\xa0\x1b\
\x21\xe0\x81\x76\x46\x38\xe0\x01\x02\x0b\xb0\x14\xa0\x3b\x4b\xb9\
\x07\xdf\x9d\x0d\x58\xd0\xa0\x16\x13\x58\x70\x0f\x9f\xd6\xdd\xb2\
\xa6\x39\x0e\x98\x78\xde\x46\x0f\x54\xca\x45\x3a\x16\xc1\xda\x9c\
\x8f\x35\xd1\x79\xea\x00\x15\xc8\xa9\x86\x01\x11\x0c\xe0\x6b\x70\
\x24\x01\xa5\xc0\x6f\xe6\xfd\xe2\xc1\x60\x69\x08\xf0\x00\xb4\xe0\
\x01\xe0\xe7\x4f\x02\x48\xd0\x4a\xb4\xa4\xea\xc1\x81\xad\xcd\x69\
\x6b\x81\xae\x35\x69\xb0\xff\xcc\xb2\x6e\x01\x70\xc0\x05\x8d\x5c\
\xe0\x66\x75\x77\x1e\xf0\x0e\x55\x8a\x9d\x09\x9c\xbb\xf0\x3a\x12\
\x16\xbb\x63\x0d\x80\xdc\x57\x02\xcc\xbb\x6f\xb8\xa6\x8c\x0b\x70\
\x56\x15\xac\x9a\x56\x53\xcc\xe1\x88\x8a\x37\x0b\x3f\x45\x69\x5d\
\x42\x31\x17\x80\x05\xd4\x32\x22\x00\x75\xc1\xa5\x58\xd7\xa5\xfb\
\x8a\x7c\x4c\x89\x15\x17\x65\x48\x5d\x1f\x02\xd7\xec\x39\x4b\xbe\
\xf6\xf2\x57\xa6\x5a\x16\x81\xb1\xc6\xb4\x99\xf2\x4e\x00\x74\x50\
\x17\xc4\x32\x97\x94\x50\x07\xfa\xfe\x75\xb1\x57\x19\x03\x67\x72\
\x42\xb5\xee\xac\xd3\xd2\x53\x91\xec\x9a\xac\x27\xd5\xec\xd7\xca\
\x54\x15\x60\x26\x70\x04\x6c\x40\xd3\xb3\x2e\x77\xd0\xb1\x39\x19\
\x24\x20\x0f\x06\xd7\x3a\x9d\x13\xd4\x4c\x63\xf8\x5a\x03\x0f\x60\
\x00\x50\x01\xeb\x9d\x63\x80\x05\x07\x58\xd4\x9c\x04\x63\x1b\x03\
\x34\x70\x1b\x1d\x60\x01\x05\x75\x1f\x13\x68\xb9\x3e\xd7\x64\xf5\
\x6b\x00\x1c\x6d\x8e\xdb\xcd\xcd\x7c\x52\xcc\xcd\xd5\x91\x10\xe4\
\xcc\x75\xfd\x13\xd8\xd6\x59\x7e\x0e\xe6\xc1\x51\x58\x13\x84\xdf\
\x79\xfe\xf8\x77\x58\xd3\x24\x75\xe5\x38\x17\x03\x3a\x70\x08\x9f\
\x44\x7a\xe7\xad\xa3\xf2\xff\xfa\x6b\x04\xf0\x57\x13\x07\x11\xb2\
\x7e\xf9\x77\x9a\xd7\x94\x49\xe9\xb5\x9f\x72\xbb\x6b\x92\x9b\x44\
\xf4\x77\x0c\x26\x14\x92\xda\x44\xf5\xfc\x93\x04\xad\x4d\x8d\x1d\
\xa7\xa7\xf0\x45\x40\xa4\xa2\xbe\xc6\x37\x4d\x19\xfc\x5d\xd9\x9d\
\x01\x0c\x40\x40\x04\x2a\x9a\x34\xc1\x06\xbe\x41\xdf\x12\xdb\xe7\
\xd4\xba\x2f\x30\x1b\x50\x09\x14\xe5\x7f\x05\x6f\x12\xe7\xc8\x7b\
\x50\xb8\x52\xab\xb3\xcc\x7c\x4e\x02\x32\xd7\xa4\x6e\x2a\x49\x7b\
\x0d\xfc\x8c\xd1\x34\xa5\x15\xef\x27\xe2\xfb\xcb\x00\x3c\x30\x2b\
\x47\x2c\x0f\x38\xdf\xfb\x0a\xf5\x82\xd3\xbc\x73\xe8\x6c\x5f\x89\
\xfb\x4a\xcb\x64\x46\x41\xb2\x5d\x30\x68\x23\xeb\x9d\x6b\x16\xe8\
\x08\x94\x05\xe7\x80\x59\x3b\x9e\x5b\x36\xd6\xb7\x3c\xec\xa2\x7a\
\x7e\x89\x13\x62\x22\x58\x19\x02\x28\xa0\x82\x6e\x10\x80\xb0\x82\
\xe3\x38\xaf\x24\x80\x87\x95\x71\x07\x10\xdf\x00\x21\xf7\xe5\xa4\
\x83\x54\x11\x40\xab\x8a\x36\xb5\x03\x60\x60\x89\x5e\x10\xc0\xbf\
\xaa\x33\x00\x55\x61\xd1\x18\x05\xc0\x40\x48\xbe\xf3\x90\x0b\x7c\
\x51\x0b\x5a\x34\x58\x73\x4c\xa3\x81\x1a\x1e\xa3\x00\x5b\xca\xd6\
\x01\xce\x62\x43\x0d\x90\xff\xab\x39\x04\xe8\x00\xba\x4c\xb2\x01\
\x15\x82\xa7\x01\x9b\xfa\x5f\x1a\x1c\xf0\x01\x6c\xdd\x48\x68\x34\
\xf1\x86\x7e\x06\x50\x09\x37\x56\xa1\x00\x06\xa8\x00\x15\xbf\x93\
\x3c\x93\xb8\x30\x3f\x97\xf9\x00\x5e\xba\x50\x98\xb4\x01\xe8\x5d\
\x4a\x59\x9c\x79\xf6\x31\x8e\x6d\x58\x41\x1a\x06\xe8\xc0\x3d\x02\
\x24\x1f\x47\x16\x43\x03\x7e\x3c\x15\xfd\x00\x92\x00\xba\x11\x21\
\x49\x66\x33\xc0\x06\x2a\x60\xc8\xfc\x88\x0e\x28\x02\x40\x22\x26\
\x17\x70\x00\x08\x74\x80\x03\x18\xb8\xc0\x05\x30\xa0\x25\x08\x1c\
\xe0\x5b\x19\x7a\x05\xf6\x4c\x32\x42\x1b\xd9\xc9\x4e\x4c\xaa\x64\
\x11\x20\x41\xcb\x33\xa6\xe1\x42\x4e\x7c\x13\x73\x58\x38\x84\x56\
\x21\x20\x02\x10\xb0\x40\x07\x3c\xa0\x00\x64\x1a\x80\x02\x7b\x64\
\xc3\xd6\x7c\xb1\x27\x71\xbe\x68\x4f\x72\x08\x00\x2e\x96\xd0\x47\
\xe1\x94\x8f\x31\x07\x40\x00\xc7\xf2\x40\x01\x04\x0c\xa0\x50\x15\
\x78\x40\x71\xec\x49\x46\x60\x3c\xa0\x02\x79\x1b\x00\x39\xf5\x62\
\x01\x5f\x11\x20\x7d\x77\xe8\x03\x5a\x14\xc9\xd0\xea\x48\x8c\x30\
\x8a\x90\xc7\x9a\x0c\x80\x80\x96\xfc\xd2\x11\x56\xc1\x61\x47\xdf\
\x72\x1c\x74\x69\x11\xa2\xff\x9b\x42\xc2\xf0\x32\xe2\x8c\x62\xe8\
\x68\xa5\x8c\x03\x96\x5e\x36\x50\x0d\x6d\x49\xa0\x75\x02\xa8\x68\
\x4b\x04\x66\x8c\x6a\xe2\xf4\x2d\x9d\x28\x9c\x64\xf0\x13\x9b\x0b\
\x14\xae\xa0\x2e\xc1\x8e\x31\x52\x7a\x54\xbf\xb4\x74\x08\x19\xa0\
\x80\xb7\x34\x32\x47\x40\x24\x80\xa3\x19\x89\x0d\x12\xa4\x88\x4c\
\x6f\x06\xe2\x8e\x55\x2d\x8a\xbb\xd2\xf7\x52\x1c\x5e\xe6\x01\x1b\
\x98\x48\x2f\x0b\x82\x00\x23\x08\x80\x02\x1e\xb8\x12\x0c\xd7\x60\
\xd4\xb4\x1a\x65\x66\x05\xe0\xc0\x18\xaf\x71\xa7\xed\x2d\xec\x32\
\x6c\x9d\x80\x07\x40\x40\x8b\x00\x4c\x74\x0b\x17\xf2\xab\x56\x7c\
\x94\x00\xce\x84\xb3\x16\x8e\xdd\xc0\x04\x26\xa0\x80\x64\xcd\x21\
\x00\x52\x69\x43\x00\x25\x4b\x14\xb3\x5c\x02\x96\xcc\xf9\x45\x04\
\xae\x44\x19\x81\xb9\x72\x09\x40\x52\x29\x69\x5b\x22\x4d\x11\xf0\
\x2e\x41\x4e\x32\xeb\x36\x4f\x38\xdb\xbf\x9e\x61\x34\x97\xd5\xca\
\x2f\x7c\x92\x86\x9b\xf6\x16\x2a\x2b\xeb\x27\x2b\x75\xba\x85\x59\
\x1c\x37\x2b\xb2\x9a\x4e\x70\x9d\xa3\xc3\x2e\xcc\xf3\xb9\x46\x49\
\xcf\x25\x6e\x9b\x20\x81\xe9\x56\x04\x09\x08\x12\x76\xd1\x03\x81\
\x55\x29\x66\xba\x59\x31\xff\xcd\x77\xc1\x2b\xde\xf1\x86\xb5\xbc\
\x44\x50\xae\x82\xcc\xa2\x86\x04\x14\x70\x0c\x83\x42\xef\xa9\xf0\
\xe4\x14\xec\x38\x4c\x08\x76\x04\x90\xb6\x42\xf8\x4d\xf1\x6a\x0b\
\x01\x20\x98\xab\x3d\x55\x1b\x01\x68\xc2\x26\x3b\x45\x50\x92\x6c\
\x09\x7b\xcd\x80\x49\x60\xbd\x45\x08\x2f\x4c\xc2\x71\xaf\x0b\x18\
\x54\xbf\xf4\x72\xac\x8a\x30\xb0\x2e\x7d\x40\x98\x08\x19\x90\x17\
\xcf\x08\xd5\x80\x80\x1e\xa0\x33\xa1\x7a\x0a\x68\xa7\xb9\x2b\x56\
\x10\x60\x60\x7a\xf1\xa4\x3d\x37\xa2\x47\x22\x28\x66\x7b\x12\xf0\
\xc3\xd9\x34\x10\xd7\xf6\xe6\x63\x23\x11\xf0\x00\x05\x00\x01\xc9\
\x0f\x5c\x69\xc2\x1a\xa9\xee\x1d\x04\x00\x10\xfa\x78\x58\x59\x68\
\xba\x13\x08\x30\x4a\x04\x0a\xc8\xe3\x03\xa1\x78\x31\x01\x0c\x9b\
\x13\x00\x48\xf4\x5e\xdc\x00\xc9\x24\xe1\xd2\xaf\x37\xea\x98\x47\
\xbf\x78\x12\x26\xd6\x4c\xdb\x05\xe0\x38\x09\x0e\x70\x6e\x54\x2b\
\x60\x92\x2d\xf2\x28\x76\x49\xf8\x00\x94\x1d\xe2\xdd\x2b\xa4\x83\
\xce\x02\x8a\x00\x01\x07\x0d\x9f\x0c\x2a\x21\x03\x0f\x50\x1b\x68\
\x5f\x2b\x82\x09\xdc\xd7\x21\x0d\xa0\xb1\x29\x0e\xe7\xa2\x22\x22\
\xa1\x00\x12\x78\x0a\x62\xff\xb7\xa0\xe2\xa1\x42\x00\x03\x8f\x31\
\x07\x1c\x40\xfc\x96\xc7\x8a\x60\x34\x4f\x21\x6a\x50\x1e\x30\xe8\
\x7d\x64\x69\xc9\x36\x8d\x65\x86\x00\x7d\x04\x0a\x80\xe0\x29\x17\
\xed\x02\x77\x73\x92\xa9\x07\x08\xe3\x14\x33\x25\xac\x9e\xc2\x49\
\xbe\x48\xf9\x4a\x9b\x45\x30\xc0\x01\x8c\xe2\xae\xef\x42\x55\xad\
\x9e\x41\xb6\x82\x7d\x71\x00\x0f\x6c\xc0\x02\x61\x5a\x00\xf7\x00\
\xd6\xec\x42\x89\x82\xc8\x6a\x9c\x83\xb6\x10\x89\x84\xfb\x64\x97\
\xcf\x9c\x0c\x35\xb5\xeb\x6a\x8a\xee\x84\x8a\x32\x27\x05\x2f\xda\
\x9e\xdc\x12\x5b\xc7\x2d\x2f\x7e\xf6\xa7\x9d\x35\x6d\x5b\x5d\xbf\
\x37\x8b\x16\x90\xb1\xa2\x51\x61\x80\xc5\x74\x4f\x1f\xfb\x44\xc2\
\x07\xf3\x21\xe5\x23\x50\x0e\x55\x83\xbb\x42\xb2\x77\x22\xeb\x2e\
\x3c\x40\xc6\x10\x78\xa3\x07\x0e\xe0\xec\x05\x3d\x50\x08\xd7\x2d\
\x08\x81\x75\xc1\x9a\x3b\x49\x54\x01\xf1\x4c\x82\x07\x18\xfd\x59\
\x78\x73\x21\xa8\xb1\xb6\x40\x42\x0c\x00\x81\x06\x20\xa0\xcd\x49\
\xd8\x38\x21\xb6\xa5\x04\x92\x36\xa0\x12\x82\xac\x42\x26\x76\xf6\
\x90\xef\x4e\x27\xd6\x2b\xf7\x8a\x20\xf2\xb1\xd7\x3c\x4c\x60\x12\
\x64\xd6\x49\x03\xfe\x9b\xff\x05\x77\x1b\x85\xe8\x69\x29\x18\x9f\
\x6e\x86\x8a\xbd\x58\xa0\x22\x91\x72\xc9\x02\xa2\x7e\xca\x0e\xd0\
\x7c\x0e\x04\x38\x44\x68\xd4\xa1\x27\x3d\xad\x9d\xd2\x6c\xa0\xf2\
\x03\x96\x41\x5b\x04\x10\xdc\x08\xbe\x86\x0a\x01\x4e\xae\x14\x01\
\x60\x40\x01\x1e\x48\xbc\xe2\x15\x60\x00\x0c\xab\xc1\xeb\x34\x8d\
\xf8\x15\x94\x84\x68\xaa\xe3\x5d\x46\x6e\x78\x3a\x6d\x7b\x82\xc5\
\x02\x28\x40\x86\xf1\x39\x00\xe6\x13\xd2\x0d\x76\x5d\x86\x8e\xb0\
\x55\x40\xba\x79\x46\xef\xd1\x1f\xc3\x5a\x8c\xbe\x4c\x07\x1e\x78\
\xd7\x07\xa0\x95\x10\x83\x2a\x9f\xf9\x08\x70\x80\x07\xb8\xfe\x18\
\x29\x9e\xb6\x4e\xcc\x1c\x01\xc6\x9b\x12\x95\x1f\x60\xec\xf0\x39\
\x82\x4e\x75\x1a\xff\xf7\x27\x8b\x00\xd3\x07\x50\xcc\x07\x7c\xe0\
\x03\x0f\x70\x66\xe5\x85\xe3\x43\xe8\x9f\x64\x37\xc2\xe5\xef\xbb\
\x93\xee\x7d\x54\x24\x00\x7f\xe7\x01\x7b\xf9\xa7\xca\xbf\xfc\x0c\
\xc0\xf7\xeb\x37\x87\xaf\x59\x1d\xbd\x03\x70\x3d\xfe\xa6\x20\x29\
\xfd\x89\xd2\x45\xc7\xe3\x3f\x0b\x19\xa0\x30\xac\xd4\x00\x84\xf7\
\x7f\x53\x36\x44\x8b\x24\x01\x06\x58\x0c\x87\x36\x80\xf7\xb7\x80\
\x7b\x30\x01\xa2\x04\x1e\xcc\x5d\x04\x81\x0c\x37\x58\xea\x76\x50\
\x0f\xe7\x1a\xea\x65\x81\xa7\x70\x1f\x18\x71\x60\x1d\xa0\x00\xbc\
\xf4\x76\x44\x41\x4a\xfe\xe7\x81\x55\x20\x00\x7d\xe4\x0a\xd4\xf7\
\x01\x5d\x21\x00\xea\x72\x58\xe5\xb3\x81\x51\xa6\x3b\x2a\x68\x0a\
\x70\x44\x00\xc4\xd4\x01\xda\x21\x68\xc4\x76\x3e\x16\xd0\x3e\x84\
\x86\x3e\x39\x58\x0c\x0e\x80\x78\x31\xa7\x00\xdb\x77\x19\x72\x27\
\x00\x1c\xc0\x77\xea\x76\x63\x7f\x77\x84\xa8\xb0\x01\x35\x82\x59\
\x21\x17\x0d\x1e\x26\x12\x99\x94\x82\x56\xd8\x06\xa8\x65\x52\x5e\
\x53\x04\x14\xc0\x0a\xf9\x34\x47\x61\xa8\x14\x90\x47\x58\x99\xc6\
\x04\xaa\xb4\x00\x46\xb8\x86\x40\x21\x6d\xfd\x66\x73\x76\x85\x01\
\x3e\x48\x87\x4a\x61\x25\x2d\xa1\x7e\x7c\x88\x31\x12\x80\x4d\x98\
\x56\x85\x81\xf8\x13\x20\xf1\x62\x9d\xc1\x83\xe3\x26\x55\x87\x38\
\x1e\x7d\x70\x01\x1b\xf0\x01\x43\x18\x01\xe7\x44\x5c\x8f\x98\x89\
\x42\x10\x04\x00\x21\xf9\x04\x09\x03\x00\x22\x00\x2c\x00\x00\x00\
\x00\xb3\x00\xa2\x00\x00\x06\xff\x40\x91\x70\x48\x2c\x1a\x8f\xc8\
\xa4\x32\x99\xb9\x78\x14\x1c\x8c\x61\x92\x10\x2c\xaf\xd8\xac\x76\
\xcb\xed\x7a\xbf\xd9\xc4\x01\x10\x2a\x9b\x43\x80\x83\x15\xcc\x6e\
\xbb\xdf\xf0\x76\x06\x43\x3e\x9f\x03\x9b\xb8\x7e\xcf\xef\x0b\x05\
\x09\x14\x16\x15\x17\x57\x05\x0f\x76\x76\x01\x12\x7e\x8d\x8e\x8f\
\x4a\x02\x0e\x06\x1e\x07\x01\x68\x0d\x13\x4b\x13\x20\x89\x77\x20\
\x58\x09\x53\x6b\x90\xa5\xa6\x86\x06\x0a\x15\x04\x75\x65\x01\x11\
\x4b\x18\x04\x9e\x66\x00\x0d\x57\x0e\x0f\x07\x11\x0a\x14\xa4\xa7\
\xc0\xc0\x09\x1e\x0d\x97\x9e\x0b\x0a\x47\x02\x14\x1c\x15\xc6\xb4\
\x21\x04\x06\x4a\x05\x1d\x03\xae\x07\x1e\x0e\xbf\xc1\xdd\x8d\x06\
\x07\xd0\x68\x07\xd3\x09\x18\x1e\x83\x20\x07\xc5\xe2\x65\xb6\x1f\
\x06\xdc\x22\x02\x1c\x0d\x76\xb6\x0f\x09\xde\xfb\x7e\x17\xe1\xe2\
\x00\x16\x34\x20\x40\x60\xc1\x80\x00\xad\xda\xb9\x0b\x20\x10\x84\
\x85\x0d\xbe\x9a\x20\x48\x58\x6b\x80\x04\x7d\xfc\x32\xbe\xe1\xa4\
\x10\x4d\x47\x85\x00\x02\x0c\x20\xb0\xab\x82\x25\x71\x01\x20\x68\
\x5c\xc9\x46\x40\x05\x8a\x1f\x63\x42\x03\x40\xb3\xdd\x2b\x96\x38\
\xbd\x48\x78\x26\xb3\xa7\x4f\xff\x33\x03\x2c\xe4\x1c\x9a\x45\x00\
\x04\x9e\x3f\x93\x7e\x24\x90\x87\xa8\x53\x24\x0e\x14\x34\x80\xa9\
\xb4\x2a\x2d\x72\x4f\xb3\x0e\x11\x80\x01\x02\x2b\xab\x60\xdb\x55\
\x28\xa0\x35\x63\xa5\x08\x17\x32\x14\xa1\xf0\x80\x5d\xd8\xb7\x57\
\xa7\x95\xf5\x66\x61\x41\x48\x02\x1d\x30\x16\x50\x80\x60\x00\x55\
\xb8\x70\xd3\x14\x9a\x0b\x4c\x82\x5f\x77\x03\x22\x70\xd0\xb0\xea\
\x2f\x60\xc0\x01\xf3\x11\x86\x64\x14\x69\x88\x00\x04\x11\x3e\xde\
\xec\x29\x24\x08\xb9\x44\x28\x7c\xf8\x30\x41\xed\x64\x30\x05\x9c\
\x71\x5e\xdd\x33\x40\x03\x05\x64\x45\xec\x45\x60\xb0\x02\x85\xd3\
\x5f\x12\x44\x70\xcc\xba\x77\xa2\x80\x10\x2e\x30\xfe\x7a\x19\x82\
\x26\xdc\x5c\x20\xf0\xf6\xcd\xfc\x4e\x66\x45\x12\x1c\x20\xdf\x32\
\xa6\xb9\xf5\xa4\x01\x24\x4f\xc7\xa2\x60\xf9\xf5\xef\x89\x02\x74\
\x88\xbd\x3d\x12\x02\xf0\xe8\x3f\x0e\x50\x20\xaf\xfc\xda\x6b\xe9\
\xe3\x43\x1b\xd0\xde\xfd\x90\x02\x16\xe4\xeb\x0f\x2f\xdd\x3e\x92\
\x39\xfb\x05\x88\x06\x28\xfe\x41\x55\x81\x80\xfa\xd9\xd2\x5f\x81\
\x45\x14\xf0\x81\x77\x08\xae\x16\x10\x07\x0c\x1a\x41\xcf\x2c\x11\
\xa6\x17\x40\x05\x15\x1a\x61\xff\xc0\x79\x19\x6a\xf8\x40\x87\x44\
\x38\xa0\x5c\x88\x1a\x22\x80\x51\x87\x87\xc0\x87\x22\x7a\x03\x74\
\x60\xda\x74\x02\x5c\xd0\x81\x07\x18\x4c\x50\xc0\x5e\xf6\xbc\x98\
\x9e\x2d\xa0\x21\x67\x40\x04\x03\x08\x14\x81\x05\x16\x4c\xe5\x63\
\x7c\x1b\x92\x87\x9b\x05\x2e\x2e\x29\x20\x01\xc9\x20\x47\x41\x75\
\x52\x22\x08\x00\x02\x0b\x4e\xf6\xc0\x02\x59\x66\x18\x54\x7d\x4e\
\x39\x30\x51\x98\x19\x12\x40\x9a\x06\x0f\x44\x80\x80\x05\x5d\xe6\
\xe4\x01\x98\x21\x86\x24\xd2\x00\x78\x06\x80\x10\x84\xd6\xd1\x44\
\x53\x8c\x4e\x09\x80\x80\x65\xf2\x01\x30\x40\x03\xbb\x40\xf0\x80\
\x02\x1b\x70\xb0\x81\x07\x0f\x98\x74\x58\x84\x00\x44\x10\xe7\x4a\
\x1c\xd0\x19\xa0\x6b\x15\x3c\xa0\xc1\x8a\xca\x98\xe3\x15\x9f\xcc\
\x11\xa0\x01\x51\x0f\x10\x0a\x5e\x00\x08\x3c\x80\x81\x93\x4b\x00\
\x62\xc0\x07\x27\xed\x07\xc0\x03\x64\x7a\x73\x81\x92\xf1\xa5\xd1\
\x41\x3c\x5f\x08\x60\x40\x07\x6e\xc9\x87\xc0\x6d\x39\x09\xc0\x97\
\xaa\xbe\x59\x74\x41\xae\x45\x75\x35\x69\x7a\x03\x50\x48\x94\x01\
\x10\xd8\xf5\x1d\x95\xa0\xba\xe1\x00\xb1\xa4\x3e\x06\xc0\x45\x4e\
\x1d\xc2\xec\x66\x07\x3c\xcb\xff\x87\x00\x1b\x60\x89\x5e\x03\xc8\
\x12\x25\x40\x94\xbd\x1d\x10\x6f\x1f\xfe\x84\x0b\xd7\x00\xf7\x26\
\x7b\x2e\x5c\x0d\x74\xdb\x07\x38\xfa\x82\x95\x12\xac\x2c\x35\x51\
\xb0\x4f\x0b\x08\xdc\x0f\x86\xd6\x35\xf0\xc1\xa5\x2c\xe1\xc7\x5c\
\x00\x41\x3e\x92\x81\x02\xf4\xae\xb6\x08\xb0\x4f\x99\xe9\xdb\x22\
\xc1\x08\x20\xc1\xc2\x32\xdd\xea\x70\x4e\x06\x40\xcc\x99\x2d\xd0\
\xf6\xe1\x40\x8f\xac\x61\x3c\x97\x06\xff\x5a\xb5\x9e\x37\xca\xe6\
\x5c\x55\x00\x55\x66\x75\x48\x6f\x69\xf0\xe3\x40\x27\x35\x33\xa2\
\x15\x05\x11\xf4\x36\x80\x07\xfc\xf4\x5c\x33\x81\x21\x3f\xe0\xb2\
\xb8\x01\x67\x04\x0e\x6b\xb6\x0c\x25\xec\x03\x10\x20\x70\x00\x71\
\x9c\xa5\xa4\xd1\x21\x28\x77\x44\x00\xc5\xfb\x48\x75\x50\xda\x31\
\x31\xb5\xd2\x06\x57\x03\x66\x6a\x4e\x27\x5a\x77\x00\xdb\xc0\x6c\
\xbd\xda\x02\x1f\xe4\x74\x60\x9f\xb0\xac\x94\x1a\xdc\x28\x29\xcd\
\x12\xd2\xcd\x91\xcc\x92\x05\x3e\xff\x64\x0b\x07\x31\x97\x02\x62\
\x73\x0b\x74\x80\xd3\x03\x1d\x07\x76\xe8\x91\x1a\x20\x7c\xca\x3f\
\xcd\x51\x89\x93\x02\x75\x8b\x2b\x52\x03\x0f\x88\x5e\x0a\xcd\xcc\
\x35\x60\x2d\xa6\xa9\xaf\x76\xff\xec\x3e\xb0\xfb\xd6\xc0\xa9\x2c\
\x5d\x50\x3b\x67\x08\x64\x7c\xca\xef\x9b\xdd\xdd\x3b\xf1\x8f\xdd\
\xee\x0d\xd9\xbe\x11\x80\x01\x4e\xb2\x5c\x07\x42\xbf\xa7\x58\x1d\
\xb9\xce\xcf\xb3\xb4\x81\xa6\xcc\x45\x70\x5c\x37\xe6\x28\x20\x01\
\x02\xcc\x3f\x16\x00\xef\x2b\x79\xd0\xf9\x6a\x15\x7c\xbf\x8f\x28\
\x52\x21\x2e\x0e\x7b\x8f\x5f\x0f\x16\x04\x7c\x07\x63\x81\xfc\xd0\
\x40\xe0\x7a\x30\x20\xe0\xdf\x47\x20\xb0\xb2\x6e\x5c\x40\x80\x9e\
\xc8\x9a\x46\x04\x50\xbe\xde\x58\xe0\x7f\xc1\x28\x80\xfd\x5a\xe3\
\xbe\x7d\x50\x60\x82\x4a\x71\x0d\x06\x2a\x57\x8a\x02\x20\xcf\x2a\
\x42\xd1\xc8\xfe\x9c\x86\x00\x45\x7d\x80\x72\x39\x29\xc0\xe5\x36\
\x03\xb3\x8c\x08\x20\x77\x8f\x19\x80\x06\x28\x50\x85\x72\x41\xa0\
\x37\x78\xe0\xc7\x1c\x10\xe8\x89\x03\x94\x45\x00\x1f\x20\x9a\x1a\
\xde\xb7\x42\x16\x86\x50\x2b\x1c\xe0\x61\x78\xa0\xd6\x0d\x76\x61\
\x50\x26\x01\xc8\x9e\x56\x70\x46\xb4\x06\x40\xd0\x0f\x57\x6a\x16\
\x07\xdf\xb7\x93\x91\x71\x48\x18\x27\xab\xa2\x56\x6a\x54\x01\xee\
\xb1\x66\x67\xa6\x28\xc0\x9c\xbc\x98\x95\x5c\x14\xab\x54\xb3\x73\
\x04\x3d\x60\xb8\x99\x01\x04\xff\xce\x29\x13\x80\xc0\xb4\x9a\x63\
\x8b\xc1\x34\x42\x00\x1a\x70\x17\x6b\xa4\xf1\x14\x0d\xd0\x91\x39\
\xb6\x90\xe2\xba\x02\xa9\x44\x5a\xc0\xeb\x29\x7e\x43\x8f\x2d\x9a\
\xb2\x87\xbd\x08\xd2\x69\x12\xb8\x22\xcf\x8e\xd2\x2b\x02\x68\x07\
\x0e\x6e\x6c\xe4\x4c\x5e\x41\xbd\x95\xa0\xae\x50\x89\x49\x8b\x1b\
\xb8\x12\x01\x6d\xad\xea\x35\x5b\x2c\x85\x03\x2e\xb9\x2a\x02\x48\
\xc0\x00\x33\xea\x02\x05\x24\xf0\x46\xf0\xd8\x22\x68\x38\xe9\x62\
\x82\x0e\x05\x01\x0e\x14\x10\x09\x06\xe0\xe5\x1e\x35\x74\x44\xe8\
\x7d\x90\x8f\xae\x89\xc0\x03\x36\x60\x80\x6d\x14\x41\x00\xa6\x71\
\xc0\x07\xc8\xa7\x99\x00\x99\x6e\x28\x2a\x14\x65\x52\x0c\x45\x80\
\x12\x2e\x2a\x0a\x06\xb8\xc0\x06\xda\x44\x80\xb7\x89\xf3\x27\xde\
\x73\xca\x07\xc0\x14\x92\x22\x2d\xb3\x50\x7e\x3a\xc3\x3b\x95\x62\
\x47\x32\x15\x20\x01\x3b\x0a\x86\x03\xc6\x17\x01\x45\x29\xc0\x02\
\x0d\x44\x93\xb1\x84\x37\x84\x64\x4a\x00\x49\x16\x90\x00\x04\x20\
\xf0\xd0\x45\x1d\xb3\x0d\xff\xfc\x05\xe7\x14\x2a\xa0\x00\x78\x80\
\x4c\xaa\x71\x87\x9d\xf4\x84\x90\xf1\x9c\x42\x00\xb4\xe4\x28\x78\
\xb0\x82\x84\x17\x2e\xa7\x7d\xff\xc0\xb8\xc0\xfa\x54\xca\xc2\x9a\
\xd4\xe2\x03\xff\x8b\x5e\x3b\xd2\x15\x8c\x30\xd2\xb4\x8a\x12\x90\
\xc0\x01\xb4\x65\x2f\x25\x6c\xb4\x1d\xdf\x3c\x85\x07\x7f\xda\x1b\
\x02\xc4\x6b\x19\x1b\x90\xc0\x03\x7c\x81\x84\x97\x28\x64\x00\x23\
\x52\x42\x2e\xe1\x40\x45\xa6\x6e\x06\x0f\xbf\x70\x80\x33\x7e\x79\
\xa9\x09\x14\x91\x16\x66\x3b\x82\x25\x2d\xb5\x07\x01\x34\xcd\xab\
\x90\x81\xc0\x2f\x28\x10\xd2\x10\x0c\x00\x02\xb8\x24\x82\x21\x3b\
\xb2\x25\x23\x14\x80\x03\x83\xf2\x4c\xfe\xba\x90\x01\x03\xc0\x15\
\x30\x0d\xf8\xc5\x90\x90\x12\x80\x03\xc0\x66\x1e\x74\x85\x10\x00\
\x08\xb0\x22\x61\x79\xe5\x19\x1b\x1a\xec\x16\x1c\x74\xd8\xb7\x2c\
\x00\x34\x85\x1d\x54\x67\x08\x50\x01\x0b\x44\x80\x00\xd7\x7b\x45\
\x8e\x26\xe0\x81\xbe\x84\x87\x80\x6f\xa8\xd1\x33\x3b\x6b\x93\xac\
\xce\xe3\x02\xa2\x85\x86\x48\x30\x68\xa8\x08\x34\x86\x16\xe3\xd2\
\xe4\x15\x28\x70\x56\xda\xf6\x64\x4b\x6b\xa8\xd1\x99\xf4\x13\x80\
\x07\xb2\x21\x01\x23\x34\x6e\x06\x8f\x88\x81\xe5\xee\xa7\xb9\x17\
\x55\x82\x4e\xa5\x8b\x9d\x08\xc4\xc6\xba\x01\xc2\x6a\x76\x91\x80\
\x01\x5e\x71\xf7\x27\x0b\x68\xff\x0a\x78\x03\x84\x8c\x58\x6e\xc5\
\x1a\xe7\x1d\xe7\xde\x44\x20\x8b\x7d\xf6\x04\x19\x5b\xd5\x42\x8b\
\xe2\xfb\x93\xa0\x08\xa1\xae\xd7\x85\x29\x6a\xa0\xc4\xdf\xe3\x0e\
\xd1\x00\xe6\x2d\xd4\xee\xdc\x50\x00\x4e\xea\x73\x01\xa8\x2d\x70\
\x78\x2a\xb0\x86\x0e\x98\x31\x3d\x0b\xc0\xd5\x1b\x12\x50\xd7\x01\
\x54\x60\x31\x08\xb5\xef\x75\x3f\x33\x04\xb1\x3e\x11\x2e\x1b\x1a\
\x6f\x18\x22\x80\x10\xc7\x3a\x40\x2d\x09\x50\x40\xad\xf8\xeb\xe1\
\x7e\x9d\x52\x72\x36\x95\x6f\x29\xd9\xf0\x57\x0e\x50\x75\x2b\x17\
\x28\xa3\x88\xcb\xf6\x1c\x3b\xdc\x95\x7a\x1a\x98\xed\x1d\x04\x72\
\x00\xb1\x35\xe0\x9e\x57\x8d\x63\x1c\x04\x50\x9f\x09\xb4\xe5\xc4\
\x9d\xb4\x00\x06\x30\x20\x01\xb2\x2d\x20\x3a\x7e\xed\xc0\xf5\x0c\
\x05\x81\x0d\xfe\x61\x02\x18\x50\x80\x57\x52\xe6\xc3\x26\x6e\x20\
\xb7\x61\x52\x2d\x46\x1c\x40\x0c\x84\x10\x00\x4e\x47\xc8\xe2\x47\
\x36\xb4\x63\x11\x98\xc3\xaa\x1f\xb9\xc5\x3e\x10\x3c\xe4\xaa\xfc\
\xb2\x86\x5b\x61\x0c\x08\x3e\x50\xd9\x40\xa4\x19\xc0\xe2\xc0\xaa\
\x66\x13\xd0\x01\x3e\x61\x2c\xbf\xa6\x80\x33\x8a\x0c\x65\x81\x09\
\xd4\x27\x01\x88\x9e\x00\x07\xff\x2c\x80\x80\x81\x40\xd9\x13\xe2\
\x11\xee\x3c\x52\xf5\x11\x04\xe0\x48\xc5\x7a\x48\x70\x88\x1a\x60\
\x66\x2c\xf4\x65\x61\x00\x80\xed\x16\x58\xcc\x57\x81\x20\xa0\x53\
\x20\x7b\x44\x02\x2e\x9c\xa1\x0e\x6c\x31\xa1\x1d\x69\x00\x43\x37\
\x81\x6c\xb4\x8e\xa4\x01\x78\x7d\x04\x07\xb0\xdc\x1c\x93\x66\xa1\
\xd9\x28\x69\x9d\x17\x1c\x7c\xdc\xe6\x3e\x82\xd5\x4b\xd2\xb5\x21\
\x94\x6c\x07\x5a\x7f\x81\x6e\xd8\x51\x9c\x1f\x3c\xf0\xaf\x03\x3c\
\x40\xa8\x11\xfe\xce\x01\x54\x3c\x81\x43\x2a\x84\xad\x5e\x10\xd9\
\x4f\x1c\xd7\x08\x0e\xa3\x96\x2a\x04\xd0\x91\xa3\xc5\x07\x82\x06\
\xb8\x32\x65\x87\x42\x40\x04\x52\x7a\x06\xca\x66\x01\xc1\x92\x93\
\x6b\xb0\x6e\xd8\xdf\x66\x7e\xe3\xb2\x09\xb1\x59\x83\x28\xa0\x81\
\x0e\xec\x46\x6d\x07\x80\x40\x07\x1a\x25\x85\x49\x14\xb7\xe1\xaa\
\x2e\xef\xbe\xd5\xdd\x05\x44\x54\xfc\x14\x0e\x48\x92\x66\x00\x60\
\x71\x23\x38\x00\x79\xe3\x72\x80\x03\x00\x6a\x04\x99\x76\x86\x21\
\xc0\x5c\xc2\x5e\x7d\x62\x11\x30\x64\xa0\x03\xd8\xb1\xad\x29\x94\
\x75\x80\x01\x80\x00\xd3\x44\x50\xa1\x4d\x72\x65\xb2\x56\x84\x64\
\x01\xd9\x88\xa5\xca\x7d\x92\xff\x56\x2f\x58\x6c\xdf\x41\x27\x4a\
\x01\x24\x00\x10\x41\x2b\x61\x02\x63\xc0\x4c\x03\x2c\xd0\x67\x25\
\xf8\x4e\x72\x08\x00\x83\x6e\xc6\x89\xbe\xa7\x08\xc0\x03\x28\xf9\
\x62\x24\x30\xe0\xdb\x0d\xb8\x97\x08\x06\x20\x36\x48\x08\xf0\x77\
\x21\x0c\x5b\x29\xcb\xce\x09\x06\x98\xe5\xd1\x53\x4c\xe0\xc4\x00\
\xf0\x23\x17\x34\x80\x32\x00\x24\x1e\x27\x13\x58\x45\x41\xf2\x44\
\xd2\x06\x68\x76\xca\x20\xa0\x93\xbe\x10\xa0\x6a\x22\xa0\x14\x65\
\x51\x24\x4c\x02\x34\xb0\x81\x0d\x28\xe0\xf5\x1e\xf8\x80\x02\x60\
\x0d\x87\x09\x18\x40\x03\x10\x78\xf2\x41\xf6\x4c\xbf\x2d\x88\x99\
\x9f\x52\x26\x91\x23\x32\xa0\x96\xa8\x08\x39\xd9\x1a\xd8\xe2\x76\
\xdb\x41\x13\x91\x10\xa0\x01\x47\xaa\xb5\xf0\xbb\x21\x4c\xe6\x1f\
\x20\xf9\x58\xe0\x00\xb6\x6b\x51\x4e\x83\x62\x80\x86\x50\x9f\x3e\
\x24\x5a\xf6\x91\x77\x40\x30\x01\x56\xe3\xd3\x82\xc5\x8f\x13\x01\
\x04\xb0\xfc\x03\x40\x40\xf2\x0b\x80\xcd\x3f\x0c\xab\xe9\x96\x86\
\x40\xf8\xd9\x1f\xc1\x8f\xc7\x24\x24\xd0\x26\x7b\x1f\x30\x08\x43\
\x15\x2e\x49\xc5\x7f\x2e\x54\x0f\x86\xa6\x27\x0b\x03\x38\x08\xb8\
\x12\xc4\x55\x68\x9d\xa1\x40\xff\x0f\xe8\x0d\xf8\x41\x6d\x61\xb1\
\x08\x85\x57\x81\x72\xa0\x7d\x02\x32\x00\x97\xc7\x81\x7d\x60\x56\
\x11\x82\x00\x1b\x28\x82\x5d\x70\x77\x12\xa8\x10\x60\x85\x82\xa5\
\x00\x68\x08\xc2\x52\x2e\xe8\x08\x05\x30\x63\xe1\x45\x49\x33\xd8\
\x08\xb3\x84\x81\x6f\xc1\x2a\x21\x98\x83\x6f\x00\x0e\x3c\x68\x15\
\xaf\xf0\x83\x40\xf8\x06\x18\x60\x83\xfa\x54\x24\x90\x97\x63\xa8\
\x16\x01\x6d\x77\x84\x7a\x10\x48\x96\xd1\x58\x37\x92\x7b\xf6\x33\
\x59\x6e\x72\x6a\x99\x25\x85\xa7\xc0\x01\x82\x94\x61\x18\xc1\x15\
\xeb\x05\x0d\x99\xa3\x16\x6a\xd4\x4b\xc5\x51\x7a\x5e\xb8\x4a\x60\
\x48\x06\x1e\x56\x41\x22\x00\x6e\x36\x61\x82\x40\x46\x24\x67\x50\
\x74\x6d\x08\x0c\xec\x82\x00\x20\x10\x3a\x47\xb0\x01\x33\x75\x07\
\x35\x17\x4a\x76\xa5\x6d\x7b\x08\x0c\x05\x40\x01\x3f\xe6\x21\xcf\
\x34\x00\x92\x07\x64\xb9\x67\x6d\x89\x98\x13\x68\x07\x12\x0b\xe0\
\x4f\x80\x58\x89\xe0\xf4\x56\xed\x10\x77\x9c\x38\x1d\x0f\xe0\x1d\
\x1f\x70\x82\xa1\xe8\x0d\x5d\xa5\x5b\x91\x78\x8a\x73\x31\x33\x33\
\xa7\x27\x78\xf2\x36\xca\xc6\x8a\xb8\x31\x07\x1a\x60\x00\x06\x90\
\x66\x1d\xf0\x6e\x41\x65\x01\x08\x1c\xc0\x86\xb4\x38\x83\x41\x00\
\x00\x21\xf9\x04\x09\x03\x00\x22\x00\x2c\x00\x00\x00\x00\xb3\x00\
\xa2\x00\x00\x06\xff\x40\x91\x70\x48\x2c\x1a\x8f\xc8\xa4\x72\x29\
\x9a\x28\x3c\x1c\x43\x82\x49\xad\x5a\xaf\xd8\xac\x76\xcb\x45\x3e\
\x16\x80\x90\x18\x10\x58\x10\x10\x9b\x4c\x77\xcd\x6e\xbb\xdf\x22\
\xc1\xe5\xc1\x99\x2e\x13\x87\xb0\x78\x3f\xae\x38\xe0\x80\x81\x82\
\x6e\x05\x05\x0e\x16\x0d\x0b\x03\x0d\x1b\x02\x4b\x18\x04\x7c\x92\
\x21\x07\x06\x83\x97\x98\x99\x48\x14\x18\x0f\x07\x01\x00\x7a\x00\
\x08\x13\x4b\x0f\x03\x93\x7c\x04\x18\x9a\xad\xae\x81\x06\x08\x03\
\x7a\x92\x01\x1f\x8e\x49\x08\x01\xa9\x7b\x03\xac\x4b\x02\x06\x06\
\x05\xaf\xc5\xc6\x45\x12\xb4\xa9\x0d\x96\x71\xb8\x22\x14\x1b\x12\
\xb3\xbc\x63\x1c\xcf\x48\x0a\x07\x07\x0f\x14\xd8\xc7\xe0\x97\x02\
\x10\xd5\x63\x11\x0a\x1c\x1f\x12\x08\x0d\x04\xee\xbb\xe5\x62\x08\
\x1a\x0e\xdf\x43\x90\x61\x00\x0d\x1d\xf6\xe1\xfe\x6e\x02\x3a\xc4\
\x13\x03\x6a\x8c\xb2\x81\x21\x02\x34\xa8\xa0\x40\x4a\x11\x07\x07\
\x26\x11\xb0\x40\xec\x9f\xc5\x36\x19\x36\x1c\x44\xc8\x71\x12\x80\
\x45\x12\x38\x10\x73\x10\x61\x63\x42\x02\x12\xec\x5c\x5c\xa9\x65\
\x03\xaa\x8e\x30\xcb\x05\x58\xd4\x00\x5e\xaa\x8f\x15\x58\xea\xbc\
\x12\xf0\x65\xcc\xff\x9f\x37\x4d\xf2\xd1\xb7\xb3\xe8\x12\x07\xda\
\x84\x02\x5d\x2a\x13\x84\xd1\x95\x17\x3a\x28\xf8\x63\xa4\xc0\x86\
\x08\x04\x94\x32\xdd\x3a\x69\xc0\x83\xa7\x16\x37\xc8\x42\xe9\x8d\
\x88\x81\x0a\x04\x6c\x72\x5d\x5b\xae\xc1\x2f\xb0\xe0\x3c\x34\xd0\
\x13\x00\xc4\x05\x47\x09\x10\x15\x64\xcb\xb7\x1a\x02\xaa\x70\x8d\
\x3d\xc8\x2a\x89\xc0\x83\x07\x35\xb5\xf6\xe5\x8b\x80\x42\x60\x63\
\x10\xa8\x05\x5d\x4c\x99\x57\x80\x0a\x8e\x1f\xb7\x8a\xa0\xb6\xb2\
\x67\x84\x03\x10\x60\xe8\xa7\x99\x50\xc9\xcf\xa8\x3b\x06\x38\xa0\
\xa0\x62\x69\x40\x14\x22\xa5\x9e\x3d\x10\x00\x81\x0e\x80\x85\x60\
\xa8\x20\xa1\xd4\x6b\x2d\x09\xc8\xd1\x1e\x2e\xb3\xb7\x23\x07\x15\
\x16\xcc\xf4\xf3\x5b\x8b\x06\xd9\xc4\xa3\x4b\x1a\xb5\xc1\x82\xe4\
\x84\x12\x5c\x37\xaf\x22\x40\x42\x67\xe9\xe0\x53\x0d\xe0\xb7\xfd\
\xca\x85\x06\xe1\xd3\xf3\x02\xb0\x40\x01\xe9\xf2\x55\x11\xa8\x9f\
\x3f\x9d\x80\x06\x35\xf0\x97\x68\x40\x4f\xbf\x7f\x08\x7d\xcd\xe4\
\x87\x04\x1e\xdf\xf9\x17\x5e\x00\x11\xe0\x27\x60\x11\x02\x54\x50\
\xa0\x81\xe0\x8d\xa2\xd2\x82\x42\x64\xf0\xc1\x83\x10\x46\x67\x9b\
\x07\x14\x16\x61\xff\x80\x4f\x19\xaa\xe7\x95\x76\x14\x3a\x00\x5d\
\x88\xe9\x05\x00\x81\x6f\xe5\x4d\x50\x41\x05\x1d\x5c\x50\x0f\x05\
\x11\xa0\x48\x1f\x33\xf9\x4d\xc0\x59\x19\x0d\x44\x60\x01\x08\x8a\
\xd9\x98\x1a\x08\xb9\x35\xa7\x00\x88\x42\xfa\x47\x40\x80\xcd\x51\
\x00\x64\x92\x21\x42\xf0\x1e\x5c\x1d\x20\x09\x65\x7f\x03\x5c\xb0\
\x1d\x05\x08\x04\x79\xa5\x86\x08\x4c\x69\xd4\x17\x5f\x86\x38\x00\
\x87\xaf\x25\x30\x57\x99\x19\xea\x33\x61\x60\x55\x0a\x49\xc6\x00\
\x0b\x28\xb2\x97\x7f\x01\x48\xf0\xda\x03\x18\xa6\x48\x00\x08\x10\
\x58\xf0\xc0\x07\x0a\x6c\xb0\x81\x02\xea\xb0\x73\x5d\x78\x04\x28\
\x90\x80\x01\x0a\x3c\x60\x81\x48\x46\x15\x90\x47\x7f\xa1\x2c\x00\
\x81\x06\x06\x50\x40\xe2\x10\x05\x4c\x70\x81\x02\x10\x34\xb0\x68\
\x74\x33\xd5\x39\xc0\x22\x1c\x80\x65\x41\x9f\xa9\x7d\xd4\x80\x07\
\x05\x08\xa0\x20\x13\x05\x60\x80\xc8\xa9\xe1\x01\x90\xdd\x53\x05\
\x28\x70\x22\x71\x0a\x3d\xf0\xe9\x15\x13\x58\x90\x56\x7f\x08\x30\
\xb9\x53\x01\x1e\x78\xd9\xd7\x00\x15\xb0\xb8\x06\x72\xb0\xce\x36\
\x40\xab\x60\x61\x90\x2d\x5f\xfa\x90\x07\x87\x06\x0b\xd0\x67\x2c\
\x58\xd1\x0e\x07\xff\xc0\x01\xdc\x06\x42\x41\x44\xea\x1d\xf0\x26\
\x4b\xc8\x0d\xb7\x9a\x96\x97\xc4\x22\x2d\x65\x01\x58\xab\x13\x06\
\xf0\xc6\x5a\x49\x26\x72\x74\xd9\xab\x9e\x46\x75\x50\x6e\xac\x0d\
\xdc\xa7\x89\x00\xfb\xf5\x7a\xc0\x53\x0e\xce\x46\xc0\x2d\xae\x40\
\x3b\x2c\x6d\x01\x20\x60\x94\x00\x6b\xa2\x96\xe7\xb1\x97\x24\xe0\
\x1d\x71\xb6\x45\xe0\xec\x4a\x06\x2c\x8c\x5a\xb3\xc7\x18\x70\x69\
\xac\xa1\xb9\xf7\x14\x9f\xa9\x0d\x90\xc6\x31\x19\x28\x6c\xb1\x05\
\xfe\xfe\x23\x00\x05\x9d\x22\x05\x46\x6a\x11\x04\xed\x8a\x03\x06\
\xbf\xac\x74\x38\x19\x3c\xa0\x68\x28\xb3\x01\x80\xc1\xad\xc6\x7c\
\x60\xe5\x62\x11\x14\xf9\xcf\x04\x5b\xa3\xd6\x80\x98\x99\xa8\xb9\
\xef\x4f\x30\xb3\x84\x81\x74\x00\x7c\x65\x91\x05\x67\xc7\x84\x23\
\x4b\x0a\x48\x17\xc0\xca\xc7\x4c\xf0\xed\x52\x03\x64\xb6\xd2\x03\
\x1a\x12\xb0\x52\x01\xfc\x79\x06\x80\xdf\x17\x49\x80\xaa\xc7\x17\
\x05\x87\x1a\x00\x1a\xe8\x54\x23\x71\x03\x20\x6c\x91\x00\xe9\x7a\
\x16\x80\x05\x3a\xc9\x47\xdc\x02\x6e\x5f\xa4\xc0\xde\x3f\x21\xa8\
\x53\xe1\xb4\x35\x4a\xf7\xc6\xe0\x32\x43\x76\x2b\xa8\x5b\xbc\x01\
\x4b\x1b\xb0\xce\xff\x57\xc7\x1f\x60\x30\xc1\xeb\x97\x80\x70\x67\
\x6a\xf6\xb1\x14\x31\xcd\x07\x00\xed\xcf\x05\x15\x98\x4a\xfa\x52\
\x04\xe0\x7b\xd1\x79\x28\x23\x30\xaf\x31\x06\x74\xd0\xb4\x67\x03\
\xe0\x0d\x0e\x24\xd1\x0d\x7c\x91\x00\x01\x57\xd6\xaf\xf0\x2e\xd3\
\xd6\xd8\xe0\x80\xa3\xa6\xfd\x31\xa3\x47\x97\xf4\x4a\x02\xd4\xfd\
\x59\xdb\x2c\x3d\x10\xf7\x56\x10\x78\x1d\xce\x06\xcb\xc3\x34\x0a\
\x4b\x15\x90\xce\xaf\x56\xb2\x81\xf2\x2d\xc6\x36\x24\x2b\x86\x9a\
\xa4\xf3\x00\xde\x69\x82\x03\xb1\x5b\x4c\x7b\x2e\xf2\x21\x0d\x7d\
\x40\x27\x32\x13\x59\x4e\xfe\x51\x80\xf4\x11\x4b\x01\x3a\xc1\x43\
\x6a\x0e\x80\xb8\x98\x79\x4e\x5d\x03\x88\x5c\xe7\xee\xd7\x11\xaf\
\xf8\x43\x00\x5a\xa3\x99\x3b\x08\xd0\x00\x0b\x60\xcd\x22\x33\xfb\
\xcc\xf9\xc0\x31\x81\x27\xcd\x6f\x22\x1b\x28\x4b\x51\x3c\x10\xb6\
\xbe\x04\xc0\x03\x0e\x84\x03\x99\x50\x53\xb9\x1b\x5e\xa4\x00\xb1\
\xf8\xdd\x67\xe6\x56\x0c\x99\xb1\xb0\x23\x8c\x30\x8a\x03\xbc\x73\
\xc5\x9f\xf8\x6a\x7a\x97\x28\x40\xc5\x52\xb3\x43\x9d\x08\xc0\x02\
\x07\x42\xe2\x2b\x88\xd8\x45\x84\x00\xc0\x02\x49\x6c\x45\x02\x26\
\x07\x9e\x05\xbc\xff\x25\x13\xf8\x98\x4d\x00\xda\xa5\x93\x02\x74\
\xa0\x8d\x4b\xd1\xc7\x1d\x07\x31\x81\x90\xa5\xa6\x01\x25\x14\x9e\
\xed\xaa\xd6\x00\x3e\xba\xcb\x90\xa9\xa9\x40\x02\xff\xc1\x25\xf5\
\xe8\x83\x56\x81\x90\x03\x24\x53\x03\x42\xb0\x9c\x2c\x3d\xb6\x79\
\xc0\xd3\xb6\x10\x2c\xc2\xd8\xcb\x79\x46\x11\x16\x7d\xa8\x35\x0c\
\x36\x40\x11\x02\x52\x4c\x4d\x9e\xe2\xf8\x0a\x11\xd2\x27\x94\x93\
\x5c\x02\x14\x3b\x60\x4a\x0d\x2d\xa0\x37\x60\x81\xa5\x7f\x6c\x63\
\xbc\x2b\x24\x40\x03\x88\xe9\x5f\x5f\x70\x72\x01\x27\x5a\xc4\x00\
\x91\xf8\x08\x0d\x7b\xc9\xb6\x01\x14\x8f\x03\x9e\x4a\xc2\x31\x2d\
\x10\x81\x9a\xe0\x29\x6d\x45\xa1\x40\xa1\x36\xc0\x01\x0c\x78\x80\
\x9a\xd5\x24\xc0\x01\x22\x20\x81\x0f\x6c\xe0\x02\x06\xc0\xc0\x07\
\x20\xc0\x0e\x02\xf0\x6a\x3e\x79\x02\xcb\x37\x3a\xa0\xcc\xf9\xd1\
\x82\x0c\x54\x43\x91\x0b\x8d\x39\x01\x30\x62\x02\x7c\x80\x64\xd3\
\x62\x0e\x80\x4a\x21\x40\x71\x03\x9c\xd2\x80\x3a\x2a\x10\x81\x08\
\x50\xd4\x02\x06\x1d\x44\x06\x34\xd0\x4f\x85\x8a\xef\x5c\x1e\x4a\
\x0e\x3c\xc8\x10\x80\xbd\xd8\xf1\x18\x09\xa8\x40\x42\x3d\xca\x15\
\xef\x15\x01\x03\xff\x06\xf4\x48\xe8\x8a\x71\x81\x98\xb2\x14\x55\
\xad\x39\x02\x06\x82\x04\x82\x8c\x0e\x22\x2f\x2b\xbd\xe9\x4f\xe4\
\xe5\x85\x20\x35\xa0\xa1\x43\xc8\xc0\x04\x3c\xa0\x01\x5a\x32\x01\
\x7a\x42\x7d\xdc\x41\x00\xd0\xc9\x23\xf8\xb0\x1c\x03\xb8\xe0\x11\
\x28\x90\x9c\x06\x68\x15\x0e\x0d\x8a\xea\x67\x56\x63\x81\xe4\xa1\
\x42\x1f\x24\x43\xe8\x40\x54\x54\x95\x73\xe6\xc3\x30\xb0\x39\xa1\
\x58\x8d\x88\x00\x62\x08\xc0\x01\x18\x80\x80\x3b\x24\x40\x81\x1b\
\x66\xb0\x36\x0d\x20\x42\x06\x0c\xc0\x99\xa1\x8c\x27\x97\x56\x08\
\x4e\x47\xe7\xba\x1e\x2a\x8a\xc0\x8a\x64\xd8\x87\x03\x6e\x55\x3b\
\x8e\x6c\x4e\x00\x05\x48\xc0\x06\x3e\x71\x93\x07\xf8\x94\x0a\x02\
\x58\x22\x63\xd9\x62\x9b\xaa\x42\xe3\x7a\x64\x40\x43\x45\x74\xb4\
\xaf\x00\xa0\x04\x11\x4a\x51\x51\x22\xb1\x90\xc7\xd1\xb2\x05\x74\
\x0a\x9a\x80\x5c\xf7\x80\x93\x75\x28\x53\x5a\x08\x42\xea\x15\x0a\
\x6b\xdb\xb5\x0c\x00\x02\x2a\x49\xc0\xf5\x3c\x32\x80\xc5\x5a\x76\
\x1e\x5c\x10\x66\x71\xb7\x82\xa0\x00\x61\xcb\x40\xab\x41\x2c\x12\
\x1c\xb0\xc9\xe9\xc2\xa4\x91\x43\x30\xd9\x3d\x7b\x85\x00\x67\x52\
\x21\x36\xde\x5d\xff\xca\x0e\x43\x7b\x34\x03\xa5\xd0\xbc\x4c\x10\
\x00\x06\x8a\x98\xde\x6a\xd8\x51\x0d\xaa\x84\x10\x00\x2a\xf0\x59\
\x60\xb4\x6f\x28\x33\x71\xae\x42\xf7\x4b\x8c\xca\x1a\xc8\x36\x1c\
\x80\x2f\x77\x70\x46\x10\x02\xb0\x93\xb3\xf5\xed\x0a\x2b\x3a\x18\
\x54\xae\x8c\xcc\x0d\x8a\x65\x4f\x05\x1a\x21\x82\x2d\xd2\xb7\xb8\
\xa3\xc0\x45\x0e\x2d\x49\x42\x38\x38\x40\x1d\x53\x21\x42\xfc\x16\
\x39\xdd\x05\x54\xe4\x39\x15\x06\xca\x00\x4c\x4b\x88\x5a\x1d\xc1\
\x8a\x11\x26\x08\x08\x9e\x21\x5a\xa0\x04\xd4\xc7\x81\x35\xc6\x04\
\x22\x13\xe1\x01\xa8\x8c\x08\x0e\x90\x6e\x4c\x64\x75\x00\x04\x20\
\x20\x2b\x71\x6b\xc0\x28\x2f\xe1\x80\x53\xdc\xf4\x23\xf7\xfc\x65\
\xd0\x30\x10\xc1\x72\xe8\x03\x02\x01\x4a\x00\x05\xc6\xfc\xe4\xd6\
\x7e\x40\xbb\x80\xc0\x43\x8c\xb5\x85\x00\x0b\x48\xc0\x9b\xbc\x35\
\x8c\xfe\x0a\xd9\x42\x34\xe8\x4f\x08\x1a\x90\x05\x16\x3b\x80\x4d\
\x47\x08\xc0\xa9\x59\x18\x31\x94\x56\xd3\x0d\x21\x44\x71\x0c\x0d\
\x70\x14\x12\x2e\xb0\xb7\x3c\xdd\x99\x08\x13\x90\x80\x4d\x2d\x43\
\xc3\x06\x20\xe0\x01\x86\x5a\x9f\x1b\xd0\x69\x23\x7d\x58\xc0\x00\
\xd8\x08\xce\x2c\xff\xe6\x91\x56\x95\x22\x24\x00\x20\x65\xc2\x21\
\x3e\xec\x91\x7c\x2c\x80\x71\x83\xa0\x80\x80\x69\x53\xb9\x0b\x90\
\x2c\x9e\xbb\x3b\x42\x02\x74\xd5\x5e\x99\x54\x20\x89\x5b\xec\x62\
\x00\xd0\x9c\x85\x9e\x7d\xe9\xa8\xb9\xbc\xd5\x5d\x3b\x91\xbc\xb4\
\x04\x49\x1f\xb3\x5d\xc2\x04\x58\x1c\x8f\x05\x68\xba\x0b\x29\xfd\
\xd2\x68\x8c\xe9\x81\x6e\x8e\xd7\x32\x36\xd4\x02\xdc\x98\x37\x3b\
\x41\xf8\xb1\x4f\xfa\x88\xc0\x01\x9c\x0d\x9e\x6b\x1b\xe1\x48\x4b\
\x59\xc0\xa3\x97\xd0\x32\xe6\xa1\x49\x10\x55\x3e\x00\xaf\x56\x63\
\x00\x51\xcd\xf3\x00\xca\x59\xf3\x7a\x66\x4a\x05\x03\x74\x54\x7a\
\xa4\x0c\x1f\x4c\x16\xf0\x55\x41\xc8\xe1\xcd\xd7\xd1\x47\x43\x87\
\xe6\x01\xb4\xdc\x6f\x4e\xcd\x55\xcc\x65\xb0\x20\x00\x16\xbe\x91\
\xd8\x46\x10\x4e\xe9\xee\x2d\x0e\x03\xbc\xb9\x20\x04\x50\x23\x12\
\x0a\x00\x81\x20\xb9\xd6\xd2\x20\x88\x40\xa0\x14\xa0\x01\x53\x57\
\xa3\x63\x58\x48\x00\xab\x53\xb1\xb9\x2e\x78\x70\xc9\xe5\x6e\x45\
\xb2\xdc\x91\x6a\x24\x78\x60\xd2\x7b\x58\x80\x05\x30\x70\x01\x0a\
\xbc\xa9\x92\x37\x87\x75\x15\xa0\x09\x94\x7c\x6e\x01\x86\x4c\xa1\
\xb1\x2b\xc8\x66\xff\xe0\xf5\x80\x60\x92\x47\xf7\xc8\x4c\x0e\x30\
\x48\x26\x18\xa0\xcb\x6b\xdd\xe0\x16\x92\xb1\x94\x0e\x80\xe5\xec\
\x58\x25\xb8\x11\xe6\x28\x0a\xd7\x1e\x40\x02\xcd\xcc\xc2\x05\x14\
\xce\x91\xff\x71\x41\xd0\x7d\xb7\x5c\x51\x08\x57\x0e\x02\x04\x3d\
\x09\xfb\x19\xc0\x9f\x42\xd2\xdf\x4d\xf0\x9d\x23\x04\x00\x39\xa4\
\xa9\x7d\xf3\x08\xc0\x45\x17\x7e\x89\xb6\x8a\x21\x45\x0f\x05\xe3\
\xea\xf1\xa7\x76\xa4\x15\xe2\xb4\xe4\x45\x34\xbc\x28\x26\x47\xc0\
\x01\xda\x61\xcf\x92\x1e\x11\xd0\x5d\x00\xbc\x1b\xab\x95\x05\xa8\
\xd7\x66\x26\x96\x9e\xd4\xbc\x57\xe2\x00\xa2\x61\x40\x03\x87\x7a\
\x02\xa8\xc1\x21\x7b\x84\x80\x0e\x0b\xe7\x76\xe3\x42\x1e\xa0\x81\
\x29\x77\x08\x13\x15\xf8\xb6\x97\xdd\x62\x85\x15\x73\x04\xe1\xcf\
\xff\xc7\x05\x24\x10\x81\xa9\x95\xb4\xef\x52\x26\x5b\xb0\xba\xcb\
\x73\xad\x67\x1f\x1c\x02\x98\x40\xa7\x0c\xf0\xa3\x9d\xff\x87\x00\
\x75\x50\x02\xb4\xc8\xbf\x8c\xb2\x9f\xff\x7b\x01\x6c\x61\x05\x3c\
\x40\x95\x67\x24\x80\x03\x98\xd7\x11\x86\x77\x7f\x46\x51\x41\x1d\
\xc1\x1e\xeb\x44\x07\x0a\xc0\x4d\x70\x06\x13\xd9\x45\x80\x3b\xa1\
\x56\xfe\x53\x10\xff\x00\x75\x45\xb3\x04\x81\x2c\x91\x00\x57\x95\
\x22\xd7\x80\x81\x16\x91\x11\x94\x47\x1b\x47\xe5\x81\xff\x40\x12\
\x02\xe7\x45\x98\x41\x82\xe0\x90\x01\xff\xe5\x1f\x4a\x07\x7b\x2a\
\x48\x4a\xf4\x77\x20\x3b\x16\x83\xc5\xf0\x2a\xfa\xd5\x28\x9e\x67\
\x83\x6e\x40\x01\x33\x08\x1e\x59\xb5\x83\x3c\xd8\x06\xc2\x72\x82\
\xa5\x73\x66\x43\x98\x31\x45\x48\x1b\x5a\x81\x6a\x92\x97\x84\x5d\
\x00\x31\x9c\x06\x2e\x7f\x62\x2a\x26\x51\x39\x30\x08\x85\x5a\x70\
\x76\xb1\xf5\x0e\x31\x71\x5c\xa0\xe6\x47\x10\xb6\x07\x97\xb1\x7b\
\x5a\x28\x08\x7b\x57\x20\xa3\x80\x0e\x1f\x00\x02\xee\x37\x0a\x2c\
\x12\x0c\x12\x60\x4a\xd5\x75\x86\xe0\x60\x00\xbe\x23\x09\x5e\x61\
\x07\x77\xd5\x72\xa7\x06\x01\x55\x81\x01\xde\xc1\x6f\x76\x18\x0e\
\x14\x20\x5d\x1d\xa3\x42\x44\x00\x6f\x6b\x65\x7e\x22\x60\x08\x15\
\xe0\x6e\x85\x48\x65\xd6\x41\x00\x10\x70\x17\x46\x80\x5e\xb5\x21\
\x89\x93\x18\x0e\xc1\xe2\x59\xb9\x10\x24\x0b\x20\x5c\x9d\xf8\x1a\
\x4a\x56\x0d\x2e\x55\x8a\xdb\x11\x76\x5e\xd6\x53\xaa\x08\x1f\x7b\
\x17\x0f\x1b\xf7\x8a\xe5\x61\x32\x77\x32\x13\xee\xa0\x08\x29\x47\
\x8b\xf0\x41\x58\x12\x81\xe2\x01\x4f\xd0\x01\xc0\x88\x01\x66\xc8\
\x8b\x9a\x61\x2b\x97\x10\x04\x00\x21\xf9\x04\x09\x03\x00\x22\x00\
\x2c\x00\x00\x00\x00\xb3\x00\xa2\x00\x00\x06\xff\x40\x91\x70\x48\
\x2c\x1a\x8f\xc8\xa4\x72\x49\x34\x6c\x0c\x02\xa6\x74\x4a\xad\x5a\
\xaf\xd8\xac\x54\x60\x30\x14\xa6\x88\x40\x28\x14\x20\x34\x10\x90\
\xce\x25\xaa\x6d\xbb\xdf\xf0\x38\x91\xfb\xa8\x20\x0e\x0a\x29\x05\
\x30\xee\xfb\x17\x0e\x72\x82\x83\x84\x82\x09\x14\x06\x16\x07\x04\
\x03\x7c\x00\x04\x13\x4b\x05\x16\x7e\x95\x21\x00\x79\x85\x9a\x9b\
\x9c\x4a\x0e\x0f\x0d\x01\x00\x7c\x7e\x01\x15\x4b\x06\x07\x96\xa5\
\x12\x9d\xae\xaf\x9b\x0a\x04\xab\x7d\x04\x1a\x4a\x1e\x0b\xb4\x63\
\xa6\xb0\xbe\xbf\x6f\x0a\xba\xbb\x00\x15\x81\x0e\x5d\x14\x05\x0e\
\x1c\x16\x0d\xa4\xb4\x00\x11\x4c\x19\xc8\x09\xc0\xd8\xd8\x17\x03\
\xbb\xbc\x67\x08\x77\x04\x01\x01\x03\x8d\xdd\x63\x08\x91\x4a\x17\
\x76\x16\x81\xd9\xf0\xae\x05\x62\xe7\xa3\xe7\xdd\x01\x08\x0a\x0e\
\x19\x47\x06\x61\x97\x08\x58\x50\x17\xaf\xe0\xa0\x02\xdc\xee\x29\
\xec\x06\x60\x40\x83\x0a\x1f\x2e\x24\xe8\x27\x22\x41\x04\x7a\xde\
\x06\x52\x34\xc8\x51\x4b\x86\x0b\xc3\x16\x8a\xa4\x15\x60\xc1\x01\
\x09\x6b\x0a\x54\xc0\xd8\xa7\x21\x82\x0f\xef\x3a\xca\x14\xc2\x46\
\x49\x82\x0d\x20\xa0\x8d\xdc\x49\x6b\xc0\x02\xff\x96\x95\x1e\x3d\
\xf8\x32\xb3\xa3\x83\x0f\x07\x10\x6c\xa8\x39\x44\x00\x87\x08\x04\
\x74\xf2\x9c\xca\x93\x00\xd1\xa2\x05\x0d\x40\xe0\x26\xf4\x9a\x88\
\x0c\x5c\xa0\x02\xa5\x4a\x76\xe1\x23\xac\x06\x35\x00\x1c\xf3\x48\
\x82\x81\x09\xec\x06\x88\x2a\x4b\x77\x64\x2f\xb4\xf0\x3c\x3c\xb3\
\x34\x00\x41\x04\x73\x75\x03\x2f\x5c\x90\x09\x2f\x30\x0b\x21\x05\
\x2b\x26\x7b\xc0\x80\xe1\x5f\x09\xb6\x2e\x9e\x4c\x16\x44\xcc\xc7\
\xae\x30\xcc\xa2\xcc\x79\x27\x01\x05\x4c\x31\x6f\x4a\xd5\xb9\xb4\
\xd9\x06\x1c\x36\x8a\xd6\x24\xc0\x42\x42\xd3\xb0\x77\x0d\x00\xbd\
\x9a\x93\x81\xbd\xb1\x73\x5b\x02\x00\x21\x74\x6d\x39\xad\x5f\xeb\
\x1e\x4e\x06\x01\x85\xa6\x09\x90\x42\xb8\xfa\x1b\x0b\x05\xe1\xc4\
\x75\x07\x38\xb0\x01\xd9\x87\x67\x0d\x25\x30\x6f\x5e\x85\x83\xd4\
\xe8\xb9\x03\x34\x88\x80\xfb\xd2\x82\x0f\xbe\xb9\x2f\x99\xd0\x00\
\xbc\xfb\x68\xa8\x55\xab\x57\x42\x01\xc1\xf7\xf7\xef\x01\x20\x70\
\x3c\x7f\x09\x85\x95\xf8\x05\x58\x89\x29\x5e\xf5\x77\x44\x64\x63\
\x09\x88\x5f\x00\x0f\xa4\xd7\x5f\x01\x12\x40\xa7\xa0\x80\x03\xf0\
\xc7\x9d\x03\x10\x1c\x00\x81\x02\x14\x08\x90\xff\xc0\x03\x89\x4d\
\xa8\x20\x00\x16\x36\x07\x81\x28\x65\x9c\xb4\xd5\x7d\x22\xba\x07\
\xc0\x01\xf3\x4d\x20\x61\x8b\x2d\x02\xd0\xc0\x65\xb5\x25\x50\x01\
\x8d\x3c\xb6\xd4\xc0\x2d\xdc\x09\xb0\xc1\x8c\x3d\x0a\xb8\xc0\x03\
\xf3\x19\x10\x41\x91\x3d\xfe\xa8\x9e\x00\x0f\x10\xc9\x24\x7e\x03\
\x78\xe0\xa0\x61\xa9\xb0\x38\x25\x7e\xe9\x70\xd7\x81\x94\x5b\xbe\
\x17\x40\x6a\xcd\x71\x10\x55\x98\x34\x36\x10\xa4\x04\x0b\x68\x19\
\x9d\x3d\x00\x94\x44\xc0\x02\x72\x89\x18\x40\x61\xb5\x09\x90\x8b\
\x82\xe4\x98\x24\x81\x07\x0a\x78\x00\xe8\x06\x81\x4a\x00\x42\x03\
\x3f\xb9\x59\x9a\x8d\x05\xe6\x79\xc1\x66\xee\x89\x17\x81\x07\xd7\
\x14\xe0\x5b\x06\x87\x68\xd0\x81\x58\xee\x0d\x60\xc1\x7c\x0a\x28\
\xca\x99\x7e\x0f\x18\x20\x1f\x13\x13\x74\x50\xde\x70\x3f\x16\x30\
\x41\x32\x57\xca\xd4\x41\x82\x8b\x7e\x76\x5c\x1b\x1b\x1c\x20\xea\
\x62\x8f\x24\x75\x40\x03\x04\x40\x80\x63\x51\x02\x44\xb0\x6b\x60\
\x0d\x55\x90\x40\xac\x53\x70\x21\x01\xa4\x91\xe2\x89\xd5\x6d\xd2\
\x35\xd0\xc1\x20\x1f\xae\x1a\x9d\x04\x8d\x16\xf5\x65\x78\xd4\x15\
\xe2\x94\xb6\xc3\x1d\x30\xac\x4c\x20\xd0\xba\xff\x58\x3e\x18\x70\
\x72\x81\xae\x91\x12\x84\x55\x88\xa3\x22\x70\xc1\xa9\x83\x64\x09\
\x1e\x83\x68\x65\x60\xc0\xb1\x65\x35\x80\x01\xb3\x71\x5c\x40\x2e\
\x6c\x2f\xe2\x5b\x90\x03\x12\xc4\x16\xc0\xc0\xbe\x08\x03\x5e\x03\
\x25\x72\x94\x80\x02\xed\x99\x06\x40\x2b\xbf\x08\x20\x81\xba\x9d\
\x0d\x70\x6d\x41\x05\x68\x60\x01\x04\x15\x54\x70\xb0\x62\x8c\x62\
\xe3\x00\xbc\xc3\xf1\x5b\x50\x05\x72\xcd\x15\xdb\x79\xf0\x70\x00\
\xf2\x64\x01\x80\x50\x31\x36\xd0\xc6\xa6\x5f\xb7\xbe\x24\x00\x82\
\xd0\x36\x7a\xd0\xa1\x41\x60\x52\xb6\xc0\xc8\xd9\x08\xa0\x40\xd3\
\x75\x11\xb6\x6c\x47\x00\x07\xb6\x5f\x56\x08\x98\x36\xe6\x4c\x13\
\x10\x07\x40\x07\xdb\x01\xe3\xf1\xce\x65\x55\x38\x13\x07\xc4\x05\
\x70\x2e\x30\x1b\x04\xbd\x18\x01\x1b\xcc\xf4\xc0\x70\x67\x59\xbc\
\x72\xd5\x1f\xcc\x04\x01\xde\x08\xc8\x64\x6c\xc8\x50\x73\xd4\xb5\
\x74\x10\xc8\x9a\xf5\x48\x00\xf4\x2d\x13\xcc\x37\x23\xd9\xd1\xbf\
\xa5\x75\x40\x30\x2c\x1b\x84\x92\xdb\x67\x32\x19\x40\x35\x59\x16\
\x94\x1d\x4f\x02\x1a\x48\x70\x40\x9b\xa5\xd1\x2d\x93\x66\x9d\x49\
\x83\x56\x02\x17\x44\x99\x7a\xbb\x1d\x69\x90\xff\x31\x65\x36\x1a\
\x66\x74\x69\x03\xdc\xca\x91\xed\xbc\x0f\xf5\x3a\x25\x9d\x05\x20\
\x7a\x36\xac\x2f\xba\x00\x02\x16\x60\x70\x3c\x36\xad\x2d\x2e\x52\
\x00\x3f\xc3\xa3\x01\xbd\x93\xc5\x39\x00\x1e\x97\xbf\x62\x01\xda\
\x54\x0d\xe0\x38\x47\x1b\x80\x8f\x6c\x04\x6f\x63\x23\x3b\x67\x01\
\x24\xde\xd1\x07\xd2\x93\x15\x81\xbc\x05\x7d\xf0\xf9\x54\x00\x80\
\xd0\x3d\x27\x05\xfc\x3d\x1c\x04\x44\x83\x07\x06\xee\x37\x95\xc6\
\x70\xa4\x3e\xc4\x69\x90\x4c\x12\x60\xbe\xa9\xcc\x86\x7c\x72\x5b\
\x94\x07\x66\x92\x00\x02\x4e\x25\x74\x05\x39\x5b\xcc\xa4\x15\x0f\
\x21\x35\x70\x2a\x04\x08\xa0\x2f\x26\xa0\x8a\xe1\x2c\x80\x03\x1c\
\xa1\xc3\xed\x5a\xc7\xc1\x5f\x74\x00\x7b\xa5\x11\x98\x41\x28\xa0\
\x08\x0b\x52\xc5\x46\xfb\x1b\x84\x00\x20\x97\x1b\x03\xc6\xc3\x00\
\x20\x00\x4c\x6c\x06\x20\x39\x6c\xe8\x0c\x61\x7d\x28\x89\x05\x44\
\x08\x0b\x10\x89\xad\x01\x17\xc0\x46\x02\x4a\x58\xab\x0a\x3c\xe0\
\x03\x1d\xf0\x40\xfa\x60\xa1\x01\x1b\xd6\xc5\x14\xf4\xeb\x44\x02\
\x2c\x10\xbf\x91\x2c\x20\x12\x96\x92\x49\x01\xce\x44\x1c\x22\x32\
\x51\x87\xb2\x40\xd8\x34\xb0\x22\x80\x1d\xbd\xff\xe9\x33\xcf\x13\
\x44\xe6\xca\x38\xbd\x16\x1a\x44\x6a\x7c\x24\x8b\x8d\x34\x90\x43\
\x2c\xbc\x2b\x90\x0b\x81\x04\x5e\x92\x07\x9e\x03\x44\x91\x35\x14\
\x38\xc0\x07\x6f\x08\x02\xc3\x4c\xe0\x68\xef\x21\x40\xf5\xde\x20\
\x00\xcd\x20\x72\x21\x44\x34\x8c\x06\xdf\xe3\xa9\x42\x2e\xe1\x62\
\xa8\xcb\x8d\x93\x0c\x13\xc7\x4b\x44\x0a\x01\x1c\x30\xa5\x11\x04\
\x70\x81\x13\x11\x47\x58\x8f\xc1\xd0\x9c\x08\x70\x80\x08\x48\xb2\
\x6d\xc1\xd2\x40\x1e\xd7\xe3\x8c\x4f\xee\x84\x36\x8f\x71\x55\x14\
\x12\xe0\x80\x43\x8a\x4d\x3c\x16\x80\x02\x15\x04\x20\x80\x09\x38\
\xc3\x8b\x81\xb1\x80\x2c\x0b\x32\x35\x17\x2d\x4f\x0d\x13\x41\x42\
\x01\x0c\x80\x01\x05\x44\x20\x51\x2e\xc2\x63\x90\x0e\x97\x1f\x87\
\x20\x40\x02\x1d\xe0\x00\x39\x3d\x60\x81\x0a\x44\x00\x01\x6c\x0c\
\x10\x00\xce\xb3\xcd\xa8\x71\x00\x9b\xb8\x23\x45\x9c\xc6\x61\xcc\
\xc5\x0c\x40\x02\xfb\x4b\x40\x17\xfa\xe9\x06\x07\x0c\x0e\x4d\x22\
\x0a\xa5\x11\x98\x79\x0d\x03\x7c\x40\x02\xf6\x44\xc0\x8f\x18\xaa\
\x05\xa9\xc1\x10\xa2\xfb\xfa\x14\x11\x68\x08\x01\xf2\xc8\xa5\x66\
\x7d\x88\x80\xef\x80\xe1\xd0\x82\x82\x34\x60\xff\xb4\x1b\xc2\xfa\
\x76\xc1\x39\x78\xb4\xf2\xa5\xf9\xf9\xc0\x76\x6c\x89\x0f\xf7\x1d\
\xa1\x00\x0a\x00\x81\x30\x0b\x91\x80\x15\xe2\x34\x3a\x0d\xe8\x56\
\xff\x14\x72\x23\x24\x60\xac\x24\x12\x58\x69\x1c\xba\x78\xd4\x48\
\xd5\xad\x08\x16\x51\x08\x61\x26\xea\x9a\x3e\x0c\x00\x04\x8f\x8c\
\x03\x7b\x5c\x5a\x55\xb3\xc0\xe8\x08\x7b\x4b\xe2\x29\x86\xe0\xaf\
\x87\xfa\x68\x0d\x70\x70\x00\x26\xcb\xda\x3a\x7b\xf8\xa1\xa6\x58\
\x35\x6a\x34\x34\xc9\x06\x25\x25\x68\x9f\x1d\x08\xa3\x15\x18\x46\
\x56\xba\xfa\xe1\x11\x11\x90\x00\x3e\xf9\xd0\x33\xc1\x92\x66\x21\
\x0d\x80\x80\x07\x30\xb0\x96\x55\xc4\x29\x02\x61\xc5\x82\x06\x22\
\x68\xd8\xc0\x10\x00\x3d\x15\xc1\xc0\x5f\xda\x02\x24\x22\x70\xe0\
\xa3\x96\x15\x22\x3e\x1a\x70\x55\x43\xf2\xb0\xb3\x81\x71\xe3\x10\
\x9c\x19\x90\x0a\x4c\x80\x28\x05\x70\x2b\x67\x08\x20\xd5\x69\xce\
\x14\xb6\x5f\xe4\xd6\x10\x72\x2b\x95\x86\x40\xc0\x02\x17\x89\x0d\
\x01\x62\x7a\x05\x95\x4c\x12\xb8\x96\xad\xc0\x55\x04\xc0\xd3\xdd\
\xd4\x49\x8e\x6f\x64\x42\x02\xec\x03\x5d\x41\x9a\xab\x29\xbf\x7d\
\xcf\x56\x1b\x9a\x4f\xb6\x14\x96\x49\x36\xb2\xff\xd0\xb8\xce\xbb\
\x93\x17\x71\x54\x08\xcf\x29\x05\x01\x34\xca\x5e\x1a\x1d\x69\xa4\
\xdc\x15\x50\x00\x96\x02\x07\xa9\x89\x41\x3c\x00\x14\xc1\x04\xaa\
\xdb\xdd\x4a\xe0\xd5\x63\xf5\x65\x1c\xfa\xe4\x90\x9c\xc4\x96\x68\
\x02\x6c\x2a\xf0\x6e\x96\x23\x84\x07\x3c\x97\x33\xe3\x95\xc3\x32\
\x7c\xe3\x00\x0b\x94\x57\xc2\xcb\x15\x02\x81\xf3\xd3\x80\xf7\x52\
\x21\x39\x1f\xee\xee\xc6\x2a\xaa\xdb\xf7\x34\xd5\x17\x42\x4a\xab\
\x61\x15\x59\x0d\xce\xb6\xb7\x2c\x01\x00\xed\x2f\xa8\x25\x61\x5e\
\x5c\x25\x6e\x65\xd4\xde\x19\xc8\x43\xa7\xac\xd9\x48\x01\x18\xf0\
\x42\x35\x87\x09\x87\xe4\x4a\xd8\x14\x4c\x79\x80\x8d\x89\x41\x80\
\x0a\xa0\xb0\x22\xb7\x75\x40\x07\x2a\x90\x4a\x85\xc4\xc9\x0c\x04\
\x98\x6f\x04\x40\x80\x41\x4d\xbc\x36\x4c\xa3\xd0\x92\xa7\xe8\xf7\
\x21\x0b\xe6\x83\x03\xc7\x73\x80\x06\xfe\x52\x96\x38\x4d\x50\x5c\
\x17\x5e\xd0\x7c\x11\x20\xa1\x23\x07\xb0\x00\x73\xad\xc7\x02\xb4\
\xb9\x04\x01\x74\x18\xa0\xbc\xf0\xa9\x20\x84\xf4\x52\x00\x3f\x52\
\x16\xd0\xc8\x07\x5c\x91\x90\x2e\x85\x1c\x74\x8b\x45\xb0\x30\x59\
\x7a\x56\x08\x07\xd8\x11\xcd\x0d\x90\x80\xf3\xff\x9a\xc2\x81\x50\
\x18\x57\xb0\x43\x20\xa1\x97\x2d\x53\x85\xdc\xe6\x39\x04\x07\x30\
\x71\x11\x10\xb8\xa5\x7d\x36\xaf\x6c\x02\x98\xf3\x01\x3a\x90\xdd\
\xb8\x69\x15\xd5\x4a\x28\x35\x63\x36\xd9\x86\x02\x84\x77\x40\x0d\
\x58\x84\xcd\x88\x83\x00\x07\xe4\xd1\x01\xe1\x54\xc2\x9c\x45\xc5\
\x20\x53\x16\xe0\x03\x64\x59\x25\x21\x94\xa4\x5a\x5e\x44\x20\xc9\
\x0a\x80\x80\xe6\x62\xd6\x5b\x2a\x64\x80\x02\x0a\x30\x5d\x97\xbb\
\x41\x80\xcc\x56\x81\x81\x54\x39\xe1\x26\x1c\xa0\x00\x3e\x43\x23\
\x7f\x15\x4b\x0e\x08\xc4\x91\xe0\x31\x2c\xa0\xdc\x52\x48\xc0\x53\
\x1a\xd0\x6d\x62\xc4\x3a\x0b\x19\xa0\x62\x7b\xdd\xad\xc3\x44\x98\
\x5a\x3f\x18\x38\x55\x01\x28\xb0\x01\xc9\xb4\x17\x60\xaa\xbb\x02\
\xc6\xa4\xc7\x9b\x36\x34\x8c\x2a\x7e\xcc\x17\x04\x78\x39\x69\x71\
\xe6\x17\x1f\x66\x00\x56\xb2\x2b\x20\x81\x73\xba\x09\x67\x57\xd0\
\x34\x4f\x1a\xb7\x4d\x01\x74\xe0\x86\x1c\x2b\xca\x88\x2d\x71\x80\
\x0f\x6c\x40\x03\x5e\x10\x42\x01\x12\x30\x60\x90\x89\x0c\x0b\x18\
\xb8\x70\x00\x44\x9a\x85\x07\xc4\x4f\x3f\x68\x71\x3a\x43\x08\x99\
\x04\x0a\xac\x6c\x9f\x21\x57\x82\x00\x94\xbe\xff\xd6\x2c\x38\xb9\
\xbd\x67\x9d\x89\x53\xce\x41\x00\x66\xc9\x5c\xbe\x0d\x78\x40\x76\
\x91\xe0\x80\x29\x13\x23\x70\x59\xd8\x1d\xe3\x96\xa7\xe3\xa2\x68\
\x40\x5d\xae\x3b\x25\x76\x2e\x31\x1e\x09\x6c\x80\xc9\x49\x98\x00\
\x3b\x77\xd2\x00\x60\xa3\x42\xaf\x96\x25\xc7\x43\x3e\x10\x74\xb4\
\xa4\x82\x56\x55\x62\x42\x8c\x1b\x60\x01\x0d\x48\xe4\x0d\x9e\x8e\
\xf7\x9d\xad\x90\x81\x50\x59\x3a\x02\x1f\x00\xf8\x4c\xce\xed\x81\
\x07\x60\x54\xa3\x73\xda\x1e\xa6\x8b\x20\xeb\xaf\x40\xe0\xe9\x08\
\x30\xe5\xcb\x44\x25\x3e\xf5\x60\xea\x55\x17\xe0\xc0\x06\x30\xb0\
\x76\x4e\x7c\x2c\x7c\x59\x3f\x02\x94\xa8\xf6\x88\xd6\x1b\x08\x0e\
\xc7\x16\x09\x5f\xa9\x60\xbb\x5d\x45\x00\xf0\xc7\x87\xc5\x3f\x05\
\x09\x4b\x82\xe5\xda\xed\x7e\xd8\x5a\xf4\x3b\x52\xc1\x3a\x37\x40\
\xa7\x49\x38\x37\x62\x46\x32\x80\x00\x6f\x9f\x23\xe2\x1e\xc0\x9c\
\x50\xd4\x40\x97\x50\x60\x02\x14\xd9\x88\x01\xb8\x6c\xe4\x52\x9e\
\xdf\x20\x13\x98\x00\xe9\x14\xc0\x81\x66\xd0\x59\x24\x71\xa2\x21\
\x16\xe0\x01\x1a\xf0\x00\x50\xc1\x47\x77\x02\x7d\xf7\x57\x34\xfe\
\xd3\x5e\xe3\x70\x09\x76\x45\x16\x9f\xa1\x30\xff\x0b\x08\x0f\x14\
\x90\x62\x6f\x72\x00\xa5\x55\x81\x29\xf4\x75\x0b\x72\x70\x1c\x68\
\x31\x0d\x28\x20\x2f\x16\x82\x59\x81\x7d\xb9\x71\x1e\x14\x68\x82\
\xaf\x90\x01\x3b\xb7\x2f\xb8\xc4\x82\x3f\x84\x81\x62\x73\x00\xa2\
\x27\x83\xae\x90\x01\xbf\xa7\x4f\xbc\x85\x83\xf1\x60\x75\xb9\x11\
\x81\x96\x60\x0b\xc6\xe7\x83\xe6\xe6\x1d\xb0\x31\x1d\x19\x52\x70\
\x9e\xa2\x80\x46\x38\x08\x2b\xc2\x3b\x51\x55\x11\x1e\x10\x44\x91\
\xa6\x52\x4f\x08\x0f\x93\x40\x83\x74\x91\x3f\x04\x61\x68\x1a\xb0\
\x6f\xa3\x40\x31\x59\x18\x0f\x05\x90\x2b\x6e\xd2\x17\x08\x50\x64\
\x0b\xd1\x3e\xc2\x57\x3a\x3e\x54\x86\xf0\x70\x6e\x15\xc0\x22\xed\
\x73\x01\xd0\x76\x1d\xbb\x12\x00\x85\xc3\x7a\xab\x27\x87\xae\xc0\
\x30\x1f\x26\x5b\x43\xe0\x01\xe6\x13\x4b\x80\x88\x19\x7a\x82\x1b\
\x36\xd2\x5a\x43\xd0\x76\x0a\x11\x00\x9b\x97\x88\xa2\xa4\x24\x01\
\xa8\x00\xa2\x53\x69\xe7\x90\x61\x94\xf8\x18\x63\x54\x01\xa6\x82\
\x04\x4e\x74\x0e\xbd\xd3\x89\xab\x31\x4c\x18\xa0\x70\x3d\xd1\x7b\
\xa6\x88\x19\x09\xf0\x71\x89\x37\x1d\xc4\xd6\x8a\xbf\x31\x40\x76\
\xa5\x7e\x07\x90\x14\x56\x74\x83\xb4\x58\x1b\x12\x2a\x71\x00\x56\
\xa4\x01\xfd\x77\x79\xbd\x18\x82\x02\xb0\x82\x5a\x10\x04\x00\x21\
\xf9\x04\x09\x03\x00\x22\x00\x2c\x00\x00\x00\x00\xb3\x00\xa2\x00\
\x00\x06\xff\x40\x91\x70\x48\x2c\x1a\x8f\xc8\xa4\x72\x69\x14\x4c\
\x04\xcc\xa8\x74\x4a\xad\x5a\xaf\x58\x66\x81\x42\xc1\x58\x14\x89\
\xa8\xa6\x01\x18\x34\x10\x92\x8d\x23\xcb\x6e\xbb\xdf\xf0\x22\xd4\
\xf0\x80\x20\x16\x80\x00\x41\x01\x55\x16\x2a\x00\x21\x82\x83\x21\
\x01\x0d\x1f\x19\x71\x8a\x8b\x8c\x71\x13\x10\x04\x0b\x03\x81\x83\
\x00\x20\x6b\x4a\x17\x0d\x84\x9c\x96\x98\x8d\xa0\xa1\xa2\x48\x09\
\x15\x21\x94\x9c\x21\x03\x18\x4b\x0f\x01\xa9\x84\x07\x06\xa3\xb4\
\xb5\xa0\x14\x08\xb0\x95\x20\x05\x49\x02\x07\xa8\xb0\x0d\xb3\xb6\
\xc5\xc6\x6c\x13\xb9\xba\x82\x03\x1e\x22\x09\x17\x1b\x1b\x18\x0e\
\x17\x1f\x15\xaf\xcb\x21\x0b\xbd\xc7\xde\xdf\x51\x05\xca\xda\x79\
\x0b\x04\xe7\x93\x01\x03\xd9\xda\x03\x9f\xbe\x4f\xe0\xf2\xb5\xc0\
\xda\xf6\xf7\x85\x16\x0e\x89\x48\x05\x1f\x68\x61\xe6\x09\x64\x24\
\x80\x0c\xbe\x83\xb0\x00\x2c\xa8\x80\xa1\x4f\x11\x07\x0f\x06\x08\
\x22\x60\x61\xc2\xc0\x8b\x4a\x1c\x28\x50\xf0\x4e\xce\x85\x07\xc1\
\x10\x8a\x24\x44\x20\xc2\x07\x03\xdd\x0a\x3c\x20\x50\x69\x00\x02\
\x30\x18\x63\x0e\xc1\x10\x61\xc1\x02\x08\x0e\x87\x08\xb8\x00\xa1\
\x01\xbb\xff\x91\x40\x05\xe5\x21\x80\xe0\xc1\x84\x02\x16\x08\x84\
\x04\x40\x31\xa0\x4c\x81\x02\x3e\xf8\x14\x14\x00\x04\x05\x21\x02\
\xa0\x55\x20\xf0\x33\xa8\x57\x42\xea\x02\x84\xac\xd4\x80\xcf\x53\
\x79\x8f\x26\x11\x02\x70\x60\xc3\x05\x05\x11\x26\x8d\xfd\x4a\x17\
\xdf\xb0\xb3\xdf\x34\xd4\x4b\xa5\xa7\x81\xda\xba\x80\x47\xba\xc3\
\x6b\xcc\x1f\xcb\xc0\x88\x11\xb3\x25\x6c\x4c\x53\xe2\xc7\x80\x07\
\x58\x60\x5c\x6c\x0c\xe4\xcb\x5e\x1b\xb0\xa2\x5c\xcb\x41\x84\xb9\
\x98\x43\xeb\xaa\xe0\x94\xf3\x28\x05\x0b\x44\xab\xb6\x07\xc2\xa2\
\x69\x5a\xbf\x40\xaf\x56\x0d\x00\x42\xe9\xd7\xa0\x36\xcc\xde\x9d\
\x6a\x40\x05\xd7\xb8\x1b\x15\xf0\xc0\xbb\xf8\xa0\x00\x15\x88\x05\
\x57\x24\x80\xc3\x26\xe3\xc6\x03\x44\x00\x8e\x75\x39\x1b\x0e\x7b\
\xa1\x17\x0f\x80\xe0\xaa\x08\x27\x1c\x20\x1c\xe8\x90\xd3\x3a\x93\
\x0b\x07\xba\x6a\xdf\x0d\xa0\xec\x47\x10\x12\x99\x9a\x35\xcf\xc4\
\x41\xfa\xf5\xeb\xcb\x10\xf8\x7b\x4a\x16\x7d\x9d\xb7\x89\x90\x01\
\x02\xb2\xe1\xb7\x5e\x00\xb6\xfd\xe7\x80\x54\x07\x58\xa0\x41\x02\
\x02\x50\x00\x88\x81\x14\xc2\x12\x80\x02\xfc\x58\xe7\x01\x4b\x65\
\x34\x50\xff\xc1\x03\x04\x56\x28\xe2\x5a\x0b\x50\x87\x1b\x05\xd9\
\x8d\xa8\x62\x2a\x6c\x05\xc8\x99\x04\x12\xad\x28\x23\x5f\x10\x2c\
\x47\x01\x1e\x33\xe6\x48\x48\x05\xdd\x98\x56\x8a\x8e\x40\x86\xb0\
\x47\x86\x94\x09\xa0\x40\x8c\x41\xca\x78\x61\x8f\x9c\x5d\x10\x62\
\x92\x2b\x06\x80\x48\x70\x1b\x42\x19\x65\x05\xd6\xd9\x57\xa0\x95\
\xc5\x2d\xf0\x81\x79\x18\x20\xa0\x1e\x97\xd0\x05\x20\x01\x91\xb8\
\x39\x39\x26\x99\xc5\x1d\xe0\xdd\x72\x19\x18\x70\xc0\x88\x79\x00\
\x50\x4e\x24\x6b\x6a\x77\x61\x79\xb8\x7d\xb0\xe5\x6a\x66\x20\x50\
\x41\x07\x17\x68\xb0\xd1\x46\x1e\x58\x10\x41\x03\x0b\x88\x85\x5f\
\x03\x4c\x06\x27\x41\x9e\xa2\x95\xf3\xc5\x05\x7c\x0a\x91\x41\x02\
\x5d\x74\x50\xd3\x9f\x98\x5d\x68\x5e\x02\x73\x1a\xd7\xe1\x97\x91\
\x46\xb1\x01\x02\xfc\xb1\x77\x40\xaa\x9c\x71\x80\xe4\x6e\x86\x3c\
\xd0\x11\x15\x02\xd0\x31\x55\x97\xce\x2c\x07\x01\xa8\x81\x29\x04\
\x81\x01\x68\x5e\x11\x27\x36\xc5\x01\xd0\x9d\x00\x05\x14\x7b\xd6\
\x04\xcf\xcd\xd6\x1e\x4c\x71\x34\x77\xd8\x6e\x2e\x59\xf0\x80\x04\
\x11\x54\xc0\x01\xac\x17\x29\x40\x69\x62\x6c\x19\x90\xa9\x1b\x6a\
\x6a\x97\xff\x87\x9b\x78\xfd\x28\xed\x01\xb7\x56\x9b\xae\x9e\x17\
\xe0\xe5\x9c\xb4\x0d\x98\xd8\x08\x06\x29\xf2\x06\xc0\x64\x03\xe5\
\x4a\x41\x01\x3b\x89\xb9\x5a\x7b\x1a\xd8\x32\x06\xb0\xe4\x22\x70\
\xae\x31\x12\x20\xc0\xe8\x00\x8d\xce\x46\xc0\x94\xb6\x70\x30\x2e\
\x66\x0d\xbc\x09\x8e\x01\x1b\x43\x66\xa6\x8b\xa1\x08\x00\x12\x74\
\x0b\x28\x20\x50\x07\xda\x21\xa0\x5c\x31\xc9\x40\x07\xc0\x03\xce\
\x16\x63\x8a\xa9\x98\x7e\xe3\x41\x6a\xc6\x91\x36\x4f\xa9\xfe\x1e\
\x50\x33\x2d\x09\x80\xc0\x70\x60\x04\x08\x74\x2d\xb6\x5f\xca\x73\
\xe4\x76\x07\x08\x14\x72\x62\x07\xe8\x6b\x4c\x02\x06\xad\xa6\x47\
\x04\x2f\x7b\x43\x81\xa9\x00\xcf\x73\x72\xa5\x0d\x40\xc0\xc1\xc3\
\xb6\x28\x60\xdc\x02\x09\x0b\x74\xc1\xac\x97\x21\xa0\x01\xb8\xc7\
\x48\x70\x74\x5d\x0d\xc4\x7b\x0c\x2e\xaa\x29\x40\xf7\x31\x1b\xde\
\xed\x95\xb2\x17\x15\xf0\x6b\x68\x00\xf4\x7a\xd1\x82\x77\x08\x3e\
\x92\x99\x18\x59\x30\x35\x50\x90\x3f\x45\xc1\x07\xfd\x3e\x36\xc0\
\x03\x18\x3d\x1d\x6a\x8d\x78\x39\x90\xf5\x65\x0b\x28\x2e\xd0\x04\
\x93\x8f\x54\x1b\x61\x09\x40\x20\x1a\x01\x1c\x60\x94\x00\xdc\x8f\
\x49\x80\xff\xb6\x3c\x48\x89\x36\x40\xd7\xf2\x18\xb0\x34\x64\x12\
\x90\x3c\x90\xdd\xa1\x05\x70\x7b\x65\xd1\x5e\x56\xc1\xf1\xe0\x40\
\x90\xba\x48\x03\x78\x3c\x8f\x65\x98\x2d\x46\xd8\xa4\xa1\xa5\x8c\
\x91\x06\xbf\x3f\x06\x3b\xf3\xde\x74\xf0\x3c\x42\x9b\x63\xa4\xb1\
\x68\x86\x48\xf0\xa0\x4c\x19\x70\x50\xa9\x05\x43\x1b\xa3\xf6\xc1\
\x0b\xbc\x24\xbc\x37\x1b\x38\x7e\x50\x04\x7a\x5f\x2d\xc1\x76\x1d\
\xf8\x9b\x31\x5c\xf1\xba\xfb\xd9\xc2\x00\xe3\xd8\x8d\x05\x0c\x68\
\x0b\xf4\xe8\x0f\x1f\x01\xd8\xcc\x3c\x14\xd0\x3d\xd5\x90\x67\x1e\
\x9c\x82\xc4\xf8\x44\x22\x9d\x81\x40\x80\x76\xe8\x53\x99\x3c\x28\
\xf0\x41\x3b\xcd\xe6\x2e\xf2\x28\xc8\x03\x81\xb2\x80\xd8\x81\xc3\
\x70\xd1\x79\x00\xf8\x1a\x71\x81\x15\x02\x45\x33\x68\x01\x01\x74\
\xfc\xf3\x0d\xcf\x40\xc7\x65\xb8\x23\x1e\x00\x05\xd8\x08\x23\x81\
\x50\x35\x15\xe8\x5f\x2d\x22\x02\x1d\x02\xf0\x8e\x16\x08\xb4\x21\
\x50\x1e\x40\x44\x51\x60\xa0\x82\xb4\x89\x00\x03\x99\xf3\x41\x53\
\x05\x60\x03\x50\x51\x0a\x74\x36\x37\x43\x37\xa0\x46\x8a\xf6\xd0\
\xc3\x01\x1a\xc0\x46\x09\x54\x71\x14\xae\xd3\x0e\x01\xc0\xd8\x19\
\x31\xaa\xff\x46\x3a\x18\x30\x40\x3c\xca\x08\x0a\x01\xe4\x6f\x3d\
\x0d\x68\x5b\xc9\xe4\x84\x46\x7b\xcc\x11\x2f\xdc\xc3\xcf\xf7\xfa\
\x18\xa6\x42\xda\xe3\x37\x78\x49\x86\x9d\x02\x40\xc9\x64\x5d\xec\
\x8d\x54\x28\xc0\x06\x32\x17\x1a\x0d\xf0\xb1\x18\x14\xe8\x80\x04\
\x2a\x00\x01\x0b\x54\xe0\x88\x97\x61\x8a\x05\xa4\xd7\x06\x95\xd8\
\x91\x7e\xf1\x1b\x08\xc1\x74\x82\x2c\xf6\x48\xc7\x6a\x57\xa0\x40\
\x5c\x1c\x99\x46\x10\x58\xc7\x00\x38\xf2\xd7\x00\x86\x95\x05\x27\
\x50\x90\x97\xf7\x20\x40\x07\xac\x93\x81\xc3\x45\x87\x00\x15\x50\
\x00\x05\x66\x58\x00\x0c\x3c\x80\x0c\xc8\xbc\x07\x10\xe1\x84\x01\
\x9e\x79\xb1\x24\x1e\xd8\xc7\x10\x88\x94\x95\x02\x4c\xe0\x01\x20\
\xd8\x95\x76\x2c\x80\xc9\x98\x38\x60\x42\x06\xd2\x03\x02\x20\xf0\
\x01\x0d\x60\x40\x01\x0f\xb0\x80\x29\xfd\xe2\x28\x03\xc9\xd0\x3c\
\x46\xf2\xa6\x81\x4c\x78\x8a\xb0\x64\x73\x70\xf9\xaa\x42\x02\x0c\
\x00\xa1\x79\x38\xe0\x49\x6c\x52\x17\x01\x24\xa8\x04\x03\x7c\x60\
\x94\x07\x80\xe4\x3c\x3e\x80\xca\x88\x5a\xcc\x03\xe5\x99\x80\x01\
\x28\xa0\x80\x0a\x34\x00\x4f\x54\x11\xe1\x12\x3e\x39\x05\x07\x6c\
\xd0\xa3\xff\xc1\x0a\xe4\x10\x34\xb9\xa8\xf8\x8c\x85\x6b\x49\x98\
\x80\x04\x0e\x20\xc8\x45\x44\x05\xa6\x06\x1a\x80\x4a\x1f\x9a\x4c\
\xce\x21\xc1\x02\x78\x58\x80\x04\xcc\xa5\x88\x04\xec\x0c\xa8\x8f\
\x7a\xd9\xe8\x74\xc1\x9d\x23\x38\xc0\x79\xc7\x69\x80\x07\xb6\x18\
\x05\x01\x54\x09\xaa\xea\xc2\xd0\x10\xec\x83\x8f\x05\x50\x54\x04\
\x13\xa8\x65\x25\x10\x34\x81\x58\x46\x41\x01\x53\x05\xab\xab\x98\
\x84\x22\x08\x62\x49\x27\x16\x38\x62\x7b\x3a\xa0\xc4\x28\x60\x55\
\xae\xc6\xd9\x83\x11\x5e\xb9\x8c\x32\x7c\xc0\x09\x3a\xa5\x54\x19\
\x10\x70\xd6\x2a\x78\x0e\xb0\xb4\x82\x40\xa4\x48\x45\x3e\xa2\xdc\
\xc7\x2e\x9e\xc4\x42\x01\x3e\x03\x59\x91\xf5\x73\x10\x07\x68\x2c\
\xdf\x10\x72\xb7\x01\x2c\x13\x0b\x71\x8a\x6b\x67\xbf\xc2\x9d\x6d\
\xf9\x25\x10\x01\xa0\xa2\x11\x26\x80\x45\xc4\x38\x91\x0d\x01\x5d\
\x2d\x60\x00\x10\x81\x3e\x18\x00\x46\xa7\x80\xe6\xb7\x74\x82\x3d\
\xd1\x44\xa0\x9d\x47\x40\xca\x4b\x75\x5b\x08\x04\x00\x27\x01\x9c\
\x15\xca\x00\x0e\xf0\x00\x0d\x5c\xf3\xa0\xc7\x01\xa9\x1b\x12\x00\
\xd1\xa1\x70\x85\xb9\xda\xe0\xce\xcb\x3c\x40\xbb\x3c\x04\xa0\x62\
\x64\xeb\xff\xeb\x14\x28\x80\xcd\xe9\x2a\xc0\x00\x1c\x88\xc0\x72\
\xd9\xa4\xac\x7a\xcd\xa4\xb6\xec\x31\xea\x1b\xda\x17\x81\x08\xf8\
\x6d\x08\xba\x9c\xaf\x95\xd8\x92\x33\x21\x38\xc0\x68\x14\x22\x80\
\x7d\xe1\xe0\x84\x54\xfd\x01\xbb\x23\x22\x40\x5b\x89\xf0\xd8\xfc\
\x20\x80\xab\x6e\x30\x99\x80\x81\xf4\xaf\x22\xb0\x17\xc2\x10\x44\
\x80\x31\xa2\x82\x5f\xa8\x22\x88\x08\xef\x04\xf1\x41\x14\x5c\x98\
\x0e\x94\x18\xa6\xed\xc1\x44\x54\x36\x1c\x2c\x04\x5c\x80\x02\x28\
\x99\xc0\x05\x1c\xb0\x50\x50\x40\x57\xc5\x7a\xd2\xaf\x5a\x15\xe3\
\x15\x75\x34\xe0\x00\xe7\x38\xe9\x02\x0e\xe0\x42\x46\xc8\x17\xbc\
\x21\xe8\x8e\x10\xe0\xba\x5b\x4a\x36\x20\x02\x6b\xe4\x0a\x1a\x79\
\x0b\x0a\xd5\x42\x36\x82\x58\x79\x1b\x5d\xaa\xa2\xb2\x04\x3c\x21\
\x01\xf7\x8c\x00\x61\x83\xd2\x9e\x46\x50\x00\xc8\xf9\x29\x4d\xe0\
\x80\xe2\x9b\x09\x1b\x21\x03\x02\xa0\x09\x41\xbd\xc2\xe2\xa6\x5a\
\x00\xca\x0a\xf1\x00\x39\xa9\xcc\xc1\xe4\xd4\x47\x02\x02\x65\xe1\
\x69\xe3\x80\x40\x8f\x1a\x59\x9d\x60\xe1\x29\x9f\x72\xb5\xe6\x65\
\x04\xc0\x02\xe0\x4b\x00\x13\x8b\x1c\x36\x38\x4c\x20\xba\x56\xda\
\x1a\x06\xff\x0a\x60\x80\x12\x56\x82\x00\xc4\x4c\xc2\x03\x12\x4d\
\x55\x1e\x55\xe1\xc9\x5e\x49\x22\x73\x56\xd5\x2a\x42\x98\xe1\xb5\
\x03\x6d\x80\x04\x1a\x32\x84\xb4\x04\xa2\x3d\x1f\x30\xe0\x06\x58\
\x2d\x8c\xc6\x32\x01\x03\xc9\x1b\x09\xbb\x16\xa1\x53\x62\x0f\x40\
\x02\x17\xf8\x48\xe3\xca\xb4\x07\x62\x19\xc1\x70\x93\xa8\x40\x81\
\x93\x90\x01\x0d\xfc\x09\x41\x9f\x54\xc9\x57\x06\x80\xcb\xed\x9a\
\x5a\x28\xb6\x22\xc2\x04\x3a\x80\x00\x2d\xcf\x06\xdc\x68\xbb\xf1\
\x16\x05\xf0\xd7\x76\x94\x7b\xa5\xcb\x35\x36\x1c\x0a\xc0\x01\x56\
\xd9\xc9\x8d\x4d\x20\x69\x05\x82\x29\x9a\xbc\x29\xc2\x39\x7f\xba\
\x04\x16\x7e\x31\x38\xd0\xf5\xf1\xb7\x07\xc0\xc9\x12\x50\xb7\x1a\
\xe7\xbe\x81\x0e\xd3\x4e\xe3\x5d\xaf\x50\x80\xff\xb1\x39\x6a\x18\
\x81\x56\x59\xcf\xb1\x1f\x02\x1c\x19\xc9\x5b\xda\xa6\x66\x0d\xc0\
\xee\xef\x42\xb0\xd3\x55\xc8\xc0\xd8\x44\xd2\x1e\xd3\x09\xa4\xd1\
\xe1\x35\xdb\x06\x34\x70\x95\x85\x8e\x74\x03\x1d\x0d\x41\xc7\xd8\
\xe0\x81\xcb\x92\x56\xbb\x58\xa8\xf7\x3d\xca\x30\x1e\xa6\x86\x3c\
\x81\x2c\x82\x54\x12\xc4\xad\x0d\x02\xb0\x54\x08\x92\x63\xb3\xc3\
\xad\xd0\xff\xf1\x83\x9c\xb7\x41\xbc\x96\x09\xc3\x2d\x2d\x81\x25\
\x5c\xa0\xb6\x55\xcd\xc2\x06\x36\x98\x76\x8e\xeb\xf0\x1e\xdc\x99\
\x0f\x5e\x20\x9a\x8a\x06\xd0\x71\xea\xce\x3c\xc5\x50\xe6\xb9\x60\
\x2c\x04\x7d\x19\x43\xcf\xe5\x8b\x01\xb0\x71\xc6\x48\x08\xc9\xad\
\x22\xfc\xbd\x85\x80\xec\xf3\x12\x80\xba\xf6\xb4\x73\x31\x81\x36\
\x12\x65\x62\xa1\x03\x7f\x17\x15\x67\x32\xa0\x63\x0e\x28\x40\x94\
\x58\x66\xa3\xb5\x57\x7a\x81\x0e\x48\x33\x11\x6e\x95\x42\xd7\x83\
\xd2\x76\x2a\xfc\xf8\x1e\xda\xb3\x8e\x39\x0d\x80\x01\x0c\x8b\x42\
\x01\xfa\x0b\x40\x66\xa9\x20\x3e\x08\xea\xf7\x3f\xe1\x7a\xf1\x32\
\xda\x32\x05\x23\x09\x7f\x22\x1c\xb0\x3d\xf0\x43\x81\x6c\xd6\xa2\
\x90\x09\x0b\x23\x6d\x03\xfe\xb9\xfc\x79\x88\x63\x85\x76\x6f\x28\
\x12\x16\x74\xfc\xb5\x08\xb5\xfa\x02\x19\x32\x50\x14\x12\x81\x0d\
\x94\xa6\x0f\x17\x88\xcb\x57\xf6\x80\x5c\xf0\xc7\xe1\x03\x02\xb6\
\x93\x19\x20\xe0\x01\xd3\x7b\xc0\xa4\x9f\x65\xb3\xe5\xdd\xef\x0d\
\x07\xec\x27\x0f\xe9\xb0\x0e\xe3\x27\x7f\xaf\xb0\x67\x74\xa1\x10\
\xed\xc7\x7f\x6e\xb0\x01\x1d\xb0\x01\x1e\xf0\x00\x0a\xa0\x01\xa2\
\xd4\x7d\xff\x27\xf4\x44\x0a\x48\x0b\xc5\xd2\x7b\x22\x12\x7b\x17\
\x28\x4b\x74\x77\x20\xcb\xd3\x81\x18\xe1\x01\x34\x46\x17\x7d\x26\
\x82\x03\x81\x7b\x14\x12\x5b\x09\x88\x82\x8b\x40\x2a\x70\x46\x55\
\xc7\xe5\x82\x29\xf8\x77\x75\x51\x27\x09\x11\x78\x34\x88\x3b\xf0\
\x54\x3d\x03\x10\x01\x16\x00\x01\xe8\x75\x1c\xec\xb4\x83\xf3\x40\
\x01\x14\x08\x14\x82\x25\x02\x05\x90\x00\x16\xc0\x2a\x62\xa1\x2c\
\x8b\x67\x84\xa3\x80\x79\x95\x02\x70\x44\x40\x01\x1a\xb0\x53\x3c\
\x44\x85\xdf\xd0\x3a\x10\x56\x3e\xfd\xd0\x77\x5e\xe8\x0d\xe7\x66\
\x0f\x65\x70\x34\x52\x52\x86\x84\x21\x00\x1d\xc0\x49\x24\xf1\x00\
\x1d\xf0\x00\x9f\x72\x10\x72\xc7\x86\x62\x67\x00\x79\xa5\x0b\x4c\
\x21\x68\xdf\xe1\x0f\x21\x73\x69\x78\xc8\x18\x7e\x94\x1e\x21\x61\
\x5a\x4c\x22\x00\x95\xc6\x17\x30\x37\x88\x4f\xa1\x87\x76\x84\x30\
\x47\xd0\x45\xf7\x70\x36\x8e\x48\x88\xf6\xf1\x0a\x17\x93\x29\xf7\
\x92\x46\x8b\x76\x89\x84\xe1\x00\xa6\xf4\x5f\x47\x20\x00\x3d\xc8\
\x22\x0a\xf1\x7b\xa0\x88\x17\x4d\xb8\x04\x14\xc4\x22\x03\x70\x0e\
\x45\xd1\x82\xab\x18\x13\x8f\x60\x42\x86\x10\x01\x12\xf0\x00\x1b\
\x40\x8b\x11\xb5\xc8\x3e\x58\x13\x01\x1e\x20\x52\xd3\xf4\x8b\xc6\
\x28\x05\x41\x00\x00\x21\xf9\x04\x09\x03\x00\x22\x00\x2c\x00\x00\
\x00\x00\xb3\x00\xa2\x00\x00\x06\xff\x40\x91\x70\x48\x2c\x1a\x8f\
\xc8\xa4\x52\x28\xa0\x4c\x96\x44\x01\x74\x4a\xad\x5a\xaf\xd8\xac\
\x76\xd9\xa4\x18\x24\x11\xc4\x81\x93\x99\x76\x1a\x07\x88\x22\xb1\
\x6d\xbb\xdf\xf0\xb8\x51\x70\x01\x23\x08\x81\x00\x20\x14\x22\x38\
\xa0\x05\x03\x7b\x7c\x21\x03\x0d\x6a\x6c\x72\x8a\x8b\x8c\x72\x1b\
\x0d\x7a\x84\x92\x01\x16\x4b\x05\x0a\x92\x99\x7d\x4f\x8d\x9d\x9e\
\x9f\x4a\x0f\x03\x9a\x84\x00\x08\x14\x4a\x06\x08\xa4\xa5\x1b\xa0\
\xaf\xb0\x9e\x0a\x83\xac\x03\x1e\x52\x48\x0f\x0b\xac\x7c\x03\x0f\
\xb1\xc0\xc1\x6e\x19\x1b\xbc\x7c\x00\x07\x0a\x5e\x0a\x0a\x1b\x14\
\x14\x1c\x0f\x0d\xb4\xa4\xbe\xc2\xd7\xd8\x55\x1d\x01\xc6\x7c\x7a\
\x01\x0b\x04\x82\xe0\x82\xdd\x01\x1d\xd9\xe9\xea\x45\x19\x12\xdc\
\xdd\xf0\xdd\xb7\x4b\x19\x65\xeb\xf7\x54\x02\x0e\x10\x08\x0a\xb8\
\x47\x13\x30\x4c\x8b\x47\x90\x55\x83\x0d\x13\xec\x1d\x31\x60\xe1\
\x01\x85\x7f\xf8\x22\x12\x71\xe0\x01\x52\x80\x83\x10\x85\x24\x78\
\x10\x21\x52\xc1\x8f\x93\x0e\x5d\x40\x62\x60\x5a\x80\x64\x89\x24\
\x4a\xc4\x50\x61\xd7\x31\x02\x1c\x84\x64\x70\xf0\xa5\xc1\x28\x90\
\x38\x35\x5d\x94\xa0\x21\x91\x00\xff\x0d\x07\x4a\x11\xf8\xa5\x32\
\xa2\xb4\x77\x92\x86\x6a\xe8\x10\x61\x01\x00\x6a\x39\xa3\x86\x00\
\x60\x48\x82\x01\x01\x0a\x06\x4a\x02\x80\xb1\x68\x3a\x07\x11\xca\
\x91\x0a\x20\x0e\xaa\xd4\xb3\x84\x02\x0c\x10\x9b\x09\xc0\x02\x08\
\x57\xbd\x0a\x9b\x80\xc0\x2c\xda\xbb\x77\xa9\x56\xe0\x24\x37\x16\
\x07\x02\x78\x03\x0b\xee\x85\xa1\x2f\x30\x03\x41\x07\x2b\x3e\xbb\
\xa0\x80\x61\x60\xee\x16\x4b\x06\x19\x20\xc2\x63\x60\x09\x6e\x4e\
\xde\xdc\x8d\x80\x82\xcb\xb1\x0a\x40\xe0\x4c\x9a\x57\x04\xbe\xa0\
\x3f\x09\x78\x50\xba\x75\x26\x0b\x8e\x53\x7f\xca\x80\x21\xb1\x6b\
\xd7\x07\x0c\xc8\xfe\x54\x12\xe9\xed\xd2\x95\x33\xee\x8e\x53\xd2\
\xee\xef\xcd\xa6\x50\x0d\x8f\x23\x00\xf1\xf1\xe7\xa6\x46\x2e\xaf\
\xd2\x24\xe5\x10\x0d\x75\x9f\x3f\x0f\x80\x20\xee\x90\xd8\xd3\x8d\
\x60\x27\x00\xc2\xc3\xc3\x9f\x07\x7c\x6b\xbf\x5d\x59\x79\x01\x0c\
\x1d\x0e\x80\xb8\xa0\x70\xba\x80\x03\x7b\xc8\x22\xf8\xa0\x80\x80\
\xf1\xf5\xa5\x99\x62\x80\x02\x11\xf8\x07\x40\x65\x7f\x84\x97\x40\
\x07\x76\xfd\x07\x60\x6b\x6a\x51\x73\x8e\x70\xa9\x65\xf5\xe0\x85\
\x04\x01\x40\x80\x6e\xcb\x51\x90\xff\x1d\x86\x20\x1a\x63\x0a\x78\
\xb2\x41\xa0\x59\x88\x28\xea\xf4\x00\x89\x97\x4d\xa0\x5e\x8a\x30\
\xf2\x41\x00\x06\x14\x7a\x35\x41\x04\x31\xe6\xb8\x15\x02\x35\x16\
\xe5\x9c\x8e\x40\x36\x96\x9a\x00\x16\xbc\x08\x24\x88\x95\xb1\xf8\
\x98\x05\x6c\x1d\x89\x21\x00\x11\x70\x28\x5b\x02\x4c\x3a\x09\x22\
\x00\x15\x18\x50\x5f\x6a\x0e\x54\xe0\xa0\x95\xad\x1d\xd0\xe3\x65\
\x0a\x18\x09\xa6\x6b\x01\x10\x35\x5d\x06\x10\x98\xf9\xdb\x81\x82\
\x0c\x10\x4e\x93\x00\x06\x00\x41\x78\x22\x4c\xd0\x40\x9d\xe0\x44\
\x20\x81\x05\x0a\x4c\x30\xa0\x07\x1e\x7c\x60\x41\x04\x36\x7d\xc9\
\xd9\x01\xca\x2d\xe7\x81\x9b\x9c\x71\x15\x81\x06\x05\x38\x50\x63\
\x02\x01\x79\x00\x01\x24\x8a\x2e\x16\x80\x3f\xcb\x25\xb0\xca\x9b\
\x27\x79\x20\x65\x15\x14\x74\x80\x00\x9d\xa5\x21\xa0\xe4\x65\x1b\
\xb8\x84\x66\x03\x1d\x24\x30\xe6\x12\x13\x3c\xe0\xdf\x6f\x03\x14\
\xb6\x9b\x00\x5e\xde\xf6\xd6\xa9\x6d\xac\xb6\x2b\x84\x15\xdc\xaa\
\x92\x01\x80\xb9\xe6\xd9\xab\x5b\x24\xf0\x01\x24\xad\x71\x25\x1d\
\x68\x19\x14\x59\x6d\x03\xc4\x32\xc7\x81\x6d\xa4\x51\x02\xed\x3a\
\x05\x18\xf0\x40\x43\x0a\x54\x09\xff\x1c\xa3\xbc\xe1\xd7\x5a\x03\
\x0a\x38\xa0\x01\x33\xdd\x66\x23\x8a\x5a\x91\x74\x8a\x96\x29\xbe\
\x7e\x22\xaa\xbe\x79\x0d\x40\xc0\xc0\x1c\x28\xfb\x0a\xb8\xb7\x35\
\xd0\x2f\x28\xc5\x1d\xc7\x15\x3e\x27\xa2\x89\xc1\x96\x9e\x60\xd5\
\xec\x6f\x1b\x92\xbb\xdd\x9d\xc1\x24\x10\xd9\x6f\x0b\x7c\xa6\x4e\
\x31\x6f\xb2\x2b\x0c\x05\xee\xde\x06\x40\x07\x06\x7b\x32\x1a\xc8\
\x1f\xb4\xbc\x88\x02\x11\x97\x06\xc1\xb8\xb0\x20\x5c\xda\x69\xe9\
\x7c\xb8\x2d\xc5\xc1\xd4\x1c\xe9\xb5\xd8\x60\x00\xe9\x62\x19\x67\
\x53\x00\xc0\x79\x35\xb0\x0e\x5d\x20\x7b\x90\xce\x05\x42\x4f\x66\
\xe7\x3a\x44\x1e\x3d\xd8\x00\x22\x63\x33\x81\x04\xac\x4a\xe6\xd9\
\x3d\x1a\x5c\x1c\x6e\x04\x09\xa6\xb3\x20\x02\x4e\x71\xd6\x40\xa3\
\xe9\x14\xa0\x95\x64\x07\x2e\x80\x00\x42\xf8\x94\xab\x0b\x72\x96\
\xdd\x23\x80\x04\x9c\x0d\x50\xc1\x05\x02\x00\xad\x4e\xb0\x92\x5d\
\xed\xb7\x07\x4c\x83\x04\x02\x6a\x12\x09\xf0\xc1\x66\xd6\xe0\xe3\
\x41\xd5\x78\x49\x60\x5d\xe4\xac\x4d\x16\x72\x44\x7f\x6d\x06\x81\
\xcc\xc2\x7c\xbc\xd8\x00\x44\xab\xe3\x00\xe6\x68\x55\x66\x58\x9b\
\x56\x93\xae\x1a\xeb\x67\xb9\xde\xff\x97\xe9\x8a\x0d\x00\xb7\x3a\
\xcc\x4e\x06\xc0\xe8\x72\x49\xbe\x19\x01\xae\xe0\xc3\xc1\x9e\x93\
\x49\x80\x73\x3a\x02\x74\x40\xb9\xd4\xc6\x9b\xad\xd8\xcd\xb7\x6b\
\x1d\x15\x00\x5d\xaf\xb3\x01\xed\x52\x41\xd9\x57\x01\x20\x58\x1f\
\x95\x05\xb2\x77\x32\x8b\xef\x07\x6c\x7e\x4f\x01\x1a\xe0\xae\x18\
\x32\xf8\x78\xcc\xd9\x02\x0f\x94\xdf\x49\x01\x1e\x80\x20\xbd\xd8\
\xbb\x63\xa3\x4a\x69\x03\x88\x80\x07\x12\x92\x0e\x03\x54\x20\x6c\
\xa7\xfb\xc0\x3d\x36\xb0\xbf\xc5\x1c\x88\x00\x10\x48\xdb\x35\x3c\
\xd0\x40\xd1\xa9\xaf\x74\xe2\xc3\x0b\x00\x52\x17\x8c\xde\x09\x4b\
\x82\xd7\xc8\xc0\xdc\x00\x98\xbd\x6b\x1c\x0b\x42\x6a\x0a\x21\x07\
\xb8\x37\x18\x02\x68\x40\x6d\x15\x78\xd3\xdb\xb2\x71\xa3\xe3\x74\
\x27\x1d\x19\x78\x40\xe3\xd0\x32\x00\xd8\x60\xa3\x03\x15\x14\x1d\
\x08\x85\xd1\x01\x16\x0e\x46\x61\xd7\x90\xdb\x0e\xd1\xc2\x32\xde\
\x05\xd1\x77\x10\xb8\x60\xc5\x74\x78\x1c\xae\x61\x6d\x84\xd5\x42\
\x47\x2c\x04\xc0\x01\x59\xdd\xc6\x85\xe4\x82\xc0\x12\x79\x08\x3d\
\x50\x70\x31\x65\xbf\xb9\xa1\x3a\xb8\x68\x91\x70\xb4\x8d\x34\x1a\
\x9a\xc7\x27\x2e\x80\x46\xce\xe0\xff\xeb\x81\xb5\xf2\x9b\x03\x1c\
\x00\x8d\x0d\x4c\x6b\x5b\xa0\xea\x04\x62\xc6\xf8\x11\xaa\x48\xc0\
\x03\x1a\x18\x90\x02\x0c\x77\x0f\x0f\x78\x11\x39\x0d\x20\x03\x23\
\xe8\xa0\xb3\xc9\x08\x8e\x91\x45\xb9\x0f\x21\x29\xa3\x39\x39\x64\
\xa0\x00\xd3\xda\xe4\x47\x0e\x32\x9c\x0f\x64\xf0\x2e\x27\x59\xc3\
\x1b\xca\x75\x40\x51\x7e\x24\x82\xc3\x99\xc0\x13\x1d\xd8\x00\x0b\
\x48\x91\x0a\xe6\x32\x90\xca\xb4\x34\x9c\x02\x48\xc0\x95\x20\xd1\
\x8b\x32\x64\x56\x00\x5f\x52\x4b\x86\xe1\x61\xa0\x76\xc8\x52\x9e\
\x94\x14\x6e\x08\x02\x90\x42\x02\x38\xf0\x81\x03\x9e\x52\x30\x03\
\x90\x80\x82\x7c\xa6\x1d\x0d\xa5\xc1\x03\x1c\x50\xc0\x03\x1e\x60\
\x28\x04\x34\x00\x0f\x0f\x6a\xc0\x0b\xc3\x63\xca\x0b\x3d\x25\x2d\
\x03\xc8\x17\x30\xd1\xd2\xc9\x2a\x54\xca\x7e\x8c\xa0\xc0\x99\x1e\
\x14\x48\x28\x18\xc0\x50\x11\xa0\x00\x26\x99\xf0\x09\x0a\xc4\x70\
\x9f\xdd\x3c\xc0\xb8\xa4\x50\x80\x07\x98\x73\x57\x51\x4a\x45\x05\
\x2c\xb0\x30\x45\x18\xf0\x9a\x08\x15\x8c\x80\x8a\xd0\x1c\x03\x78\
\x60\x55\xf1\x94\x44\xe5\x8e\x90\x00\x13\x91\xc5\x02\x96\x52\x44\
\x02\xc2\x92\xd1\x3a\xa9\x51\x04\xff\x0e\x70\xe8\x23\x33\x71\x00\
\x0e\xe6\x29\x02\xb4\x38\xc9\x03\x26\x80\x4f\x23\xc0\xae\xa5\x75\
\xaa\x40\x82\x04\x02\x8f\x01\x70\xac\x08\xea\x0a\x09\x07\x6e\x69\
\xcf\x4a\x02\x15\x64\x1c\x9a\x00\xf7\x34\x84\x1a\x01\x38\x92\x15\
\x07\xda\x0f\x53\xa1\x90\xb5\xa7\xae\xe7\x61\x42\xd0\x53\x3c\x14\
\x27\x84\xfe\x74\x83\x2a\xa7\x19\x68\x2a\xea\xe8\x55\xd7\x2c\xa0\
\x8c\x3f\x3a\x6b\x36\x31\xc0\x81\xda\x74\x0a\x00\x95\xd8\x82\xc5\
\xe6\xd9\xd6\xb1\x56\xc0\x3a\x58\xe4\x45\x1e\xd0\x49\x90\x4f\xb9\
\x41\x34\x18\xed\x6b\x54\x10\x40\x34\x01\x8c\x6a\x32\x49\x6b\x43\
\x02\x90\xa7\xd8\xc0\x69\x00\x22\x25\x45\x0e\x08\x96\x37\x85\x9f\
\x44\x8c\x2c\x89\xed\x2b\x55\x9a\xf4\xbb\x23\x70\x73\x30\x01\x28\
\xe3\x61\x8b\x54\xb7\x08\x30\xa3\x23\x95\x2d\x08\x32\x2c\xc0\x94\
\x5d\x69\x88\x52\x51\x20\x2a\x64\x2b\xda\x06\x07\x58\x00\x04\x56\
\x29\x40\x19\xf6\x11\xda\x96\xf2\x0b\x17\x44\x7d\x20\x02\x2c\xd0\
\x93\x8d\xcc\x74\x30\x08\xd8\xea\x15\x12\x60\xab\x22\xf8\xd2\x88\
\x6d\x45\x86\x77\x44\x10\xba\x52\xa8\xe5\x00\x0d\x78\x23\xdd\x9a\
\xf8\x0a\x8f\x21\xb0\xb2\x5c\xb1\xff\x0e\x58\x1a\xc4\xd7\x5a\xa8\
\x16\x14\xfb\xc0\x6e\x46\x4f\x42\xac\x6d\xd4\xa9\x6f\xb1\x28\x69\
\x71\x81\xc4\x9d\x75\x0e\x61\x02\x6c\x3d\x4e\x00\x3e\xe0\x80\x02\
\xf0\xd4\x00\x1a\x70\x00\x33\x1a\x51\xd2\xf6\x82\x48\x9d\x1c\xbd\
\x1c\x86\x16\x70\x00\x04\xdc\x61\x60\x6a\xa1\x5f\x23\x44\x11\x5b\
\x42\x44\x60\x73\x14\x38\xe1\x83\xde\xd9\x96\x03\x34\x02\xb6\x1d\
\x4e\x2f\x11\x7c\xd9\x5e\x12\x0b\x26\xb2\x71\x28\x80\x78\x63\x6b\
\xc5\x21\x94\x44\x83\x54\x39\x80\x8e\x0f\xb0\x80\xf3\x7e\x64\xa4\
\x70\x10\x00\xc9\x3a\x7c\x8c\x08\x80\xc7\x7d\x39\xe1\x4e\xbc\x0c\
\x90\x80\x02\x38\x41\x53\x3e\x8e\x07\x96\x7a\x6a\x04\x0a\xe0\x88\
\xc8\x84\x98\xd1\x10\x74\x55\x3b\x10\xf4\x6f\x08\xd3\x5c\x15\x5a\
\x6a\x2a\x07\x3a\x62\xb9\x14\xd7\x12\xf2\x8c\x33\x94\xcd\x2f\x17\
\xc1\x01\xa6\x24\xe4\x02\x62\x12\xe3\x9f\x12\x99\x2b\x2c\x0a\x25\
\x27\x5b\x26\x00\x08\x3c\xb7\x20\x2b\x52\xc4\x23\x8c\x43\x61\xc2\
\x62\x48\x2d\xe7\x34\x53\x00\x39\xd8\x84\xc0\xf2\x22\x39\x56\xa0\
\xc0\xcb\xa2\x22\x26\x45\xfc\x24\x2c\x50\x21\x80\xa9\x30\x60\x81\
\x03\x44\xd9\x8e\x0d\xc8\x12\x05\xff\x14\x90\x9e\xb6\x34\xe0\x03\
\x90\x23\x82\x01\x58\x0a\x0f\x0d\xb9\x59\x09\xb2\x94\x4a\x00\x38\
\x8b\x05\xdf\xca\x8a\x2a\xa7\x2a\x00\x07\x2a\x60\xe8\x6a\x99\xe2\
\x01\xbc\x14\x82\x40\x06\x41\x15\xb8\x2c\x6f\x02\x20\x90\x32\xf9\
\xb0\xb0\x9a\x31\xa6\xa9\x13\xf1\x25\xcb\x22\x8d\x90\x80\xf6\x39\
\xfa\x7d\xe4\xb9\x40\xaa\xf3\xb4\x27\xae\xf4\x73\x09\x15\xd0\xda\
\x9c\xb5\x20\x80\xd0\x06\x40\x9b\xd0\x56\x80\x04\x4a\x68\x84\x7d\
\x38\x58\x13\xf0\x5a\xc2\x46\x2c\x50\x2f\x24\xf8\xb2\xd5\x0d\xa0\
\x35\x49\x1f\x5b\x90\x93\x6c\x80\xca\x72\x90\x30\x67\x94\x07\x08\
\xd2\x39\x56\x51\x3e\xcc\x82\xfc\xfa\xdd\x00\x09\x60\x40\xdf\xaf\
\x30\xab\x88\xc8\x72\xce\x05\x50\xbc\x2c\xf0\x08\xf4\x22\x30\x30\
\xcb\x10\x9c\xbb\x0d\x76\x36\x06\x59\x22\x50\x3c\x89\xac\xb0\x1b\
\x07\xb9\x80\x06\x2e\x60\x29\x04\x63\x40\x03\x38\x15\x11\xba\xe5\
\xc0\x81\xa6\x28\xea\xd9\xe4\xb6\x80\x94\x41\xc0\x5b\x7c\x4c\xc0\
\x41\x9f\xea\xd1\x05\x28\x3b\x96\x0a\xc4\x58\x03\x9b\x32\x22\x00\
\xea\xa7\x85\x76\x28\xea\x00\x43\x8c\x88\x01\x58\xd7\x80\xa8\x0f\
\x21\x03\x28\x1e\xcb\x51\x25\xbb\xff\x81\x52\xcb\x16\x01\x7a\x3d\
\xad\x26\xb0\xa4\x56\x1a\x62\x5a\xeb\x50\xc0\x40\xcd\xf6\x80\x0c\
\x3a\xb7\xe1\x46\x4b\x24\xc0\xb6\xa7\x40\x01\xa2\xb3\x82\xac\x72\
\x99\x80\x38\xf9\x91\xa8\xa9\x40\x58\xde\x75\x61\x3b\x01\xd0\x00\
\xa8\x0b\x40\x3c\x09\x6a\x8f\x0a\x01\xb4\x88\x05\x0e\x58\x0f\x04\
\xf5\x56\x09\x4d\xe6\xf5\x00\x08\x54\xc0\x03\x9c\xfd\x89\x18\x00\
\x85\x37\x80\x17\xe1\xda\xe6\x00\x3b\x16\x3c\xd4\xa9\x01\x9c\x62\
\x38\xd4\x95\xdd\x33\x1b\x01\xb8\xa8\x2c\x20\x66\x56\x58\x4d\x06\
\x91\x71\x59\x3c\xdd\xe3\xe7\xd7\x83\xb1\x3f\x41\x4f\x0a\xae\x7c\
\xa0\xec\xb6\xf7\x44\xdd\xcf\x82\x00\x1a\x01\x42\xe2\x38\xe1\x9a\
\xd5\x83\xff\x8a\x7d\xd4\xee\x20\x38\xfb\x09\xef\x3b\x03\x3c\xe6\
\x5f\x83\xc3\xb5\x83\x40\x82\xc1\x13\x4d\x11\x60\x40\xec\xc1\xf4\
\x83\xf5\xaf\x71\x3c\x54\x52\x18\x02\x1d\x58\x8a\xba\x39\x95\x97\
\x0f\x8f\x5f\x18\x9a\x0c\xcc\x81\x22\x34\x95\xc0\x8c\xfb\xfd\x18\
\x3c\x12\x5e\x0f\x8f\x7f\x38\x5c\x20\x0f\x4f\xa1\x07\x02\x13\x52\
\xee\xc4\x2d\xfd\x77\x0d\x87\x22\x01\x0f\xb0\x6e\x06\xb0\x01\x17\
\x00\x7e\x6f\x52\x7d\x07\x08\x0c\xf8\x8e\xd1\x7d\x44\x40\x47\xef\
\x36\x4a\xaf\x36\x81\xf0\xa7\x01\xfb\xc5\x43\x8c\xc7\x81\xf7\xe0\
\x00\x1d\x57\x3b\xe2\xa0\x07\x50\x71\x00\x73\x27\x82\xd7\xa0\x01\
\x7f\x86\x17\x4a\x66\x00\x1d\xc0\x6b\x82\xc0\x76\x72\xc4\x82\xea\
\x90\x01\x1f\x90\x81\x1e\x67\x74\xd0\x84\x3f\x9d\x76\x08\xcb\x87\
\x83\xc0\x70\x70\x56\xd3\x73\x05\xd0\x1c\x1b\x48\x84\xb1\xc0\x71\
\x9b\xb1\x00\x25\xc7\x84\x72\x71\x3e\x96\xc4\x6e\x52\x18\x11\xc0\
\x02\x30\x2e\x46\x10\x1b\x00\x7c\x57\x18\x0c\x60\x51\x58\x08\x10\
\x06\x9e\xd6\x29\x1f\xf7\x85\x5e\x51\x11\x1e\x81\x55\xc5\x57\x4c\
\x14\xd0\x4e\xf0\x70\x86\x68\xa8\x12\xcd\x71\x06\xc6\x81\x0c\x90\
\x33\x7d\x7c\x90\x70\x73\x58\x14\x14\x20\x01\xbd\x26\x23\x51\x28\
\x04\x7b\x73\x56\x20\xd0\x87\xdf\xf3\x05\xe2\xf5\x2c\xd4\x06\x81\
\xc7\x80\x25\xfc\x87\x88\x1d\x54\x20\x1a\xa2\x40\x48\x00\x44\xb5\
\x30\x78\xb0\x24\x89\x7d\xf1\x49\x1c\x00\x01\xf5\x04\x10\x93\xe6\
\x0d\x0d\xe0\x27\x83\xc8\x89\x86\x21\x5d\x17\x80\x07\x5c\x01\x01\
\x1b\x90\x60\xa8\xd8\x7f\x97\x00\x01\x84\x13\x89\xb1\x28\x89\x41\
\x00\x00\x21\xf9\x04\x09\x03\x00\x22\x00\x2c\x00\x00\x00\x00\xb3\
\x00\xa2\x00\x00\x06\xff\x40\x91\x70\x48\x2c\x1a\x8f\xc8\xa4\x52\
\x28\x70\x24\x26\x0a\x8d\x60\x49\xad\x5a\xaf\xd8\xac\x76\xcb\xa5\
\x0a\x0c\x17\x8c\xa5\x12\x21\x2c\x08\x07\x4c\x55\xe0\xb1\x18\xba\
\xf0\xb8\x7c\x4e\x4f\x2a\x0e\x03\x40\x00\x10\xea\x87\x00\x10\x05\
\x54\x0a\x0b\x7c\x01\x0d\x12\x1a\x75\x8b\x8c\x8d\x8e\x14\x08\x7e\
\x92\x7e\x04\x13\x4b\x13\x08\x7c\x93\x87\x10\x6f\x8e\x9f\xa0\xa1\
\x4a\x06\x07\x93\x9b\x1d\x4b\x0a\x03\xa6\x7e\x01\x15\x53\xa2\xb1\
\xb2\x8e\x0e\x04\xac\x7e\x00\x07\x96\x48\x02\x99\xb7\x7d\x20\xbb\
\xb3\xc3\xc4\x5d\x02\xab\xbf\x21\x01\x11\x0a\x06\x1b\x0a\x1b\x13\
\x09\x06\x1a\x0f\xc8\xbf\x08\x09\xc5\xdb\xdb\x0e\xb0\x4b\x06\x0b\
\xc9\x7d\x00\x7c\x03\x66\x01\xe7\x04\x01\xe3\xb9\xdc\xef\xb3\x1c\
\x65\x10\xc2\x46\x02\x05\x16\xec\xe3\xfb\xc9\x00\x08\xf0\x00\x1d\
\x35\x91\x60\x2b\xc4\x00\x08\x0e\x8c\x14\xd0\xd0\x01\x8f\x26\x7e\
\x10\x4d\x81\x48\x18\xb0\xa2\x1c\x28\x0d\xf4\xfd\x19\x60\x61\x48\
\x81\x04\x0a\x10\x10\x28\x17\xb1\xa4\xa9\x00\x12\x2e\x08\xe2\xa5\
\x41\x41\x3d\x8b\x30\x45\xc8\xcb\x63\xea\xa0\x06\x0f\x10\xd6\x3d\
\x34\xc9\xd3\xcf\x80\xff\x03\x0f\xb4\x19\x49\x90\x13\x91\xd0\x98\
\x16\x1f\x8c\xfc\x05\x60\x01\xcd\x9e\x50\x4d\x35\xad\xb0\x81\xa2\
\x08\xa2\x9a\x00\x34\xd8\xf0\x0d\xe9\x3b\x03\x0d\xa2\x8a\x85\xca\
\x89\x82\x80\x0b\x15\x76\x86\x58\x20\x81\x82\x57\x78\x60\xc7\xca\
\xed\x19\x80\xc0\x3a\xa9\x03\x2a\xac\x7c\x5b\x4c\x40\x04\x8d\x73\
\x03\xef\x53\x3b\x09\x00\x01\x0f\x7b\xf9\xce\xda\x70\x4d\xb0\x63\
\xa8\x5a\x2f\x28\x26\xe6\x20\xec\xe3\xcb\x3d\x07\x78\x9a\x2c\x8b\
\x28\xe6\xcf\x11\xb5\x72\x1e\x46\x0a\xb4\xe9\x71\x0b\x1e\x8c\xee\
\x0c\x02\xf0\xe9\xd7\x7e\x10\x6c\x5e\xed\x28\x83\x03\x10\x84\x61\
\xbf\x46\x4c\xfb\x93\x00\x0c\xad\x75\x0b\x27\xf7\xa1\x77\x9c\x2f\
\x19\x8c\x68\x38\x90\x7b\xb8\xe9\x06\x8a\x8c\x6f\x49\xd0\xa1\x01\
\x81\x44\x42\x35\x34\x68\xee\x1c\x74\x00\x04\x92\xa5\x67\xf1\x60\
\x0b\xc0\x80\x06\x0f\x26\x7c\x28\xd8\xdd\xf9\x32\xab\xe2\xa9\x60\
\xd8\x7e\x92\x7b\x7b\xd3\x00\x40\x1c\x8d\x9f\xa4\x97\xeb\xfb\x00\
\x92\x13\x4c\x11\x5d\xc5\x57\x80\x07\xf6\x05\xd8\xdd\x41\x96\x08\
\x40\x81\x02\x12\x00\x55\x20\x6d\x02\x28\xc0\x9e\x82\x18\xf6\x91\
\x97\x02\x15\xe0\xf1\xff\x07\x01\x1b\xc4\x47\x4a\x82\x19\x76\xa7\
\xc7\x43\xfe\xc0\x47\x5b\x3e\x25\xb6\xf8\x4b\x00\x1e\x4c\x38\x59\
\x01\x0f\x90\xe8\xa2\x82\x0b\xbc\x34\xda\x05\x96\xdd\xe8\x23\x39\
\x11\x24\xb6\xda\x7c\x36\xfe\xd8\xdd\x02\x1f\xc8\x38\x19\x91\x46\
\xde\x98\x8b\x5b\xc6\x09\xf0\xc1\x7f\x4d\x2a\x18\x40\x78\xc6\x61\
\x40\x65\x95\xf7\x35\xa5\xe2\x68\x19\x48\xb0\x25\x97\xce\x19\x86\
\x8a\x74\x14\xf4\x48\x26\x80\x5a\x29\xa0\xe4\x64\x1d\x8c\xa9\x5b\
\x39\xe6\x2d\x10\x40\x00\x0b\xd8\xd9\x62\x03\x18\xbc\xa9\x18\x05\
\xa5\xb4\x67\x4e\x03\x07\x58\xa0\xc0\x07\xd1\x18\xa0\x40\x07\x0f\
\x58\x10\x41\x03\x8d\x75\x17\x80\x6a\xf1\x59\x63\xe2\x39\x12\x6c\
\x00\x25\x12\x05\x4c\x70\x01\x84\x07\x14\x22\xa9\x04\xf1\x09\xc0\
\xdc\x70\xe6\x21\xf0\x80\x03\x42\x2e\x51\xc0\x05\x0f\xd0\xe7\x1c\
\x02\x3a\x8e\xc6\x81\x9c\x97\x1d\xf2\xc1\xa6\x5c\x60\x80\x00\xae\
\x8f\x05\xa0\x41\x72\x8a\x35\xb1\xcb\xab\x20\x0c\x77\x50\x01\x7e\
\x5a\x71\x16\x04\x91\xe2\x07\x01\x67\x1f\x44\x80\x00\xa1\x20\x9c\
\x0a\x9b\x56\xc5\x2d\x52\x80\x85\x45\x8e\xa5\x55\xad\x30\x2d\x45\
\x92\x70\xfe\x70\xd0\xff\x2c\x17\x90\x00\x3b\xd7\x00\x67\xbe\xe5\
\x40\x97\xe0\xad\xcb\x45\x06\x17\xfc\xfa\x1a\x00\x15\xec\x17\xd3\
\x07\x82\x36\x60\x6f\x1c\x71\xbd\x46\x00\xaf\x31\x25\x5b\x26\x74\
\xb3\x14\x2c\xed\x47\x14\xf8\x0b\xd0\x85\xba\x11\xd0\x6d\x3c\x14\
\x7f\xb6\xc0\x01\x08\x74\x6c\xc1\x97\x7d\x99\x18\x14\x31\xf8\x44\
\x8b\x1f\x01\x0a\x04\xa4\xc0\xc2\x03\x2f\x32\x81\xb6\x73\x5a\xd0\
\xb2\x23\x15\x38\xb7\x40\xbc\xc4\x64\x70\xab\x73\xfd\x02\x24\xab\
\x6e\x11\x90\x1b\x8b\x03\x11\xa0\xda\x40\x40\x16\x3c\xf5\x9a\xb0\
\xc4\x72\x43\xc8\x70\x95\x00\xe4\xc0\x03\x07\xb8\x2b\x2e\x01\x01\
\x99\x1a\xae\x5c\x20\x56\x54\xc0\x4c\xa6\xb9\x52\x51\x07\x5b\x8f\
\x15\x00\x07\x30\x4d\xf0\x17\x68\x87\x55\x74\x81\x38\x73\x52\x6a\
\xd1\x07\x26\x07\x76\xc0\x6c\xef\x60\x22\x5c\x00\x20\xc4\x74\x41\
\xd9\xa1\xf5\x5d\x91\x00\x69\x6d\x7b\x50\x4c\x1b\x00\x0e\x51\x00\
\xd3\x5a\x14\xe7\x6b\xe7\xa5\x17\xd3\x03\x56\xf3\x34\x80\xdc\x01\
\x19\xa0\x38\x44\xe6\x49\xc0\x1b\x52\x12\xd4\x2d\xd7\x00\x21\x5a\
\xa4\x41\xc6\x82\x11\xa0\x81\xc4\x49\x55\x6e\x12\x00\x20\x73\x33\
\x1f\x68\x11\xb0\x3e\xff\x78\x07\xa0\x0d\x80\x30\x3c\xb5\x80\x56\
\x41\xec\x59\x4b\xb0\xf9\x3e\x5d\x5b\x94\x81\xe8\xe2\x46\x30\x59\
\x04\xc3\xa3\x56\xba\xdb\xa8\xcf\xb5\x8c\x62\x18\x2c\x85\x19\x00\
\x58\x06\xb4\x41\xf4\x72\x01\x82\x54\x01\x14\x00\xc7\xbd\xf4\x38\
\x03\xf4\xf4\x67\x0f\xcc\x1c\x0a\x05\xb1\xee\x71\x9a\xd8\x16\x29\
\xd0\xfc\x38\xe9\xc3\xd4\x01\xdc\xb0\x4d\x54\x51\x02\x16\x78\x47\
\x2a\x4c\x1f\x98\x5f\x49\x08\x80\x37\x6e\x18\x20\x12\x9f\x41\x09\
\x4c\x32\xb0\x01\xd7\x89\x0b\x6d\x01\xe1\xc0\xf8\xe4\x72\x37\xf5\
\x7d\x62\x7b\xe8\x02\x81\x05\x19\x41\x39\xfc\x34\xc0\x0d\x15\x71\
\x18\x6c\xf8\x04\x10\xbd\x2d\x0d\x11\xbb\x23\x86\x00\x7e\xb6\x34\
\x0b\xb4\x6a\x18\xe4\xd9\x5b\x36\xe0\x51\x80\x9a\x0d\xa7\x01\x29\
\x94\x85\x7f\x86\x73\x80\x1c\xea\xb0\x46\xc3\x09\x40\x47\xb8\xb1\
\xb3\xe1\x04\x0d\x20\x96\x42\x17\x01\xb2\x37\x0b\x13\x0e\xe7\x01\
\x2f\x24\x4d\x79\x04\xc8\xb9\x01\x0d\x03\x1f\x0e\x1c\x5d\xca\x02\
\x82\x01\x08\x20\x80\x63\x22\xa1\x62\x32\x84\x68\x3b\x47\xc4\xd0\
\x39\x24\xcc\xda\x4a\xc0\xd7\xc1\xd3\x1c\x66\x83\x5a\xa0\x80\xf5\
\x86\x03\x02\x1f\xc2\xff\x03\x50\xfb\x22\x80\x1a\x42\x91\x81\x03\
\xde\xc7\x85\x6f\x11\x80\x98\xf2\xa8\x80\xa6\x35\xc2\x57\x62\x34\
\x49\x00\xb6\xf8\x16\x03\x4c\x30\x75\xab\x6a\x84\x00\x96\x93\x45\
\xc8\x64\x25\x32\x93\xf1\x45\x1e\x2d\x50\xc6\x2d\x2c\x64\x8e\xef\
\x6b\x40\x05\x24\x50\x81\x8e\x6d\x20\x8a\x83\x53\x40\x25\xc9\x72\
\x80\x61\xc9\xe1\x0b\x10\x58\x65\x4f\xb4\x32\x85\x04\xc0\x02\x8e\
\x0d\x53\x13\x6c\x16\x50\x01\x0e\xa0\xd2\x55\x0e\xb0\x40\x46\x94\
\x85\x39\xda\xd4\x50\x96\x64\x41\xc4\xea\x0c\xb9\x84\xdf\xb4\x2f\
\x91\x10\x91\x4d\x7c\x1a\x78\x9f\x01\xa8\x6a\x17\x02\xf8\x06\xb1\
\xc0\xa7\x1e\x91\x74\xc9\x4d\xe2\xf9\x8d\x82\xca\xb1\x00\x04\x78\
\xee\x03\x0f\xe8\xc0\xa1\xc8\x80\x07\xf7\x09\x0a\x6b\xf1\xd1\x00\
\x02\x5b\x94\x8e\x3d\x9c\x08\x43\x87\x93\x8e\xce\xaa\xb6\x26\x05\
\x35\x00\x82\x54\xb8\xc0\x06\x54\x02\x0e\x09\x14\xb0\x0e\x8e\x84\
\x66\x3f\x7b\xc2\xc9\x41\x78\xf1\x1c\x7b\x44\x02\x26\xf0\xc4\x0c\
\xa1\x71\x61\x02\xba\x5c\xa8\x89\x98\x48\x84\x29\x34\xe4\x2e\x7d\
\x88\xc0\x41\xaf\x52\xb8\x3f\x7c\x47\x01\x66\xa1\xc3\xec\x34\x0a\
\xa0\x65\xb4\x8a\x02\xff\x06\x20\xc8\x9d\x26\x91\xcf\x22\x7c\x0b\
\x7f\xe4\xc0\x54\x36\xe5\x50\x00\xe6\xb1\xb4\xa5\x12\xb0\xca\x04\
\x1e\x00\x02\xe4\xa1\xcc\x08\x1b\xc0\xe9\x26\x08\x40\x15\x5c\x0a\
\xa1\x16\x0a\xfd\x29\xe7\x52\xb3\x12\x0c\x8e\x23\x00\x07\x28\x42\
\x02\xd6\xc6\x94\xb5\x6c\x80\x99\x5a\xf0\x00\x32\xa5\x2a\x16\xd5\
\x25\x87\x31\xfc\x98\xd4\x10\x1c\x20\x3c\x7e\x0c\xe0\x62\x5d\xc0\
\x44\x54\xc9\x3a\x98\xac\x8a\xa0\x00\x4a\xbd\x45\xe7\x16\xa5\x14\
\x88\x68\xe6\x95\xe7\xa3\xab\x0c\x85\x50\x9a\xc5\xa5\xa3\x24\x38\
\x9c\xc3\x31\x25\x61\x1e\xa5\x09\xd6\x31\x5b\x19\x02\xcc\x1e\x93\
\x8b\x5f\x62\x01\xaa\xe6\xf9\x60\x07\xa0\xf5\xd8\xc7\x0c\x00\x9c\
\x42\x80\xc0\x5c\xff\x20\x01\xcb\x62\xc1\x00\x64\x50\x17\x2c\x18\
\x33\x5a\x96\x32\xae\xa3\xaa\xfc\xcc\x00\xa2\x43\x87\x26\x4c\x28\
\xb0\x9d\x8d\xca\x93\x8a\x40\xb7\xcf\x10\xb0\x33\x49\xcb\xad\x5f\
\x09\xe0\xd8\x06\x30\x52\x08\x09\x68\x2b\x66\x1a\xd0\xc9\x45\x38\
\x20\x96\xc2\xed\x07\x88\xaa\xe1\x90\x3f\x40\xe0\x94\xdf\x48\x22\
\x66\x7e\xcb\x0b\x46\x14\x60\x90\xd1\x3d\x09\x9f\x60\x91\x01\x4b\
\x95\x83\x00\xa2\x7c\xff\x40\xb5\x1c\xeb\xd9\x08\xc0\xa2\x00\xf8\
\xd2\xc0\x06\x24\x50\xcc\x39\x08\x40\xb4\xe1\x95\xc4\x77\xa4\x30\
\x04\x01\x90\x8d\xb1\x7a\x98\xe9\x69\x00\xf1\x00\x09\x40\xc0\x3a\
\x85\xb8\xd3\x71\x55\x3a\x56\x23\xe5\x07\x61\x60\x69\x2d\x3f\x02\
\x7c\x92\x7f\x30\xc2\x03\xc8\x23\x2b\xdf\x74\x04\x44\x23\xa9\x8e\
\x11\xc1\x09\xef\x32\x74\xa4\xb5\x26\x0d\xe0\x7f\x74\x30\x40\x86\
\xa5\x7a\x00\x8e\xb2\x61\xc5\x0a\x92\xa6\x62\xfb\x97\xdf\x10\x1c\
\xe0\x4b\x09\xd0\xa4\x58\xf8\x80\x06\x8e\x59\xc7\x9d\x63\x59\xc0\
\x82\xbb\x70\x81\x40\xe5\x57\x77\xca\x79\x64\x3b\xbe\x33\x50\x03\
\x34\xa1\x8f\xf2\x00\xa9\x58\x82\x3a\x87\x04\xe0\xa6\xc6\xaf\x25\
\x02\x56\xc6\x92\x06\x24\x64\x20\x01\xc0\x01\x72\x4f\x08\x00\xbc\
\x2c\x5c\xa0\xa8\x35\xbe\x1b\x11\x34\x90\xd7\x92\x2c\x40\x66\x54\
\x60\x6b\x9b\x4b\x32\xe4\x2e\x50\x00\xba\x52\x21\x00\x08\x20\xe5\
\x5a\xda\x8a\x20\xa9\x51\x61\x9c\x1d\x89\x90\x81\xe0\x42\xc6\xae\
\xb5\x25\x05\x60\x9e\xe4\x29\x61\x8a\xb9\x4a\x01\x10\x92\x05\x40\
\xb9\xb8\x57\x60\x61\x02\x10\x10\xcb\x00\x22\x3a\x07\x7c\x45\x00\
\x19\xdf\x81\x0f\x48\xff\x10\x00\x63\xef\x9c\x87\xd2\xb8\x20\x40\
\xfd\xb4\xcc\x81\x8c\xee\x63\x00\x00\xbd\x42\x01\x94\xcc\x8a\x13\
\x3b\x62\x02\x16\xc8\x53\x05\x0a\xd8\x04\x05\x44\x40\x54\xca\x3a\
\x40\x50\x0d\xd0\x01\x4a\x37\x25\x02\x04\x3d\xc2\x05\x7e\x1d\x11\
\x94\x98\xf6\x08\x0f\xe0\x09\x56\x15\x50\xe6\xe3\x60\xc0\xa2\xdf\
\x62\xe1\x67\xcc\x73\x9d\x68\x0c\x21\x03\xb1\xc5\xc5\x01\x3c\xd0\
\xdc\x04\x6c\xcf\x46\x0b\x18\x69\x9c\xe7\xcc\x0a\xc3\x44\x80\x2b\
\x83\xab\x40\x83\x51\x03\x82\x0f\xb0\xca\x1e\x80\x36\xcf\x03\x06\
\x4d\x04\x05\xb8\xda\x14\xba\xb8\xa8\xc2\x96\x8c\x9e\x67\xcf\x02\
\xcf\xfd\x10\x8b\x05\x2c\x2a\x02\x05\x80\x20\x02\x18\x30\xb8\x64\
\x13\x04\x00\xf7\x76\x81\xab\xfd\xe8\x59\x4c\x04\x40\xe3\x64\x9c\
\x83\x50\x0d\x70\x8a\x5d\x80\xdd\x0f\x75\x7b\x24\x01\x12\xf7\x48\
\xd1\xf6\xd1\x01\x38\x86\x89\x1f\x01\xff\x9e\x04\xda\xd1\x81\x02\
\x38\xc0\x00\x66\x49\x80\x7c\x31\x40\x1e\xfb\x2c\x20\xd6\xde\x9d\
\x2c\x2b\x14\x78\xaf\x36\x32\x05\x01\x4e\xad\x4d\x49\xdb\x7d\xb4\
\x24\x84\x49\x4e\x47\xfd\x84\x1c\x07\x03\x67\x2e\xe0\xb7\x1f\x33\
\xf4\x8a\xa1\x6b\x3d\xff\xc4\x24\xa8\x38\x19\x0b\xf0\x73\x1d\xf0\
\x81\x6a\x56\x58\xda\x93\x3e\x1d\x47\x64\xbd\xc2\x06\x08\x1c\x40\
\xca\x7d\x00\xcf\x25\x74\x5c\x98\x05\xa4\x7c\x0d\x0e\x2f\x7b\x9e\
\xe1\x28\x42\xa6\xa0\x8c\xe1\xdc\xb8\xf9\x06\x3e\x20\x01\x91\xdc\
\x09\xde\x4a\x10\x40\x12\xe9\x54\x17\xf4\x7a\x80\x11\x14\xf8\xc0\
\x30\x23\x72\xb3\x2d\xf8\xb7\x48\x4d\xb1\x22\x5f\xa6\xc1\x81\x0d\
\x18\xe0\xd9\x07\x5c\x40\x03\x10\x00\x02\x75\x36\x23\x03\x77\x77\
\x95\xbc\xa5\x8d\xf4\x2d\xd0\xbd\xae\x31\x02\xd3\xa5\x3f\x2f\x82\
\x0c\x80\x55\xb1\xaf\x8f\x88\xaa\xb3\x50\x80\x0e\x94\x9a\xb1\x97\
\x4b\x3d\x7f\x16\xb1\xfa\x59\x92\xb9\x65\x56\xcd\x0c\x04\x92\x3e\
\x7c\x3b\x0f\xcf\x1f\x62\x67\x89\xd0\x4b\xe2\x0f\xe1\x37\xff\x95\
\xf3\x9c\xe5\x3f\x13\x70\xfb\x21\xb4\x3a\xc8\xd1\xbf\xbe\x0e\x13\
\xb7\x63\x02\x88\x54\x10\x4d\x43\x79\xbe\x04\x88\x00\xeb\x8b\x3f\
\x0e\x3c\xea\x9e\x35\x25\xa0\xce\x0d\x34\xaa\x6a\x02\x04\x40\x92\
\xde\xdf\x8d\xab\x8b\xab\x1c\x03\x70\x58\x81\x91\x0b\xd5\xc6\x7f\
\x9f\xb0\x1e\x90\x56\x5f\x06\x28\x0b\x2f\x23\x61\x63\xb1\x44\x0b\
\xc8\x0d\xe0\x55\x18\xff\x18\x42\x74\x11\x58\x0c\x5f\x67\x08\x75\
\x71\x00\x21\xe7\x80\xe4\x70\x2e\x92\x00\x81\x17\xb8\x0d\x11\x82\
\x00\x16\x60\x28\x37\x27\x02\x92\x27\x61\x58\x15\x01\x15\xd0\x81\
\x7c\x50\x0e\xb5\x33\x82\xdb\xd0\x29\x77\x65\x53\x14\xc0\x5e\x82\
\xa1\x15\x8a\xc0\x2c\x1c\xa0\x00\x10\xf0\x28\x0d\x70\x01\xcc\x47\
\x83\x8b\xe0\x7f\x8f\xd1\x00\x07\x85\x72\x26\x67\x84\xdb\xc0\x06\
\x73\x25\x1a\x4e\x68\x4c\x57\xb6\x5c\x4d\x38\x85\x16\x31\x01\xb4\
\x36\x66\x57\x88\x85\x01\xf1\x36\xa0\x01\x00\x9c\xe6\x85\x6f\x21\
\x56\xd4\x57\x12\x16\x48\x86\x6f\x31\x81\xe3\x80\x06\x0d\x00\x29\
\x36\x02\x00\xa5\xa5\x86\x6f\xb1\x55\x36\x62\x31\x9f\x47\x01\xd4\
\xc4\x0f\x16\x47\x87\x48\x41\x38\x3a\x48\x53\xe5\x83\x71\x4c\xc1\
\x5c\x7e\xe8\x15\x0e\xe0\x6b\x81\xf8\x07\xb4\x52\x04\xf1\xd7\x0f\
\xdf\xc1\x6f\x87\x58\x83\x68\x31\x79\xe2\x06\x32\xb9\x76\x0b\x75\
\xf1\x41\x93\x38\x23\x14\x20\x4c\x4f\x11\x00\xfb\x67\x04\x14\xb0\
\x74\x7d\x80\x55\x15\xf0\x01\xdd\xd7\x89\x48\xa1\x28\x99\xb0\x00\
\xb1\x87\x04\xdf\x67\x0e\x11\xe0\x01\xfc\xc5\x8a\xbd\x91\x88\x1f\
\x80\x6d\x1a\x80\x29\x0f\x0e\xe0\x0d\xb8\x18\x4e\x6b\x30\x86\xc1\
\x58\x8c\x54\x10\x04\x00\x21\xf9\x04\x09\x03\x00\x22\x00\x2c\x00\
\x00\x00\x00\xb3\x00\xa2\x00\x00\x06\xff\x40\x91\x70\x48\x2c\x1a\
\x8f\xc8\xa4\x72\x38\x49\x38\x36\xd0\xc7\x45\xb0\xac\x5a\xaf\xd8\
\xac\x76\xcb\xed\x2e\x13\x1a\x08\x08\x44\x58\x10\x02\x80\x01\x28\
\x61\x4d\x14\xbc\xf0\xb8\x7c\x4e\x57\x2a\xce\x80\x90\x7e\x1f\x1a\
\x5c\xac\x16\x04\x04\x15\x1c\x75\x86\x87\x88\x89\x43\x0f\x01\x7c\
\x8e\x01\x15\x55\x0e\x03\x7c\x01\x07\x16\x13\x8a\x9a\x9b\x9c\x49\
\x05\x0f\x8e\xa1\x07\x06\x4a\x0e\x12\xa1\x7b\x04\x12\x6c\x9d\xad\
\xae\x86\x02\xa7\xa8\x7b\x01\x1c\x54\x48\x0a\x0d\xb3\x7a\x0b\x0e\
\xaf\xbf\xc0\x45\x0e\x7f\x56\x08\x79\xbb\x00\x04\x16\x17\x18\x1b\
\x1a\x6f\x0e\x0e\x02\x08\x8d\xbb\x0b\x1b\xc1\xd9\xae\x02\x0a\x64\
\x0d\x1b\x19\x4a\x05\x04\xc7\xc8\x00\x69\x82\x03\x04\x08\x11\x0d\
\xd5\xbb\x04\xd8\xda\xf3\x8a\x17\x11\x0b\x79\x00\x0d\x18\xb7\x43\
\x02\x09\x13\x1e\x18\xdb\x45\x70\x4f\x39\x6b\xa4\xe8\x29\x9c\x23\
\xc0\x80\x04\x02\x8e\x00\x80\xf0\x25\x82\xca\x85\x07\xf7\x06\x1c\
\x2c\xc8\xd1\x5a\xb8\x85\x20\xbb\x04\x74\x87\x2a\x00\x02\x0c\x1c\
\x3c\x1c\x38\xd3\xb1\x65\x47\x02\x09\x43\xca\xc4\x52\x01\x0d\x41\
\x33\xe7\x5c\xea\x2c\x08\x00\x01\x07\xff\x56\x47\x32\x00\x9c\x29\
\x93\x82\xae\x9d\x48\x93\xf2\x49\x06\x21\x66\x11\x0e\x15\x22\x28\
\x78\x43\x54\xa1\x03\x10\x4a\xb3\x2a\x4d\x13\x61\x03\xc5\x8a\xb9\
\x1a\x0d\x68\x5a\x55\xa1\x85\x77\x5a\xd3\xb6\x0c\xd0\xc0\x02\x34\
\x05\x94\xf6\x0c\xa8\x00\xb4\x6c\xb0\x04\x71\xd5\xea\x6d\x39\xe0\
\x00\x82\xbc\x06\x09\x28\xe8\x67\xf7\xd5\xd5\xbd\x88\x39\xe6\x9c\
\x95\xec\x01\xd5\xc2\xdb\xb0\x26\x9e\x9c\x34\x8d\x5b\xc8\xad\x04\
\x78\x00\x4c\xb9\x73\xcb\x05\xc4\x30\x6b\x4a\xe0\x01\xad\xe7\xd3\
\x04\xd3\x10\x16\x7d\x88\x02\x04\xce\xa8\x63\x87\x9a\xcb\x3a\x4e\
\x81\x4c\x46\x1c\xfc\x95\xcd\x7b\xd6\x01\x0d\xb5\xbd\x38\x6c\x80\
\xc0\x03\xee\x86\x0d\x36\xf6\x5e\xfe\xa0\x6e\x70\x2c\x02\x22\x50\
\x0a\x40\x00\xc2\x84\x09\x1d\x0e\x28\x5f\xce\x7b\x00\x85\xe7\x5b\
\x32\x94\x8e\x48\x40\x23\xf7\xf3\xbc\x14\x80\xcf\xc2\x0d\x22\xfa\
\xf7\xa8\x00\x8c\x5a\x7f\x05\x83\x76\xf8\xf8\x45\x39\xa5\x7f\xa4\
\x00\xb5\xfc\x00\xd2\x02\x81\x73\xfc\x0d\xe1\x80\x05\xdb\x05\xf8\
\xde\x00\x16\xac\x56\xa0\x08\x1b\x1c\xa5\xa0\x82\x01\x38\x46\x84\
\x83\xc1\x19\x90\xdc\x84\x13\x2e\xf0\xff\xc1\x1b\x05\x60\xa0\x40\
\x04\x12\x7c\x07\x5e\x2c\xa6\x71\x08\x9f\x3e\x1d\x08\x44\x4e\x1a\
\x0f\x60\x88\x99\x03\x10\x24\xa8\x22\x7a\x36\xe9\x01\x40\x2f\xf4\
\x25\x10\x41\x8a\x37\x06\x08\x40\x04\x8f\x3d\x77\xc1\x02\x41\x06\
\x39\xc0\x60\xeb\x09\x00\x5b\x92\x00\xf6\x84\x5b\x70\xe2\x01\x09\
\x65\x7e\x4b\x82\x47\xc1\x01\x57\xde\xa8\x0f\x81\x90\x75\x60\x65\
\x97\xf8\x05\xd0\x41\x70\x5b\x92\xe9\xa5\x2d\xb5\x59\xf0\xe4\x79\
\x01\xa0\xa1\x4e\x9c\x03\x98\xc7\x21\x57\x32\x56\x95\xc0\x86\xef\
\xa5\xb1\x40\x05\x10\x74\x70\xc1\x06\x1c\x4c\x70\xc1\x07\x16\x58\
\x50\x41\x03\x6f\x9e\xa7\x0a\x98\x65\x69\x66\xe3\x69\x00\xb0\x05\
\xc1\x06\x05\x40\x5a\x91\xa1\x1b\x58\x70\x00\x3e\xf0\x11\xe0\x81\
\xa6\x0b\x39\xa0\x81\x07\x1c\xdc\xd6\x81\x84\xcb\xf5\xa5\x80\x01\
\x45\x56\x91\xc0\x45\x07\xe4\xb8\x5c\x00\x12\x60\xc6\x68\x19\xd4\
\x81\xba\x9c\x3e\x1f\xc6\xa1\x40\xad\xdc\x31\x08\x99\x01\xf9\xed\
\x08\x81\x89\x71\x34\xf4\x1a\x77\x74\x15\x26\x4b\x9f\x0d\x78\x90\
\x67\x17\x1c\x10\xcb\x1b\x01\xcc\x56\xc5\xea\x79\xa3\x5c\xdb\x85\
\x00\xd9\x4e\x8a\x58\x00\xea\xd9\x65\xff\xae\x67\x96\xec\x77\x88\
\x6e\xeb\xaa\x35\xa4\xb8\xda\x28\xd0\xe7\x49\x9d\x4c\x00\xc2\x98\
\x88\x35\xe0\x2e\x48\x92\x9d\xe7\xef\x47\x9b\x08\xa0\x01\x9f\x94\
\x5e\x40\xb0\x4c\x48\x9e\x37\x80\x3c\x99\x29\xd0\x30\xa5\x11\x54\
\x45\x41\xbc\x89\x8d\x45\xef\x21\x8c\xc4\x46\x80\x06\x02\x6c\xec\
\xca\x06\x13\xf7\x86\xc0\xbf\x9c\x24\x30\x10\xa5\x0d\x48\xe0\x41\
\x07\x1d\x00\xa7\xd0\x04\xaf\x61\xac\x56\x00\x32\x03\xc3\x4d\xc9\
\xa8\x0d\x60\x46\x07\xb1\x66\x93\xc0\x43\x36\x6f\x75\x80\xc8\x88\
\x5c\x55\xb4\x5a\x04\x20\xbd\xc9\x13\x2b\x7b\x36\xc0\x07\xf4\x6c\
\xc0\x2f\x65\x30\xc9\x74\x81\x7b\x9e\x35\xf0\x95\xd0\x5c\x2e\x27\
\x98\x4c\x1a\x9e\x06\x89\x42\x19\x74\xdc\x5b\x00\xe0\x84\x94\x00\
\xcf\x89\x11\x40\xb5\x42\x5b\xff\xea\x81\x4c\x13\x5c\xad\x95\xbf\
\x0b\x09\x80\x70\x6c\x67\x87\x04\x97\x67\x3d\x81\x54\x80\x04\x4b\
\x67\x05\x40\x05\x41\x6b\xd3\x01\xdc\x7b\x05\xae\x90\x00\x6a\xf3\
\x86\xc0\xd7\xf4\x8c\xd7\x59\x85\x82\x43\xde\x99\x3e\x21\x69\x46\
\x29\xca\xc1\x38\xa0\xb7\xbc\xc9\x58\x20\x13\xe2\x52\x93\x0e\x8c\
\x01\x5c\x7f\x4e\xc0\x01\x31\x93\x0a\xff\xcc\x7d\x9d\xc5\x13\xd2\
\x05\xdf\x26\x16\x00\x04\x7f\x38\xad\x89\x00\x0e\x60\x80\xe0\x69\
\x0b\x14\x02\x92\x03\xb1\x4f\x76\x40\xb7\xf4\x14\x70\x81\x04\x08\
\xf8\x4a\x38\xf4\xf3\x14\xd0\xa8\x5a\x15\x60\x3e\x8f\x07\x78\xc8\
\x36\xc0\xdd\x20\x71\xd0\x3c\x62\x8b\x0b\xaf\x48\x01\x15\xdc\xaa\
\x3a\x48\xe0\xb3\x1b\x89\xe1\xd3\xf2\x26\x41\xe3\xc1\x88\xc9\x6e\
\xae\x21\x49\x70\xba\x5e\xa0\x5b\x48\x02\x2c\x80\x1a\x05\x2c\x2c\
\x73\xff\xd3\x4b\xd6\x14\x42\x01\x04\x98\x4d\x79\x20\x31\x40\x02\
\x6f\xd6\x81\x03\x06\x43\x03\xe7\x43\xcc\x02\xc8\x07\x12\x0c\xfe\
\x2a\x5a\xf4\xe8\x40\xe2\x5c\xb2\x80\x74\x81\x64\x02\xbd\x43\x0d\
\xb7\xe8\x41\x81\x08\xa0\x26\x00\x1f\x50\x9f\x22\x32\xf0\x37\xc0\
\xf1\x4f\x1b\x1f\xc8\x20\xfa\xbe\xe1\xb6\x0a\x8c\x30\x2b\x7c\xd3\
\xc6\x7f\x62\xa3\x8f\x07\x18\xc0\x82\xbf\xe0\x86\x3b\x02\x30\x80\
\x09\x6e\xe5\x32\x3a\xbb\x80\x13\x15\xf7\x27\xef\xe9\xac\x09\x1b\
\x78\x00\x46\xb6\xa7\x97\x01\xe4\xec\x15\x06\x08\x58\x6f\x00\x10\
\xc3\x99\xc0\x0b\x35\x3d\xc1\x1e\x27\x9e\xc5\x1d\x74\x55\x45\x01\
\x53\xdc\x89\xb1\xb6\x21\x41\xf4\x7c\xff\xac\x2a\x75\x8b\xcd\x92\
\x64\xb8\x05\x0d\x84\xed\x3c\x27\xab\xca\x61\xc4\xf7\x01\x24\x1a\
\xc2\x00\x51\xe3\x8e\x85\xaa\x52\x39\x96\x31\x49\x11\x09\xc0\x9d\
\xc3\x4c\x48\x14\xbc\xf0\x26\x19\x8f\x34\x44\x88\x24\x29\xb0\xd0\
\x54\xd2\x85\x6b\xab\x80\x01\xf8\x78\x84\x04\xac\xea\x87\x7a\xa9\
\xc0\x94\x18\xc9\xc5\x8c\x81\xc0\x75\x58\xc8\x80\x03\x2a\x60\xa7\
\x3e\x51\xb2\x2a\x06\x68\x65\x62\x2a\xd5\x15\x2b\x5a\xa1\x21\x1e\
\xa8\x21\x11\x07\xd0\x80\x95\x50\xe7\x95\x85\x31\xd8\x7b\xd8\x22\
\x81\x09\x20\x4d\x00\x05\x30\x80\xa7\x6c\xd5\x1b\x98\x50\xc0\x00\
\x0e\x28\x80\x06\xd4\x18\x92\x02\xe4\x22\x3f\x6c\xb1\xc0\x77\xa0\
\x79\x40\x72\x62\xc0\x03\x11\x08\x1f\x9c\x20\x10\x9c\x4f\x90\x43\
\x48\x3b\x42\x80\x04\x3a\x60\x81\x07\x70\x40\x01\x12\x90\x40\x3b\
\x58\x82\x9f\x7d\xd4\x46\x00\xfa\x0b\x52\x1a\xd0\x10\xa7\x7c\x44\
\x09\x68\x74\x70\x03\x29\xab\xe0\x41\x35\x4d\x28\x19\x56\xc8\x94\
\xb8\xfc\x78\x80\x0a\x80\x63\xa1\x48\xc0\x80\x0e\x1d\x8a\x9e\xb1\
\x54\x01\x03\x1d\x88\x00\xac\x3c\x01\x81\x46\xec\xe8\x00\x12\x80\
\x95\x21\xb9\x50\x80\x08\xa0\x92\xa3\xff\x88\x39\x00\x06\x94\x70\
\x01\x08\x10\xeb\x00\x10\x2b\x02\xe5\x4c\x13\x4f\x09\xcc\x74\xa5\
\xb1\xcc\x25\x4c\x01\xe4\x01\xfc\x15\x00\x02\xe5\xe1\x03\xbe\x72\
\xf3\xc7\x50\x50\x07\x01\x8b\x84\xc3\x27\xe2\x38\xd4\x2e\xba\xcb\
\x01\x13\x90\x40\x13\x37\x32\x80\x8a\x15\xe1\xa8\xe6\xaa\xd4\x4c\
\xe5\x80\xc2\x97\x56\x55\x29\x03\x88\xd1\x10\x0a\xd0\xa9\x8d\x86\
\x60\x01\xef\x1b\x02\xec\x3a\xb2\x80\x2f\x7a\x21\x03\x1d\xd0\xe5\
\x59\x27\x13\x0f\x2a\x08\x00\x03\x29\x8c\xc8\x00\xc6\x2a\x02\x0a\
\x80\x20\x5e\x0b\x94\x83\x03\x9a\x1a\x02\x26\x9a\x75\xaf\xa9\x99\
\x8f\x08\xf2\xda\x91\x22\x6e\xa0\x03\x25\xad\x6c\x03\xf0\xb7\x05\
\x6e\x68\x24\x00\x0b\x80\xea\x03\x18\x0b\xd9\x5d\x22\x80\x0a\x14\
\x48\x60\x9c\x26\x88\x00\xdb\xb1\xc7\x78\x46\x4c\x00\x15\x26\x90\
\xc8\xd2\x22\x26\xad\x85\x25\x2d\xfa\x22\x80\x51\x9d\x16\x60\x35\
\x80\x7d\xac\x6d\x1f\xa1\x9e\x02\x1c\x96\x70\x6a\xe5\x84\x66\xdc\
\x3a\xdc\x9d\x0c\x89\x2a\x0f\x10\x2e\x2a\xb2\xd4\x8a\x0c\xc0\xb1\
\xb9\x37\x6b\xc0\x94\x0c\xe0\xb9\x9b\xe5\xf4\xab\x87\x00\xa8\x5e\
\xb1\x3b\x8b\x06\x50\xd2\x00\xba\xd5\xff\x4b\x00\x40\x70\x21\x11\
\x5c\x80\x02\x8a\xe2\x20\x1d\x68\x44\xd5\xa1\x26\x88\x6d\x45\xa2\
\x00\x73\xb5\x02\x09\x03\x50\x60\x03\x2a\x61\x14\x9d\x7c\x29\x9c\
\xfd\x0e\xf7\xa4\x07\xa8\xe5\xef\x74\xfa\x81\xf1\x2a\xa5\x01\x82\
\x08\xc1\x41\x16\x0c\x8b\x77\x92\x17\x15\xfb\x98\x80\x06\x88\x76\
\x8e\x03\x18\x71\x94\x6f\x38\x4b\x7e\xfc\x59\x87\xc1\x5d\xf8\x11\
\x92\x15\x82\x00\x32\x1b\x27\x33\x34\x20\x02\x2b\x91\x2e\x5a\x6f\
\x28\x07\x95\xc9\xf8\x46\x01\x10\x69\x11\x12\xe0\xc3\x88\x2c\x06\
\x40\x32\xa5\xc3\x75\x4f\x2c\x17\x4c\x18\x41\xbf\x5d\x0a\x40\x51\
\xc9\x0a\x4a\x22\xef\xe8\x01\xb8\x70\x70\x65\x9d\xb7\xca\x2e\x28\
\x8d\xc8\x21\x50\x06\x12\x5b\x2a\x5c\xea\xac\xa3\x98\x0b\xa0\xa6\
\x56\xbe\xcb\x05\x01\xe4\x10\xcb\x07\xf0\x24\x11\x34\x9a\x96\x4a\
\x21\x80\x50\xff\x28\xac\x01\x3e\x50\x01\x0b\xef\x8d\x0e\x17\xe0\
\xe4\x52\xf6\xea\x9d\xa0\x0c\xd9\x68\x33\x95\xd1\x06\x7e\x94\x16\
\x33\xd1\xc1\x35\xb0\x31\x89\x05\xaa\x77\x63\xc0\x9d\x29\x37\xb5\
\xd5\x09\xae\xac\x90\x01\x08\x74\xb7\xb2\x50\x3e\xb4\xff\x0c\x32\
\x80\x5c\x45\xf3\x01\x24\x71\xe8\x73\xff\x8d\x80\x81\xfa\x32\x88\
\xc0\x45\x98\xc0\x07\x7e\x28\x37\xce\x76\xc1\x3e\x68\x50\x46\xac\
\x14\xb0\x1b\x35\x05\x91\x08\x8d\xd4\x89\x7c\xb8\x89\x04\x1e\x23\
\x05\x58\xa8\x1e\x97\x06\x22\xf0\x66\x02\x09\x40\xd5\x7f\x69\xb4\
\x4b\xe2\x15\x00\xe7\x9c\x31\x29\xb7\xce\x82\x81\xe5\x72\x80\x5b\
\x06\x23\xab\x52\x06\xa0\xcf\x1a\x60\xbd\xd9\x20\x20\x68\x48\xad\
\x4c\x05\x64\xd8\x81\x96\x70\x85\xd7\xbf\x28\x80\x30\xd9\xc5\x96\
\x0a\xc4\x50\x9a\x4f\x92\xcf\x03\xd4\x68\x30\x46\xc9\x51\x03\x40\
\x4d\x42\x1e\x0b\x32\x80\x47\x1b\xce\x81\x44\xb4\x84\x45\x29\x00\
\x94\x01\xa2\xa5\x31\xa3\x54\x82\x01\x1e\x10\x66\x73\x1f\xc0\xd5\
\x4a\x98\x80\x9e\x43\x21\x11\x88\xff\x02\x91\x1d\xc9\x51\xe2\x4e\
\x42\x01\x0c\x1d\xd5\xa4\x7f\x52\xb3\x12\x38\xc0\x46\x9e\x8c\xdb\
\x0b\xed\xe3\x49\x04\xf2\xfd\x0b\x14\x16\xc4\x24\x51\xa9\x00\x02\
\x20\x0c\x61\x5d\x2e\xa0\xca\x46\x98\xc0\xa2\x7a\xb9\x05\x0b\x04\
\x76\x29\x10\x60\x39\x12\x28\x17\xd6\xcb\xc9\xc4\x49\x91\x35\x91\
\x03\xd8\x10\x22\x0d\x4c\xcf\x5c\x07\xc0\x79\xce\xa5\x21\xc3\x3d\
\x85\xb5\x03\xa4\xdc\x74\x41\x44\x25\xff\x13\x07\xfc\xfc\xad\xd6\
\x26\x02\xef\x0a\x02\x02\xa9\x6b\xb2\xc9\xbb\x90\x5c\x67\x8f\xc7\
\x91\x05\x40\x00\x64\x0b\xc9\x80\x01\x16\x05\x9b\x9e\xb8\x9a\x7d\
\x36\x2a\x9c\x72\x8f\x5b\x90\xee\x75\xc1\x47\xf1\x3a\x07\x01\x3a\
\x00\x4b\x57\x68\xd8\x03\xd4\x63\x09\x26\xab\xb0\x99\xb4\x7b\x75\
\x13\x05\x48\xaf\x23\x1a\xc0\x47\x24\x2f\x9b\x98\x06\x70\xad\x2b\
\xa2\x79\x59\x99\x47\x35\x09\x09\x38\x5f\x3e\x1a\x30\x37\x4d\x5c\
\x60\x88\x2f\x97\x6f\x16\x4c\xac\xeb\x41\xf4\xf6\x10\x13\x90\x46\
\x1b\xdc\xa4\x8e\xbe\x20\x00\x01\x16\x88\x99\xc5\xbd\x00\xd0\x50\
\x73\xc4\x24\xea\xdb\xd2\x0f\x4b\xf8\x20\x11\x18\x40\x01\xfc\x20\
\x78\x45\x38\x01\xdf\x75\xc3\x23\xd3\x59\xa0\xac\x52\x56\x58\x7c\
\x60\x98\x22\xdb\xfa\x20\x6c\x15\xda\xa3\x95\x08\x68\xbe\xfa\x75\
\x88\x4e\x56\xd8\x92\x00\xa1\x2f\x56\x2b\x03\x80\x20\xf8\x5b\x81\
\x81\x4b\x2b\x06\x01\xa5\x4f\xc2\x1d\xd2\xd2\x00\x74\xaf\x1f\x11\
\x7c\xdf\x4a\xa7\x53\x45\x98\x63\x1b\x56\xcc\xce\x45\x24\xf7\xf7\
\x0a\x79\x73\x33\x7d\x61\x01\x1f\xa0\x00\x0a\xf0\x01\x10\x40\x0d\
\x8f\x35\x58\xaf\x37\x80\x11\x95\x72\xff\xa8\x23\x27\x71\xd2\x2f\
\xdf\x27\x81\x73\xd0\x7e\x5d\x02\x00\x10\xb0\x7b\x1a\x38\x07\x14\
\x40\x81\x51\x82\x0a\x04\xa0\x7d\x21\xc8\x09\x1d\x30\x6d\x66\x93\
\x0e\x4d\x64\x52\x21\x70\x00\x19\x98\x82\x71\x40\x5b\xca\xe6\x12\
\x26\xb1\x01\x60\x70\x59\x10\x60\x53\xf0\x17\x81\x34\x58\x05\x0c\
\x57\x12\x12\x16\x1b\xda\x65\x04\xb2\x35\x83\x41\x28\x07\xc9\x91\
\x07\x4c\xd4\x00\x10\x90\x4f\x5f\x77\x33\x65\xb4\x84\x0a\x11\x4c\
\x50\xf8\x00\x98\xc2\x0a\x07\x73\x83\x8d\x05\x7d\x56\x48\x0f\x17\
\x20\x5b\x46\x20\x00\x17\x90\x6d\xe6\x36\x20\x61\x58\x18\x2a\x73\
\x1a\x07\x10\x6c\x6b\x38\x0f\xcc\xe3\x85\x01\x50\x78\x71\x98\x0d\
\x73\x25\x35\x71\x75\x87\x45\xe1\x60\x4b\x73\x3f\x7c\x38\x13\xd2\
\xc7\x11\xc4\x54\x4c\x76\x96\x1a\x0d\x10\x88\x47\x27\x42\x74\x25\
\x05\x05\x80\x55\x87\xb8\x0b\x24\xa6\x88\x68\x53\x23\x1d\xc1\x5b\
\x44\xf0\x38\x2f\x07\x09\x20\x48\x89\x05\xc3\x08\xe6\x72\x82\x07\
\x44\x4b\xb3\xf0\x54\xea\xe7\x89\xf4\xa0\x01\xa3\x05\x80\x7a\x10\
\x00\x7b\x28\x57\x91\xd6\x00\x15\x10\x76\xa8\x38\x0f\xff\xb0\x01\
\x12\x50\x2b\x3f\xb6\x6b\x48\xb0\x01\x33\x4d\xa5\x0c\x3a\x58\x8b\
\x76\x41\x01\x0a\x00\x01\xee\x90\x07\xc9\x93\x04\x19\x60\x3e\x4c\
\x54\x22\x70\x28\x8c\x0b\x51\x00\x1e\x60\x53\x6a\xe8\x09\x61\xd0\
\x89\xd0\x08\x12\x72\x27\x74\xd9\xd8\x8d\x47\x10\x04\x00\x21\xf9\
\x04\x09\x03\x00\x22\x00\x2c\x00\x00\x00\x00\xb3\x00\xa2\x00\x00\
\x06\xff\x40\x91\x70\x48\x2c\x1a\x8f\xc8\xa4\x72\x48\xa1\x4c\x36\
\x1c\x8d\xe5\x61\xb1\x4c\x96\xd8\xac\x76\xcb\xed\x7a\xbf\x60\xac\
\x02\x41\x58\x10\x02\x68\x00\x80\xf0\x08\xbb\xdf\xf0\xb8\x3c\x4e\
\x01\x85\xee\x78\x3c\x00\x91\xc8\x2a\x3a\x05\x73\x82\x83\x84\x85\
\x44\x17\x0d\x79\x8a\x21\x0b\x57\x4a\x02\x1b\x0b\x6a\x0d\x16\x7d\
\x86\x97\x98\x99\x4b\x0e\x0b\x8b\x79\x01\x1d\x4b\x14\x07\x00\x8a\
\x0d\x12\x8e\x9a\xaa\xab\x5b\x1c\x06\x59\x06\x01\x9e\x7a\x11\x0e\
\x4a\x0f\xb2\xb3\x07\x1c\xac\xbd\xbe\x43\x0e\x1a\x11\x65\x12\x02\
\x4b\xb8\xb3\x78\x03\x15\x18\x06\xcd\x42\xc6\x22\x18\x89\xc9\x01\
\x16\xd1\xbf\xd9\x98\x0a\x11\x0b\xb9\x0b\x1d\xd8\x45\x13\x14\x0d\
\xa5\xc9\x77\x6a\x03\x0d\x07\x0d\x11\x0f\x1e\x16\x07\xb9\xc9\x16\
\x81\xda\xf8\x82\x05\x17\xdd\xe7\xe9\x0d\x17\x88\x24\x30\xc0\xa1\
\x02\x82\x00\xfe\xd0\x29\x52\x13\x22\x8d\xc2\x00\x12\xf2\x49\x8c\
\x83\xa1\x02\x81\x84\x79\x0e\x68\x30\x60\x40\x02\x19\x34\x0a\x43\
\x8a\xbc\x13\xa0\xcd\xc4\x93\x60\x22\xd0\x9b\x45\xa0\x01\xc8\x91\
\x30\x43\x02\x78\x85\xb2\xe6\x96\x04\x11\x62\xea\xdc\xe9\x29\x80\
\x02\xff\x9b\x40\xb1\x08\x90\xb0\x92\xa7\xd1\x91\x00\x1a\x28\xb0\
\x15\xb4\xa9\x91\x48\x47\xa3\xc6\x5c\x50\x81\x02\x92\x81\x0f\x02\
\x3a\xcd\x97\x80\x80\xd4\xaf\x23\x97\x69\xb8\x27\xc4\x00\x84\x05\
\x0b\x6a\x6d\xc5\x97\xa0\x02\xd8\xb7\x0a\x07\x1c\xf0\x10\x28\xc3\
\x84\x83\xe9\x08\x28\x20\xbb\x96\xd5\x28\xb8\x80\xd1\x51\xea\x60\
\x2e\xcf\x1a\x0f\x7d\x7b\x25\x00\x81\x31\xb0\xe3\x10\x6a\x18\x2e\
\x5c\xf0\x40\x5c\xe2\x42\x05\x14\x90\x7a\xcc\x19\x66\x80\x0a\x34\
\x2f\x83\x11\x60\xc9\x48\x81\x07\x17\x3b\xab\x16\x39\x40\x02\x5f\
\xd1\x5c\x30\x40\x38\x20\x41\xab\x90\x09\x10\x8a\xae\xde\xed\x89\
\x00\x53\xd8\x5c\x04\xcc\x03\x30\x00\xc1\x86\x04\x09\x34\xe0\xe5\
\xcd\xbc\xe7\x01\xe0\x5d\x28\x40\x48\x18\xe0\xc0\xd9\xc6\xcd\x9b\
\x13\xf8\x00\x7d\x4b\x01\x08\x03\xb2\x8b\x17\x09\xa1\x74\x77\x25\
\x19\x3c\x20\x1c\xcf\x9e\xa5\xed\xf3\x49\x04\x78\xf0\xda\xbe\xbe\
\x22\x04\xbf\xe1\x23\xd9\x50\xd8\xbe\xff\x10\x04\xbc\xa7\x5f\x11\
\x02\x4c\xf7\xdf\x7f\x01\x44\x60\xd9\x80\xd0\x20\x73\xa0\x7f\x01\
\x40\x90\x1f\x83\x42\x5c\xb0\xd9\x83\xf6\x0d\xf0\xc0\x6b\x14\x72\
\x30\xff\x00\x76\x18\x32\x97\x54\x68\x14\x42\xe3\x61\x88\xf5\x8d\
\x58\xa2\x40\x08\x80\x88\xe2\x6e\x00\x80\x60\x80\x00\x02\x50\x70\
\x41\x07\x16\x90\xd8\xdd\x85\x2f\x8e\xb7\xcc\x07\x11\x1c\x30\x40\
\x00\xcb\x70\x28\x9a\x03\xba\xf5\x98\x9d\x64\x24\x29\xb0\x60\x62\
\x13\xb8\xa5\x64\x88\x07\x98\x27\xda\x07\xf4\x4d\xf9\xe0\x00\x88\
\x01\x97\xc0\x01\x5a\x86\xb8\x87\x95\x7d\x3d\x10\x5e\x98\x18\x06\
\xb0\xc1\x93\x4d\x4d\xd0\x1f\x9a\x07\x26\x45\xe6\x49\xa4\x11\x71\
\xda\x7f\xa5\x10\x19\x80\x19\x68\x0c\xd9\xe3\x00\xa1\x04\xd5\x81\
\x04\x15\x40\xe0\x81\x59\x59\x8a\xa7\x46\x00\xec\x74\xf0\xc0\x52\
\x1c\x70\x40\x01\x07\x16\x40\x50\x81\x90\x62\x76\x90\x01\x50\x48\
\x42\x86\x10\x00\xeb\x29\xba\x0e\x04\xae\x88\xc0\xa6\x08\x0e\x5c\
\xb0\x81\x3c\x67\xda\x27\x67\x50\x16\x1c\x58\x9d\x07\x57\x6c\xaa\
\x45\x02\x17\x7c\x00\x82\x24\xed\x15\x27\x20\x4a\xd4\xb4\x07\xea\
\x01\x80\xb8\x31\xc1\x03\xc1\x66\x37\x80\x15\xb6\xda\x94\x80\xab\
\x0b\x48\xa0\x63\x18\x05\x74\x90\x1a\x73\x11\x6e\xf5\x40\x8a\x04\
\xcc\x28\x48\x02\x58\x36\xb7\x00\x77\x4e\x25\x9b\x5d\x75\xbc\x14\
\x42\xff\xc1\x72\xab\x81\x72\x6a\x3e\x02\xb8\xa8\x5a\x8c\xbf\x0a\
\x62\x00\xbb\x9d\x01\x10\x41\xb3\x36\x6d\x3b\x1e\xa3\x73\x0a\x92\
\x81\x01\x60\xae\x96\xd4\x84\x28\xb5\x38\xde\x2e\xab\x8c\x22\x2f\
\x58\x03\xfc\x14\xd4\x07\xbc\x8a\xcb\xc1\xbb\x83\x6c\x70\x6d\x67\
\x95\x05\x55\xad\xb9\xaa\x65\xdb\x4b\x01\x16\x3c\x2c\x55\x52\x46\
\x9e\x94\x80\x07\xf3\xec\x86\xc0\xb4\x9a\xdc\x65\x72\x54\x04\xa4\
\xdb\x54\x01\x1c\x80\x1c\x58\x00\x1a\x60\x6c\x08\x07\x89\x3a\x06\
\xc0\x86\x6b\x55\x30\xb3\x51\x00\x3c\xa7\x4d\x01\x11\x1c\xcd\x53\
\x52\x1a\x4c\x60\x80\x55\x40\x25\x20\x81\x6a\x94\xe1\x93\xc1\x06\
\xad\x76\xb6\x0e\x02\x08\xd8\x53\x93\x00\x08\xa8\xd6\x00\xcc\xac\
\xdc\xd5\x1c\xd4\x36\x6d\xbc\x33\x04\x13\x59\x90\x24\x67\x01\x90\
\x7b\x92\x01\x3a\xbf\xb5\xdd\x44\x0e\x74\x6d\xf0\x07\xfc\xe6\x03\
\x74\x67\x67\xf3\x5d\x36\xb6\x15\xd4\x84\x81\xdf\x70\x25\x8d\x52\
\x05\x73\x3f\x06\x41\xca\xbe\x08\xa0\x41\x67\x22\x4f\xa4\x40\xe4\
\x8e\x45\x10\xf0\x2f\x44\x71\x06\x80\xc4\x13\x9d\xc8\x5b\x52\x81\
\x6b\x83\xb7\xd3\x3a\x05\x80\xf6\x2f\x18\x04\xad\xda\x01\x54\x67\
\x93\xff\x2a\x07\x11\xe4\xad\x37\xe9\x12\x25\xd0\x09\x73\x0d\xd4\
\xee\x8b\x30\x67\x70\x0e\xf1\x06\x28\x51\x20\xfb\x63\x93\x68\x23\
\x80\xd1\xd8\x22\xac\xba\xee\x60\x95\x32\x00\x01\x11\xd8\xec\x4b\
\x5b\xcd\x45\x8c\x92\x03\xcb\xbf\xb5\x06\x3c\x13\xd0\x88\x4f\xd3\
\xd8\xda\x2d\xd1\x04\xc6\x47\x05\x10\xe5\xbd\x18\xc8\x9c\x93\x27\
\x79\xf0\xbb\xe4\x9f\xf7\x22\xc0\x03\xac\x47\x95\x20\x4a\x66\x12\
\xdd\x35\x50\x22\xb7\xe6\x20\x20\x15\xf8\x20\x59\xff\x60\xb2\xac\
\x9a\x6c\x4e\x5c\xaf\xf3\x4b\x4e\xe8\xd6\xa5\x93\x60\xa0\x7d\x70\
\xa9\xdb\x44\x62\x97\x2f\x04\x4a\x64\x70\x22\x02\x01\xfc\x34\x21\
\x9f\x05\xc2\x84\x00\xc2\x5b\x9f\x39\x98\xa4\x9a\x00\xe5\xc3\x00\
\x13\xe4\xcc\x01\xea\x85\x0f\x07\x58\x00\x01\x0d\xc8\x21\x06\x8f\
\x32\x34\x9f\x5d\x42\x01\xe1\x7b\xcb\x01\xa4\x97\x8f\x7b\x10\x24\
\x86\x9c\xe9\x96\xf3\xd0\x27\xba\x06\xf8\x10\x1f\x1a\x08\x62\xf5\
\xca\x93\x0d\x20\xae\x66\x01\xf4\x73\x8a\x70\x4c\x78\x42\xed\xad\
\xa2\x00\x3c\xc2\x9c\x71\xb6\x22\x01\x2e\x22\x05\x01\x4f\x94\x83\
\x00\x3e\x60\xc6\xd6\x11\x00\x02\x14\x48\x9d\xe6\x76\x78\x94\x08\
\xe5\xff\x4f\x10\x02\xb0\xe2\xb9\x22\x30\xc2\x6c\xe0\x6d\x37\x1a\
\xea\x63\x1c\x10\xd1\x46\xa3\x1c\x30\x28\x64\x2b\xa4\x4c\x08\xa0\
\x01\x4d\x38\xe0\x70\xe3\x91\x00\x11\xe1\xa5\x00\x45\xca\x64\x5c\
\x69\xec\x42\x06\x2e\xc0\x18\xf6\x78\xaf\x29\x51\x64\x0e\x1b\xee\
\x08\x06\x44\xd0\x31\x30\x00\x71\x4a\x01\xa4\x08\x18\x00\x44\x6b\
\x92\x5f\x48\x80\x02\xa8\xb7\x1b\x09\xdd\x0c\x03\xe3\x69\xc0\x07\
\x48\x29\x14\xe9\xb0\xb2\x5d\xbc\xab\xc9\x04\x2c\xf0\x4b\xa1\xbd\
\x51\x03\xbc\xbc\x8a\xb5\x4e\xf9\x98\x06\x60\x20\x28\x38\xf9\x50\
\x7d\xde\xe8\x41\x2c\x60\xc5\x25\x07\x82\x40\x35\x25\xb2\x2e\x4b\
\x7e\x25\x29\x56\x28\x80\x03\x02\xe6\x84\x07\x0c\x23\x54\x4b\x0a\
\x40\x19\x16\x35\x00\xe4\x01\x65\x3e\x18\x62\x08\x01\x40\x20\x01\
\x09\x58\x60\x03\x0a\xb0\xc0\xa0\x10\x30\x0f\x66\x06\x66\x00\x1f\
\x80\x82\x01\x1e\x60\x28\x41\xfa\x02\x7c\xde\x74\x4c\x1a\xd2\xc0\
\xc2\xf6\x7c\x06\x0e\x14\xe8\xc0\x33\x05\x20\xc7\x38\x08\xa0\x64\
\x70\xc2\x50\x03\xbc\xe8\x85\xbb\xec\xe9\x00\x15\x50\x80\x01\x1c\
\x90\x49\x2d\x5c\xa0\x98\x19\x85\x51\xb1\x92\x60\x80\x02\xbc\xcb\
\x74\xff\x24\x69\x89\x04\x38\x70\x81\x64\x66\xe1\x3b\xfe\x4c\x69\
\x2b\x09\xa0\x04\x07\xe8\x6a\x86\x2c\x0d\x63\x3a\xd0\x40\x00\x04\
\x84\x43\x0e\x08\xd5\x69\x7b\x16\x60\x81\x24\x6c\x60\x18\x77\x18\
\xe3\x11\x14\xc0\xb8\x85\xf8\x46\x8d\x0e\x52\xaa\x78\x22\x00\xb3\
\x02\x9d\x41\x0f\x08\xe0\x68\x39\x4c\xd6\x00\x58\x76\x61\x75\xe9\
\x00\x55\x55\xb5\x9a\xc1\x46\x12\x21\x03\x09\xd0\x98\x6e\xaa\xe3\
\x41\xaa\x8a\xa4\x01\xdb\x1c\x8d\x05\x86\x24\x53\x82\xde\x8f\xad\
\x81\x39\x00\x02\x27\x80\x81\x9c\x80\x28\x00\x08\x20\x02\xc1\x4c\
\x86\x32\x7d\x70\xc0\x03\x63\x29\xc0\xa6\x14\x50\x31\xc0\xc2\x85\
\x00\xcf\x2c\x8b\x04\x7e\xf9\x19\x0c\x38\x40\x01\xa1\x13\x09\x1f\
\x08\x61\x99\x02\x84\xd6\xb2\xe2\x3b\x64\x1e\xd7\xba\x88\x35\x0c\
\x80\xb5\xad\x05\x41\x49\xc1\xa0\x36\xd4\xc2\xa5\x81\x22\xe0\x5a\
\xbe\x2a\x30\x5b\x30\x2c\xd6\xb6\x6f\xc1\x22\x8d\x0a\xc6\x3c\xb1\
\x21\xc1\xa0\x5b\x88\x62\x42\x51\x8b\x57\xab\xe5\x54\x24\xfa\x3a\
\x02\x05\x34\x50\xa8\x41\xec\xef\xb9\xc0\x35\x4c\x03\x84\xe0\x01\
\xd8\x4a\x85\x0d\xd0\x70\x00\xee\x48\x81\x86\xc4\x09\xc2\x01\x52\
\xca\xff\xee\x51\x08\x10\xa8\x0c\xd0\x32\x2a\xa0\x92\x40\x07\x66\
\x03\x2a\x3d\x2c\xc0\x9d\x73\xc8\x8d\x7a\x8d\xe2\x13\x4b\x28\x30\
\x64\xf5\x5d\x04\x62\x6d\x9a\x85\x37\xed\x97\x81\x70\x23\x42\x07\
\xb0\xfb\x15\xf0\xc6\x21\x33\xcb\x9d\x12\x3a\xf1\xf0\x19\xe1\x5d\
\xd7\x3e\x08\xa0\x61\x17\x2c\x74\xe0\x59\x24\xa5\x02\x12\xc0\x26\
\x1e\x40\xe0\xc1\x93\x42\x88\x2e\x70\x28\x60\x87\x15\x91\x20\x0c\
\x08\x00\x67\x2a\x81\x0c\x01\x3c\x20\xa9\x0b\x8c\x74\x96\x11\xe6\
\x49\x59\xdf\x90\x00\xf9\xad\x18\x32\x03\x98\x5c\x11\x28\xa0\x12\
\xe2\xbc\x96\x00\xeb\xf0\xc6\x83\x12\x1c\x06\x01\x74\xc0\xbb\x96\
\x4d\x4a\xc7\x08\xc4\x44\xf1\x29\x34\xb3\x6e\xd0\x80\x81\xb3\x9b\
\x34\x0e\x18\x09\x8c\x6f\x19\x52\x3b\x70\xb8\x00\x69\x7e\xa5\x3a\
\x70\xc8\x63\xde\x5e\xab\xd5\x01\x27\x81\x83\xf0\xd5\xd7\x03\x0c\
\x90\x00\x01\x4c\xc0\x01\x06\x50\x00\x08\xdc\xc6\x93\x76\x5a\xf4\
\x5e\x45\x21\xc0\x3d\x2d\x20\x62\x38\x6d\xf4\x16\x6d\x64\xd4\x05\
\x88\x98\x80\x09\x60\xca\x28\x04\x38\xce\x1c\xd0\x7b\x26\x46\xb9\
\x55\x96\xf8\xd2\x92\x12\x91\xf0\x3c\x33\x02\xc0\xbc\xa2\x08\xa0\
\x4e\xff\xa4\x4c\xe0\x2c\x48\x67\x4f\x15\xb8\x80\x65\x30\x00\x02\
\x28\xff\x67\x00\xaf\x4b\x2a\x4f\xac\xf1\x44\x07\x74\xa0\x75\x0d\
\x08\x54\x21\xf2\xfc\xa4\x1a\x75\xe0\xd1\x4a\xca\xdc\x53\x9e\x9b\
\xa0\x08\x1a\xe1\x79\x9e\x69\x00\x7e\x55\x07\x39\x2d\x91\xf8\x08\
\x19\x58\xb0\x51\x16\xe0\xd6\xe0\xa0\x14\xaf\x2a\x73\x35\xf3\x58\
\xf3\x24\x07\x54\x39\x26\x10\x41\xee\x10\xaa\x65\xb2\x92\xa0\x04\
\x11\x4b\x02\x55\x0e\x11\x00\xdb\xea\x3c\xc9\x00\x28\x5d\xc4\x00\
\x38\xaa\x05\x10\xa2\x63\x68\x28\xb1\xf7\xbc\xd6\x00\x52\x05\xb8\
\x78\x02\xa7\x35\xcc\x1b\x0d\x20\xc7\xd8\x2d\x70\x0d\x66\x55\xc2\
\x7b\x3f\x5d\x6a\x43\x5c\xc0\x78\x6a\x28\x73\x29\x1a\xaa\x90\x35\
\x20\x40\x01\x1c\xe8\x03\x36\x26\xd0\x49\x3d\x04\x19\xcb\x48\xe8\
\x40\xa6\x65\xa2\x20\x30\x98\x96\xac\xa1\xe8\xad\x20\x36\x20\xaf\
\x3d\x28\xe0\x0f\xf9\xe4\x67\x3b\x30\xa8\x6c\xf3\x1d\xc1\x01\x9b\
\x59\x03\x33\x78\x49\xb2\x91\x27\x03\x00\xc5\x08\x43\xc0\x93\x51\
\x9c\x0f\xd8\x3c\x1b\x1f\x80\xed\x00\xe2\x28\x84\x0c\x44\xc3\x00\
\x17\xe0\x80\x50\x17\x61\xdc\x24\x68\x40\x48\x10\x18\x4b\x45\xaf\
\xf2\xff\x00\x9f\xb7\x36\x22\xa3\x91\xf6\x48\x10\x7b\xd4\x6c\xec\
\x0f\xd8\x9f\x00\x35\x12\x44\xed\x61\x0f\x6c\x1d\x1a\x13\x40\x0e\
\xb5\x42\x2c\x92\x01\x7e\xa1\x40\xfd\x0b\x00\x08\x3c\xa0\x72\x1e\
\x63\xc0\x03\x12\x40\x3b\xc3\x94\x30\x81\xbf\xca\x5b\xd7\x99\x28\
\x80\xc2\xee\x9d\xd8\x30\x2c\x5e\x27\x80\xe2\xca\x05\x40\x7b\x00\
\x6f\xec\x65\x13\x90\xf4\xc4\x27\x55\x11\xab\x90\x1c\xc0\xd8\x2c\
\x7d\xaf\x87\x99\x2c\xf9\x8d\xf4\x71\x28\x20\x72\xa5\xb8\xdf\x90\
\xd5\x9f\x57\xbb\x0b\xad\x8f\x89\x9f\xbb\x73\x52\x22\xb9\xb2\x0c\
\xec\xb8\x38\x2b\x9c\xcc\xd8\xc6\x77\x61\x31\xeb\xcd\x6b\x62\x28\
\x40\x3e\x57\x14\x60\xa4\x4e\x67\x85\x99\x66\xe6\xe0\x2d\x64\x40\
\xc5\x3b\x19\xd3\x8a\x7e\x61\x35\x3e\xff\xfc\xd0\x5a\x10\x00\xba\
\xf9\x6b\xf4\xe9\xf7\xc2\x97\xb8\x2e\x5f\x16\x12\x20\x7a\xa2\xbf\
\xde\xfb\x99\xa0\xc0\x5e\x67\xdd\x80\xb1\xa0\x07\x88\x6d\x0c\x1e\
\xfa\x55\x31\x14\x06\x63\xaf\xa5\x47\x17\x01\x05\x60\x38\xe1\xe8\
\xab\x7d\xfe\x97\xf0\x01\x0c\x96\x17\x08\x30\x53\x1c\xf0\x72\x10\
\x80\x00\x86\x77\x14\x88\x07\x80\x86\x40\x01\x95\x05\x5f\x7d\x02\
\x2a\xff\x14\x37\x6d\x1a\xe6\x80\x73\xc0\x3f\x0f\x82\x06\x1c\x28\
\x0b\x6a\x00\x02\x0d\x87\x81\x5d\x20\x1c\x07\xf2\x46\x0a\xe0\x01\
\xf9\x64\x01\x12\x00\x01\x0f\x60\x12\x22\x78\x09\xda\xa7\x6d\xbb\
\xc5\x17\xe6\xd3\x77\x2f\xb8\x05\xb8\xe1\x1f\x55\x72\x83\xf8\x30\
\x4b\xf6\x71\x00\x6f\xc7\x83\x98\x50\x20\x32\xe8\x18\x2e\x24\x84\
\xd9\x40\x48\x86\x91\x14\x0d\x60\x7d\x80\x11\x31\x36\x88\x84\x61\
\x50\x40\xa0\x42\x00\x07\xb0\x01\x8d\xc4\x0d\x39\x96\x07\x11\x20\
\x85\xda\x80\x43\x61\xc5\x0b\xd8\xc0\x34\x03\xf8\x73\x0b\x70\x81\
\x5e\x68\x08\xb8\x62\x2a\x47\x30\x01\x45\x08\x79\x0a\x10\x84\x69\
\xd8\x0b\x8b\xa3\x1a\xff\x37\x87\xf9\x00\x81\x30\xb1\x28\x7b\xb8\
\x69\x78\x28\x11\x1a\xb0\x43\x0b\x70\x00\x11\x90\x80\x18\xb4\x06\
\xa0\xf7\x87\x9a\x90\x74\xac\x91\x23\x34\x22\x00\x11\x00\x5b\xc4\
\xf1\x79\x8a\x38\x47\x77\x65\x1e\x09\xe0\x75\x72\xe1\x82\x95\x98\
\x0f\x62\x87\x0e\x5c\xb2\x6a\x53\x77\x0a\x68\xd8\x89\xaa\x90\x01\
\x1e\xf2\x30\x07\x60\x24\x63\x90\x07\x41\xe6\x65\xa6\x78\x12\x17\
\x40\x68\x12\xa7\x79\x7c\xb7\x1f\xe4\xf5\x79\x09\x17\x8b\xbb\x87\
\x67\x2c\x1a\x30\x1b\x5f\x75\x0e\xab\x98\x04\x05\x30\x0a\x6d\x10\
\x85\xbc\x58\x08\x19\x10\x08\x17\xf0\x00\x15\x60\x0e\x35\x87\x1e\
\xab\x97\x8c\xce\x23\x5e\x1b\x20\x87\xd4\x48\x8d\x41\x00\x00\x21\
\xf9\x04\x09\x03\x00\x22\x00\x2c\x00\x00\x00\x00\xb3\x00\xa2\x00\
\x00\x06\xff\x40\x91\x70\x48\x2c\x1a\x8f\xc8\xa4\x92\x28\x28\x78\
\x14\x1c\x4b\xe7\x01\xb1\x48\x14\x85\xa5\x76\xcb\xed\x7a\xbf\xe0\
\xb0\x78\x89\x39\x0c\x02\x00\x74\x40\x7d\xa0\x8c\xdf\xf0\xb8\x7c\
\x2e\x7f\x0c\x42\xf8\x7c\x3e\x70\xd9\x0a\xe8\x80\x81\x82\x83\x46\
\x05\x0f\x7a\x88\x21\x01\x15\x5b\x0a\x08\x15\x06\x84\x92\x93\x93\
\x06\x1a\x7e\x15\x89\x88\x08\x13\x4b\x0e\x03\x00\x78\x04\x16\x59\
\x94\xa6\xa7\x61\x06\x10\x0d\x0b\x08\x91\x4b\x0d\xa1\x9a\x78\x03\
\xaf\x48\x14\x10\x89\x00\x07\x1e\xa8\xbe\xbf\x46\x0e\x1a\x15\x04\
\xb2\x01\x10\x09\x49\x02\x1a\x04\xb3\x79\x00\x20\x06\x09\x14\xa5\
\x44\x0f\xcd\xb3\x03\x12\x7f\xc0\xdd\x94\x8e\x0b\x01\x7a\x00\x0b\
\x0a\x85\x17\x1a\xab\xb2\xce\x21\x00\x00\x04\x8f\x10\x1f\x05\x06\
\x06\x13\xc5\xce\x00\x0d\xd5\xde\xfd\x74\x18\x20\xee\xcc\x22\xa0\
\x60\x42\x01\x0c\x0a\x24\x1c\x20\x80\x86\xdd\xac\x34\x6b\x1a\xb0\
\x5a\x37\xeb\x80\x2d\x7f\x18\xe1\x54\x10\xf8\xb0\x41\x84\x06\x0c\
\xdd\x39\x1c\x39\xce\x21\x00\x04\xc9\x32\xaa\x14\x23\xe0\x03\xc5\
\x7c\x24\x63\xca\x54\x14\x61\xa5\xcd\x30\x0a\x38\xce\xdc\xc9\xf3\
\xd9\x83\xff\x9b\x40\xbb\x38\x88\xd5\xb3\xe8\x4e\x00\x1f\x32\x04\
\x5d\xaa\xa4\x00\x82\x97\x46\xa3\x3e\x24\xe0\xc1\x01\xd3\xab\x45\
\x0a\x64\x92\xca\xd5\x21\x81\x6d\xca\xac\x62\xc5\xc8\xac\xab\x59\
\x76\x0b\x24\x5c\x14\x21\x00\x03\x04\x10\xf3\xc6\x76\x73\xb0\x01\
\xdb\xd9\xbb\x88\xc8\x45\xe0\x50\xaa\xc0\x87\x06\xe2\x08\x3c\xe0\
\x26\x77\x8e\x00\xc2\x46\x0c\x6c\x84\x8a\xb7\x71\xda\x09\x06\x24\
\x88\xc3\x43\xee\x41\xca\xc2\x71\x2e\x48\xa8\xb0\x21\xab\x01\xa2\
\x8d\x43\xeb\x0a\x10\x2e\xd1\xb1\x4e\x98\xdf\x38\x38\x90\xa6\x81\
\x05\x03\x7f\x28\x58\xc0\x27\xba\x36\x49\x00\xda\x10\xa7\xf6\x72\
\x21\xc2\xba\x00\x07\x38\x70\x40\xd0\xd0\xb6\xf1\x91\x27\xd7\xee\
\xd6\xe2\x74\x32\xa2\xe2\xc7\xa3\xb3\x1b\x60\x41\xf7\xf2\x24\xb8\
\x18\x4b\xdf\x6e\xf2\xc0\xf5\x2d\x5a\x75\x72\x1f\xef\x50\xdb\xf7\
\x25\x09\x1e\x68\x27\xcf\x5e\x0f\xa7\xf3\x4a\x38\x34\x68\x4f\x7f\
\xa0\x39\xf8\x49\x0a\x80\xae\xcf\x3f\x84\x04\xb1\xf8\x1d\x21\x80\
\x1d\xfd\xf1\x07\x80\x02\x4a\x05\x88\x84\x03\x15\xac\x57\xe0\x71\
\x27\xa1\xa6\xe0\x11\x09\xb0\xf6\x60\x7b\x03\x74\x30\x61\x12\x1b\
\x38\x78\xff\xa1\x6d\x03\x60\x90\xe0\x86\x44\x74\xe0\xdc\x87\xe3\
\x59\x44\x22\x13\x16\xa2\x48\xde\x31\x23\x6e\x58\x80\x02\x1e\xba\
\x58\xdb\x00\x0a\x58\x87\xdf\x06\x07\xd8\x48\x1f\x01\x1b\xfc\x51\
\x40\x02\x08\x5d\x76\x5d\x04\x27\xfa\xc8\x1d\x70\x1f\x48\x10\x01\
\x01\x0b\x0c\x70\x80\x91\xa9\x6d\x20\x9e\x92\x2f\xfe\x36\xd8\x72\
\x13\xb4\x88\x65\x81\xbb\x48\xb8\x14\x3d\xaf\x34\xa1\xde\x97\x1f\
\x06\x70\xc9\x55\x08\x34\x70\xc0\x01\x11\x3c\x10\xc1\x02\x68\x7e\
\xb8\x0b\x3f\x37\x71\x20\x8b\x48\x22\xf1\xb7\x46\x00\x04\x0c\xb0\
\x00\x43\x6b\xd4\xf8\x62\x8e\x4b\x21\x70\xa1\x3b\x03\x10\x50\x01\
\x04\xc2\x71\x90\x80\x06\x1b\x50\xe0\xc1\x5b\x07\xd0\xb9\x28\x08\
\x54\xae\x94\x24\x7d\x03\x34\x70\x45\x02\x00\x1e\x51\xc0\x05\x1b\
\x58\x60\xc6\x83\x04\x60\x10\x54\x07\xfd\xa5\x81\xc0\x07\x6c\x79\
\x91\x80\x01\x1e\x3c\x69\xa8\x6d\x01\x58\x10\xd4\x7c\xf5\x01\xe7\
\x81\x98\x60\x50\xf0\x00\x60\xf4\xe1\x76\x41\x8c\x19\x25\x50\x5f\
\x1a\x16\x24\xc0\xac\x18\x05\xcc\xc6\x9e\x3e\x1a\x02\x25\x41\xb2\
\x0d\xc4\x45\x47\x01\x1b\x20\xbb\xdd\x22\x18\xe8\x88\x91\x5d\xe4\
\x59\x64\xff\x2e\x1c\x06\x3c\x25\xdd\x00\x15\xac\xeb\xcf\x50\xbb\
\xde\x05\x9c\x72\x74\x64\xd0\x6e\xbd\x51\x35\xb0\x66\x50\x09\x74\
\xb0\x00\xbf\x5d\x81\xe0\x2a\x25\x09\x20\x79\xdc\x00\x6e\x5c\x55\
\x00\x04\x9a\x42\x48\x40\xa7\x84\x68\x00\x2c\x88\xf7\x5d\xe5\x80\
\x07\x5e\xd6\x46\x40\xb6\xa8\x60\x30\xb0\x6d\x00\x80\x35\x56\x4e\
\xc7\x59\xf6\xcb\x80\x57\xe2\x35\xa5\x5c\x65\xd5\xa6\x0f\xc5\x94\
\x50\xa0\xa8\x6d\x04\xe0\x0b\x94\x01\x9f\xde\x35\x00\xad\xde\x58\
\xc9\x6b\x2f\x27\x13\x3c\xd3\x2e\xf2\x4e\x92\x00\x04\x46\xcb\x04\
\x40\x75\x63\x55\xd0\xb3\x59\x0b\xf8\xea\x4f\x5d\x32\x7b\x87\x95\
\x00\x20\x34\x1d\x93\x8a\xfe\x24\xe0\xae\x68\x40\x16\x80\xa7\x4d\
\xed\xd6\xb6\x48\x46\x02\xc0\xca\x2b\x02\x16\x3c\xf0\x41\xc3\x36\
\xdd\x53\xdb\x02\x20\xfb\x13\xb3\x71\xa4\x11\xa0\x41\xd2\xbe\x4c\
\xe0\x35\x49\x04\xd0\xed\x8f\x00\x1d\x93\x5c\x93\x4d\x0f\x4c\xcd\
\xd5\x2e\x2b\x09\x60\x01\x77\x11\x9c\x0d\xcc\xad\x1e\xd0\xd6\x58\
\xc9\x8c\x3b\xde\x18\xa7\xfd\xd0\x05\x01\x02\x0c\x19\x17\xe4\x4a\
\x1a\xb4\x1c\x1a\xd2\xfd\xd8\xd1\x27\x88\x40\xab\x64\x80\xea\xa1\
\x21\x50\xff\xaa\x2f\x09\x6c\x15\x1d\x8e\x68\x5f\x7c\x5c\x03\xb7\
\xa3\x52\x40\x04\xe3\x12\x1b\x36\xba\x24\x37\x00\x38\x21\x5d\x4b\
\x57\x8e\x4d\x14\x20\x6f\x1b\xd8\xc0\x14\xb0\xed\xbb\x19\x67\x74\
\x81\xef\xc6\x4d\xdc\x4f\x83\xd2\x01\xa0\xc1\xb4\xde\x7c\x02\xe1\
\x3b\x8b\x7b\x23\x99\x74\x01\x48\x60\x13\x06\x9e\x73\x15\x80\x9b\
\x0f\x6c\x10\x3c\x2a\x6d\x0f\xce\x13\x32\x2b\x59\x40\x3b\x57\x0d\
\xe8\x40\x24\x96\x37\x09\x0b\xc4\xef\x2c\xfa\x20\x20\x25\x20\x70\
\x40\xa3\x44\xcb\x26\x1c\x68\xa0\x59\x5a\xa5\x12\x0a\x10\x4f\x34\
\x01\x20\xda\x4a\x1c\x10\x81\x33\x80\x82\x6f\x79\xeb\x07\x06\xb8\
\x77\x17\xaa\xdc\x44\x00\x09\x48\x40\x14\x46\x27\xc1\x9e\x00\x20\
\x02\x0a\x1c\x84\x00\x68\xe4\xb1\x3e\x5c\x65\x84\x38\xfb\x97\x37\
\x2c\x28\x33\x02\xc8\xc5\x80\x32\x93\x00\xcd\x4e\xa1\x00\xe9\xdd\
\x05\x04\x96\xbb\x89\x06\x5a\xd8\x13\x02\xd8\x70\x2e\xb9\xb0\x8d\
\x10\xc7\xf2\x19\x5e\x41\xa0\x1f\x1f\x30\xe2\x59\x7a\x55\x98\xb1\
\x91\x4d\x87\xbe\x38\x00\x13\x79\x92\x21\xb9\x0c\x48\x7f\x24\x69\
\x80\xe1\x4c\xe1\x97\x31\xf6\x64\x8a\x27\xfb\x5f\x57\x8e\x91\xc4\
\x41\x14\xff\x71\x77\x70\xbc\x8a\xdd\x8c\xb3\x00\x0f\x90\x4f\x10\
\x13\xd8\x8f\x71\xde\x61\x81\x35\xde\xc4\x01\x37\xe3\xdb\x03\xea\
\x38\x87\x0b\x34\x6f\x3b\xe4\xc8\x23\x50\xc4\x16\x9d\x77\x74\x46\
\x12\x15\x72\xe3\x1c\x0d\xb9\x12\x13\x85\x8f\x3a\xf7\x83\xc3\x32\
\x1e\x49\x1e\x0a\x9e\x50\x15\x72\x6c\xcc\x00\x20\xc0\xc8\x30\x74\
\x40\x90\xe3\xa9\x80\xf1\x30\x32\x42\x4d\x3e\xae\x5b\xb3\xfc\x82\
\x00\x0c\xe0\xbf\x60\x65\x4f\x76\x24\xe4\xce\x3b\x20\x40\x81\x18\
\x32\xc1\x01\x16\x10\x17\x7d\x1a\x70\x30\x08\x6a\x71\x3c\xf0\xd2\
\x19\x12\x0e\x63\x80\x2c\x42\x87\x3e\xff\x99\x24\x2c\xb9\x65\x01\
\x07\x50\x20\x97\x09\x58\xc6\x07\x40\x00\x18\x34\x9a\x85\x77\x40\
\x11\xc0\x06\x6c\xb9\xba\x76\x78\xe4\x51\x4f\x78\x80\x02\xa8\x40\
\x8c\x62\x98\xf3\x2e\xae\xe8\x82\x31\xc7\xb0\x9a\x7b\x6e\x4e\x0d\
\xa0\x58\x43\x3b\x0c\x14\x80\x33\xb4\x23\x14\x1d\x68\xe5\x10\xe4\
\xb1\x01\x0c\x38\xa0\x09\x7f\x8c\x43\x06\x80\x58\xa7\x07\x69\xa3\
\x03\x0a\xb0\x40\x9b\x2a\xc0\x49\x23\x64\x40\x60\x6b\x20\x40\x03\
\xe0\xa6\x80\x4a\x89\x40\xa1\x5f\x30\xc0\x33\x2b\xba\xa4\x08\x24\
\x48\x48\xff\x43\xcc\x4a\x22\x29\x93\x86\x46\x1d\x80\xa3\x11\x05\
\x83\xf5\xd8\xc9\x52\xb3\x1c\x00\x8c\x43\x98\x46\x4c\x3d\x20\x47\
\x00\x5c\x11\x10\x0e\xa0\x0d\xa3\x78\xda\xd3\xa3\x6d\xc0\x72\x06\
\x38\x56\x05\x9e\x98\x95\x28\x3a\x84\x11\x80\x90\x5c\x38\x0e\x00\
\x02\x0f\x74\x00\x04\x4c\x6d\xea\x48\x80\x83\x84\x0d\xcc\x09\x0f\
\x11\xb8\x64\x11\xf6\x96\x0f\x24\x06\xe2\x56\x06\x70\x43\x82\x18\
\x28\x56\x8f\xfd\x52\x08\xc7\x72\xce\x2e\x7e\xd9\x92\x03\x9e\x64\
\x9f\xa9\xe8\x51\x5d\x1b\xd3\xbe\x18\xfd\xa1\x83\x2f\x99\x1f\x07\
\x88\x60\x80\xc4\xcd\x22\x02\x31\xa5\xc3\x0c\x23\x36\x58\x9f\x5e\
\xc4\x01\x9f\xd1\x0e\xa0\x0c\x50\x80\x5d\xa2\x0c\x39\x08\x40\xe9\
\x1c\x3a\x90\xca\xca\xca\x64\x91\x43\xb8\x40\x2f\xd9\xa1\x97\x36\
\xb5\x10\x01\xeb\x12\xad\x50\x7c\x63\xda\xc7\x85\x56\x08\xfb\x8a\
\x89\xd1\x20\x5b\x88\x02\x74\x40\x02\x1d\x15\x43\x06\x70\x58\x5b\
\xa9\x64\xe8\x0f\x58\x13\x8d\x3e\x0c\xb7\x8c\x64\x46\x04\xb0\x4a\
\x10\x5a\x71\x8d\xa2\x8f\x48\x24\x60\x9b\x67\x19\x00\x6c\x0b\xe0\
\x00\x0e\x40\xcc\x39\x6b\x03\x04\x05\x4a\x3b\xdd\x7c\xc0\x56\x04\
\x1d\xf0\xff\xe7\x54\x2a\xb0\x10\x4d\x7c\x0c\x10\xab\x2d\x6f\x51\
\x7e\x26\x02\xf9\x9c\xef\x21\x08\x00\x2a\x4b\x34\x27\x5f\x9e\x04\
\xe0\x3e\xa4\x64\x4f\xfb\x72\xe9\x05\x64\xf6\xd7\x28\x01\x48\xdf\
\x78\xf9\xb3\x00\x0d\xc8\x16\x09\x77\x3c\xb0\x7f\x23\x60\x0b\x9b\
\xa9\xb7\x28\x0d\x88\xec\x12\x3e\x7a\xe1\xc1\x82\x60\x02\x31\xa2\
\x2d\x7f\xd2\x17\x06\x75\x92\xb7\xb6\xe4\x28\x9d\x1e\xee\x95\x15\
\xc1\xfa\xe9\x27\x6f\x08\x57\x87\x51\xa4\x5d\x4a\x41\x40\xc5\x27\
\x01\x2a\xd3\xc0\x74\xde\x31\xf8\x96\xb2\xfd\x7d\xc7\x03\x00\xa4\
\x80\x1e\x6d\xd6\x00\x17\x48\xc0\x05\x30\x30\x01\x09\xac\x94\x3b\
\x0d\x20\x70\x17\xf4\x95\x38\x40\x65\x6a\xb0\xf3\x6b\xe6\x10\x0e\
\xb2\x8a\x41\x41\x29\x4a\x06\x3d\x1a\xa0\xe0\x71\x00\x90\x5c\xb3\
\x27\x0d\x78\xea\x1c\xc2\xb5\x62\x4e\x18\x60\x03\x08\xf8\x20\x4b\
\x17\x40\xcc\x69\x7e\xe0\xcc\x64\x8c\xd3\x04\xf6\x9c\xc2\x0b\x7c\
\x80\x81\xb6\x6c\xc0\x96\xe8\xd0\x2e\x34\x8c\xe2\x32\x91\x01\xb2\
\x92\x2c\x59\xc7\x6a\xe9\x6f\x7e\x71\x45\x02\xb8\xc0\x7a\x94\x51\
\x0c\x42\x31\x06\xeb\x94\xf5\x9e\x5c\x20\xaa\xe4\x54\x6c\x83\x4b\
\x70\xad\xff\x94\x60\x80\xf4\x3a\x6d\x01\x30\xee\xc6\x04\x38\x16\
\x56\xdb\x34\x40\x9a\x42\xb8\x6e\x54\x8e\x0a\x9e\x33\xdd\x26\xd5\
\xfd\x98\x80\xd4\x94\x34\x00\x29\x8b\x80\xad\x3b\xe1\xad\x17\xac\
\xea\x90\x57\xab\xe4\x02\xad\xc6\x60\x08\x8d\xe0\xc9\x26\xde\x55\
\x0b\x81\x24\xc9\x02\x34\x6c\x8a\x08\xfb\x48\x02\x75\x94\x5c\xd3\
\x00\x10\x2f\x9d\x52\x74\x3a\xcb\xee\xc6\x07\x4e\x8c\x17\x3c\xe7\
\xe5\x00\xeb\x4a\x40\x80\x65\xb2\x00\xb5\x7e\x01\x7e\x24\x39\x00\
\xad\xa0\x1b\x87\xb6\xdd\xe6\x9e\x69\x18\x54\x05\x2a\x10\x67\xd6\
\xc2\x30\x09\xf4\x42\x33\xb5\x29\x34\xd3\xe9\x20\x00\xdb\xa1\x9c\
\x44\x06\x2e\xc8\x8e\x91\xbe\xa9\x18\x02\x75\x1a\x69\x1a\x50\x81\
\x0e\x60\x20\x85\x27\xdd\xf5\x68\x28\x1c\x51\x95\xba\xf0\xb6\x62\
\x00\x5f\x4c\x00\x15\x8d\xe0\x12\x42\xc4\x9a\xc0\x4d\x24\xc8\x14\
\xd5\x0a\x44\x60\x55\x23\x09\xa0\x43\xad\x93\xd9\x71\x10\x20\x02\
\x1a\x48\xb8\x10\x3e\x7b\x14\x08\x40\x77\x40\x63\x24\xc7\x4f\x7f\
\xc1\x20\xfe\xe6\xc1\x3c\x47\xf0\xa6\x02\x46\xc6\x8e\x72\x29\x43\
\x64\x94\xf9\x8a\x06\xa8\x1d\x3d\x39\x3b\x0d\x6a\x62\xb0\x40\xd3\
\x02\x80\xff\x00\x60\x50\x60\x03\x0f\x40\x00\x90\x11\x60\xf2\xe1\
\x79\x05\xd6\x42\xf8\x8b\x6b\xd0\x9e\x18\x0e\x2c\xa4\x5e\xdc\x7e\
\x83\x04\xbc\x46\xeb\x5f\xd0\x23\x21\x62\x7c\xc7\xb3\x8b\xf0\x6d\
\x4d\x50\x2f\x09\xa4\x4a\xc0\x83\x89\xe0\x80\xde\x28\xd3\x21\x95\
\x13\x43\xc2\xb6\x8d\xeb\x6e\x10\xc9\x03\xf2\x54\xa8\x74\x53\x8e\
\x6e\xfc\x4d\x20\x99\xc8\xc9\x99\x18\x3c\xde\x93\x05\x68\xf9\x70\
\x5c\xd8\xa3\x26\xc2\xfb\x0b\xba\x96\x47\xbf\x5a\x68\x0b\xb9\xf5\
\x40\x00\x5f\x03\x0c\x02\x03\x38\x03\x69\x70\xc3\x10\x04\x7c\xfe\
\x14\xb3\x03\x6d\x18\x56\x53\x14\x7d\xe8\xfc\x2a\x60\xd7\x80\x02\
\x14\xf0\xe6\x8b\x9b\x5c\x12\x2a\xad\xd1\x00\x1a\xcf\x1c\x0f\x28\
\x5a\xb7\xdd\x5e\x91\x37\x0a\xc0\x69\x77\x2e\xb6\x0b\xb2\xee\x3d\
\xf3\xa5\x7f\x0a\x01\x28\x8c\x24\xc0\xb9\x3d\x12\x02\x39\xb8\x01\
\x68\x90\xfb\xa8\x60\x10\xb9\x21\x1d\xd3\x02\x70\xc0\xe8\x3b\xd1\
\x3c\xfa\x51\x81\x8b\xe7\x9b\x24\x2d\x0e\x65\xd6\x0c\x99\xa6\x3f\
\xdf\xcf\xff\x14\x13\xf0\x00\xf6\x07\x7e\x03\x10\x01\x16\xf0\x01\
\x18\x70\x01\x53\xd0\x5e\x47\x93\x06\x10\x91\x6f\x92\xf4\x7f\x83\
\x30\x23\xff\xab\x97\x72\x10\x01\x0a\xaf\x33\x72\x07\x27\x37\x0f\
\xd0\x01\x4f\x00\x19\x12\x48\x09\x18\x50\x81\xab\xe3\x37\x42\xf0\
\x07\x39\x15\x82\x80\x90\x13\x33\xe6\x5f\x7b\xa7\x82\xa6\xb0\x63\
\xfc\x21\x7f\x30\x08\x0c\x19\xe0\x62\xa0\xf2\x82\x35\x28\x09\x02\
\x10\x3d\x7e\x02\x01\xbf\xb7\x83\x82\x90\x00\x77\x36\x83\x41\x28\
\x84\x81\x60\x00\x28\x77\x2d\x75\x87\x84\x44\x14\x4c\x21\x10\x7b\
\xc9\xc6\x0e\x7f\xe7\x84\xa6\x20\x01\x94\xb5\x06\x15\xf0\x00\x9a\
\xc1\x74\x18\x84\x7a\x56\x48\x08\xc4\x11\x0a\x1e\x21\x0d\xb1\x96\
\x7c\x32\xd3\x75\x61\x88\x0a\x5d\x72\x00\x02\x64\x1d\x1e\xd0\x82\
\x94\x61\x6c\x6b\x78\x0a\x0e\x40\x60\xeb\x24\x13\x68\x10\x25\x35\
\x52\x50\xe1\x56\x87\xdd\xb0\x60\x69\x04\x01\x0a\xa0\x01\x2a\xe5\
\x39\x52\x22\x7e\x80\xd8\x0d\x4b\x44\x12\xd4\x71\x19\xb5\x34\x0b\
\xa2\x72\x84\x8b\x68\x0a\x1b\x30\x80\x7a\x90\x61\x45\xc0\x23\x49\
\x02\x0d\xe7\x57\x89\x18\x91\x7b\x0e\xd1\x3e\x67\xe3\x08\xeb\xb0\
\x7c\x6c\x07\x8a\xa8\x70\x01\xa9\x34\x00\x54\x45\x04\x1c\x40\x3c\
\xec\xa7\x8a\xd0\x63\x21\xda\xf1\x42\x09\x47\x01\x4e\x42\x8b\x40\
\x91\x01\x2a\x0f\xc0\x6f\x60\x16\x0a\xeb\x70\x20\x1b\xc6\x8b\x4b\
\x81\x42\x14\x80\x10\x4e\xd2\x00\x52\x68\x3b\xc6\x18\x20\x19\xd0\
\x04\x4b\xf6\x01\xd7\xf7\x8c\x1b\x42\x6f\x5b\x10\x04\x00\x21\xf9\
\x04\x09\x03\x00\x22\x00\x2c\x00\x00\x00\x00\xb3\x00\xa2\x00\x00\
\x06\xff\x40\x91\x70\x48\x2c\x1a\x8f\xc8\xa4\xf2\x48\x51\x40\x2c\
\x0f\xc9\x47\x62\xe9\x3c\x26\xcb\xac\x76\xcb\xed\x7a\xbf\xe0\x70\
\x56\x12\x08\x00\x00\x81\x90\x19\xb0\x78\x88\xdf\xf0\xb8\x7c\x2e\
\x37\x20\x42\xf8\x7c\x1e\x70\x48\xd0\xff\x80\x81\x82\x45\x17\x5b\
\x14\x04\x7a\x89\x21\x0b\x06\x5a\x58\x83\x90\x91\x90\x06\x1e\x08\
\x0d\x0d\x0a\x59\x17\x00\x8a\x7a\x03\x1b\x59\x76\x03\x15\x8f\x92\
\xa6\xa7\x5e\x05\x14\x12\x0d\x66\x21\x00\x08\x0e\x4b\x64\x9d\x79\
\x01\x16\x02\x4a\x13\x08\x9c\x78\x07\x99\xa8\xc1\xc2\x45\x0e\x1e\
\x11\x04\x69\x7a\xb7\x05\x47\x02\x0e\x0e\x04\xbd\xb5\x21\x08\x13\
\x02\xcc\x46\x05\x0f\xd2\x79\x04\x12\xb9\xc3\xe1\x92\x0e\x11\xae\
\x9d\x03\x1f\xcc\x02\x19\x06\x1c\x0f\x15\x07\xd1\xd3\x7b\x01\x07\
\x55\x0a\x7e\xd8\x1e\x0d\xd3\x01\x15\xb2\xe2\x02\x02\x52\x30\x60\
\x1e\x80\x06\x51\x20\x34\x40\xe6\x8a\xdb\xbc\x3c\x03\x08\x2c\x40\
\x60\xe1\xc3\x83\x56\xf3\x06\x34\x12\xc8\x51\x0e\x86\x82\x0f\xd5\
\x9c\x09\x49\x72\x64\x99\x90\x0b\x38\x74\x5c\xf9\xc6\x00\x22\x92\
\x30\x63\xc6\x6c\x80\x81\xa5\xcd\x2f\x05\x78\xc9\xdc\xc9\x33\xd1\
\xc1\xff\x9b\x40\xb9\x64\x90\xe0\xb0\xa7\xd1\x90\x00\x22\x04\x5d\
\xba\x44\x80\x84\xa3\x50\x63\x5a\xc0\xc6\xb4\xea\x10\x01\x1e\x5e\
\x46\xdd\x5a\x8b\x0d\x3e\xab\x55\x33\x5c\xa0\xc5\xb5\x6c\xa7\x83\
\x1f\xc0\x81\x1d\x36\xe1\x43\xba\x6c\x0a\x30\x9a\x9d\xdb\xe9\x57\
\xb3\x04\x1b\xfc\xac\xfd\xe3\x00\xc4\x80\x01\x08\xbe\x8a\x10\x0b\
\x21\x19\xdd\xc3\xca\x08\x58\x30\x90\x61\x08\x05\x0b\x97\xa6\xee\
\x9d\x63\xa0\x1c\x9e\x83\x0a\x04\x4c\xd8\x67\x18\xb1\x67\x3c\x01\
\x40\x60\x29\x30\xe1\x40\x43\x52\x93\xdf\x64\x10\x80\xa0\x33\x9e\
\x06\xad\x3f\xcb\x4e\x14\x00\x41\x05\x79\x10\x25\xa7\x06\x73\xc1\
\xf2\xec\xdf\x06\x39\x15\x4d\x4a\x61\x77\xaa\xd8\xc0\x93\xf3\x1c\
\x80\xcb\xf8\x96\x0b\x15\x8a\x2a\x9f\xfe\x30\x69\x29\xe7\x49\x2c\
\x80\xa4\xce\x9d\xe4\x02\x60\xd8\x91\x64\xf8\xd8\xbd\xfc\xc3\x00\
\x12\xc2\x2b\x71\xa0\xd3\xbc\xfb\x44\x04\x36\xaa\x47\xa2\x61\x81\
\xf4\xf7\xd4\x17\xa4\x9f\x9f\x44\x00\x41\xfc\xef\x55\x20\x1f\x7f\
\x47\x4c\xc0\x0f\x80\xe5\x31\x42\xe0\x12\xb8\x21\x48\xdd\x01\x03\
\x2e\x48\x04\x56\xae\x39\x98\x5c\x00\x69\x49\x68\xc4\x05\x07\x5a\
\x48\xff\x1d\x1f\x00\x69\x28\xc4\x04\x10\x78\x58\x5e\x00\x10\xe8\
\x25\xa2\x05\x0b\x98\x78\x62\x07\x6a\x2d\x98\x80\x7d\x2e\x76\x07\
\xa2\x86\x13\x44\x57\xe3\x89\x29\x62\x77\x81\x06\x1e\xd4\x74\xcd\
\x03\xdb\xed\xc8\x5d\x00\x1d\xa8\x93\xc1\x04\x11\x32\xd5\xca\x02\
\x04\x34\x50\x41\x04\x2d\x1a\x59\x1e\x66\x1f\x58\x60\x09\x01\x20\
\x14\x57\x95\x02\x7a\xf4\x72\x9f\x95\xca\x0d\x30\x52\x08\xe8\x58\
\xd5\x21\x99\x35\xf2\x41\x15\x50\x14\xb8\x78\x46\x00\x7f\x11\xf0\
\x57\x8b\x67\x5a\x38\x00\x07\x31\xda\x54\x81\x85\x74\xc2\xf6\xc0\
\x07\x18\x18\xa0\x81\x03\x1c\x28\xa0\x81\x04\x08\xc4\x63\x21\x00\
\x20\xf4\xc9\x52\x91\xe6\xa1\xd1\x00\x04\x17\x50\x50\x80\xa4\x44\
\x18\xa0\xc0\x03\xa6\x21\x48\x40\x4d\x40\x3d\x80\x1f\x00\x80\x7d\
\xe0\x25\x17\x05\x78\x4a\x25\x7e\x01\x3c\xc0\xa9\x40\x6b\xda\xd8\
\x00\x07\x21\x82\x61\xc0\x07\x08\x98\x59\x69\x03\x2a\xae\x64\xc0\
\x98\xbf\x01\x40\x00\x04\x13\x34\x16\x87\x01\x85\xb9\x17\x80\x07\
\x37\x19\x10\x2a\x77\xc6\x6a\x10\x6c\x1d\xc8\x75\x57\xc8\x4d\x1a\
\x1c\x40\x2c\x62\xf5\x68\x20\x88\x00\xdd\x7e\x7b\x98\xb1\x15\xbc\
\xc9\xff\x12\x56\x0d\x98\x6b\x16\x02\x4d\xfe\x21\x40\x05\x15\xca\
\x76\x40\x5e\x4c\x25\x10\x17\x70\xf5\xc4\x0b\xc8\x05\xde\x02\x37\
\x8a\xbf\x37\x91\x25\x1b\x4d\xca\x8e\x13\xf0\x6c\xf0\xae\x55\x80\
\x05\xbf\x7d\x27\xcc\x06\x5a\x79\x06\xcb\x5e\x05\x44\x30\x1b\x00\
\x16\x5c\x2b\x89\x36\xf5\xce\x75\xc0\xaa\x56\x35\x78\x6e\x03\xe2\
\xb0\xe6\xee\x51\x01\x10\x6c\x13\x07\x55\x7a\xd6\x46\x40\x1b\x50\
\x4a\xd7\x00\xe0\x55\x45\xe4\x67\x37\x8a\x43\xce\xca\x3d\x71\x0c\
\x96\x36\xb2\x2d\x60\x01\x47\x18\xc4\x7c\x6e\x04\xb3\xb2\x94\xb1\
\xbd\xdb\x06\x54\x00\x08\x3c\x37\xa0\x6e\x50\x26\xcf\x15\x80\x52\
\x1d\x3d\x10\x32\x57\x04\x44\x7d\x53\x2e\x0e\x28\xf0\xf5\x56\x69\
\x76\x74\x41\xc5\x74\x21\xd9\xf4\x30\x02\x08\x70\x01\x06\x12\x50\
\x09\xf4\x4e\xa8\x7a\x1c\x0e\x7b\xb2\x11\xd0\x81\x01\x17\xe4\x2a\
\x8e\x06\x20\x30\xf4\x1b\x02\x09\x0b\x94\x41\xb3\xb2\x0d\x00\x9b\
\x80\x02\x31\x0e\x9c\x6e\x1d\x6d\x70\xb6\xd6\x12\xe8\x6d\x4a\x01\
\x4f\x5d\xe8\x06\x4b\x1c\xd8\x6c\x31\x01\x02\x45\x70\x37\x54\x48\
\xda\xe4\x92\x72\x07\x5c\x17\x0c\xe7\xa7\x1f\x05\x80\xcb\xc2\x38\
\xa0\xff\xf4\x6c\x0d\x08\x8e\x8a\x00\x10\xc4\x6e\x94\xc4\x2c\x19\
\x50\xeb\xc1\x57\xa3\xe2\xdb\x6f\x9f\xd8\x94\x00\xdb\xf6\x92\xfc\
\x7a\xe7\xfc\x92\x2a\x2c\xf3\xa3\x27\x2e\x8c\x8e\xfc\x7e\xbe\x12\
\x06\xc3\x7f\x76\x80\xee\xa7\x38\xe5\xbb\x51\x0f\x14\x1f\xce\x04\
\x97\xcf\xd5\x80\xf3\xbb\x7b\xb0\x46\xb1\x08\xbc\x1d\x8c\xfb\xc0\
\x9d\x71\x80\x40\xad\x2a\xb4\xd0\xf8\x30\xb5\xce\x12\xbd\xb2\xe1\
\x04\x94\x22\x00\x0a\x81\x80\xc3\x55\xe9\x3b\x8a\x46\x56\xb2\x8b\
\xbe\x45\x40\x01\x1b\x28\x80\xe6\x02\x02\x8d\xcf\xc4\x6a\x25\x1a\
\xe8\x9e\x59\x3a\x90\x00\xf9\x05\x24\x01\x54\xfb\x8c\x68\x38\x92\
\x01\xb3\x7d\x66\x01\xd2\x5b\x4a\x06\xb0\x07\x2e\xb1\x85\x83\x02\
\x1a\xf3\x9e\x0b\x81\xe2\x1f\xfe\x21\x05\x02\xe6\x3b\x05\xcc\x78\
\x76\x00\x0f\x72\x84\x03\xd4\x33\x4b\x03\x68\x07\x09\x12\x05\xb0\
\x02\x0e\xcb\xda\x5c\x00\x00\x01\x1f\x06\x42\x01\x41\x34\x4b\x01\
\xad\x92\x80\x18\x7e\x66\x00\x1e\x70\x22\x1d\x12\xd0\x1e\x99\xa5\
\xb0\x2a\xbd\x0b\x60\x2c\x84\x21\x00\xed\xe0\x6e\x86\x4b\x31\xa1\
\x6c\x50\xa4\xc5\x65\xf9\x8a\x87\x6d\x14\x47\x02\xa0\xb7\xc6\x8e\
\x9d\xff\x42\x03\x77\xf8\x4d\x03\x5c\x17\x94\x04\x40\xe0\x76\xa3\
\xdb\x40\x1c\x71\x32\xad\xd9\x0c\x40\x56\x4c\x29\xc0\x06\xb2\xc5\
\x2f\x3b\x0e\x02\x3a\x36\xc4\x9b\x5d\x82\x62\x01\x25\x6e\x8c\x00\
\xd0\x12\x04\xc0\x12\xa8\x35\x84\x4c\x30\x1c\xc2\xab\x14\x08\xbe\
\x08\x07\x7d\x69\x50\x60\x39\xeb\x48\x02\x16\xd6\x9d\xda\x28\x00\
\x7c\x5f\x30\xc0\x6d\x22\x09\x15\x00\x08\xd2\x26\xe2\x7b\xcf\x28\
\x06\x79\x15\x0a\x78\xe0\x00\xf8\x69\x80\xb8\x6c\x92\x01\x0d\x88\
\xee\x48\x20\x28\x84\xf5\x94\x50\x00\x07\x40\xe6\x8d\xee\x41\x16\
\x50\x72\x42\x4b\xae\x9c\xa1\x01\x8b\x09\xdc\x60\x8a\x10\x37\x0a\
\x18\xe0\x1d\xc8\x40\x10\xce\x96\x72\x01\x4e\x2a\x27\x00\xb0\x01\
\xc1\x03\x3c\x60\x81\x0d\x58\x44\x4b\x07\x18\xc0\xfb\x10\xd4\xb0\
\xa6\xb0\x05\x98\x72\x42\x83\x19\xca\x90\x27\x40\x65\x48\x09\x1b\
\x78\xc0\x03\x38\x80\x81\x0b\x4c\xc0\x01\x9b\x12\x01\x2f\xb3\xe0\
\x14\x73\xb2\xa9\x3b\x34\x59\x02\x05\x4c\x43\xa7\x00\x44\x89\x00\
\x07\x88\x40\x05\x1e\x70\x4b\x40\x50\xa0\x20\x9c\x28\xc3\x02\x1c\
\xfa\x50\xb3\x9c\x44\x0f\x12\x80\xa5\x63\x00\x39\x12\x34\x0c\x00\
\x8d\xff\x70\x10\xc0\x06\x0e\x70\x29\x0b\x34\xa1\x8b\x25\x15\x18\
\x04\x24\xc0\xa8\x88\x1c\x80\x94\x46\x60\x61\x2d\x06\x00\xd4\x38\
\x34\x53\x00\x2a\xe2\x62\x35\x73\x1a\x92\x01\x40\xa0\x31\x09\xd8\
\xd4\x06\x0c\x80\xd0\x1c\x3a\x00\x9f\xf3\xb8\x20\x2a\xa0\xc8\xd4\
\xdf\x44\x60\x86\x6d\x39\x80\x07\xd8\x27\x04\x35\x1a\xa4\x39\xe1\
\x93\x5c\x57\xe9\x82\xaa\x26\x31\xab\x45\x4e\x1d\xe6\x84\xbc\x86\
\x14\x09\xe4\x30\x10\x4a\x5d\xeb\x61\xd0\xb3\xa1\x5e\xd9\x62\x92\
\x43\x70\x40\xbb\x90\xc2\x34\x61\x70\x55\xaf\x66\xe1\xc3\xb5\x32\
\xe8\x1a\x8b\x76\x60\x08\x05\xc0\x40\x14\x13\x11\xbf\x66\x50\xe2\
\x93\x60\x68\x28\x62\xcb\x82\x09\x22\x28\x52\x9e\x67\x61\xce\x05\
\x0c\xc0\x8a\x98\x54\x63\x43\x1f\x90\x08\xb0\x00\xc1\xc5\xcd\x72\
\x85\x83\x43\x98\x80\xd7\xc6\x74\x06\x3b\x39\x14\x85\x57\xe1\x9c\
\xb7\x42\x8a\x80\xbb\x82\x41\xa8\xae\xe5\x89\x82\x84\x80\x81\x30\
\x82\xeb\x00\xb8\x72\x40\x07\x4c\xc3\x0d\xa7\xfa\xd6\x0b\x83\x0d\
\xae\x51\x70\x96\x0b\x18\x2e\xb5\x2b\xb5\x69\x00\x20\xf1\x40\x00\
\x44\xc6\x41\x00\x74\x95\xee\x51\xd6\x27\x82\x89\x5e\x77\xbc\x1d\
\x7d\xff\xc3\xda\xc4\x8b\xba\xa3\x89\xc0\x02\xe7\x3d\x4a\x3d\xc5\
\x50\x19\xf6\x46\x85\x00\x1c\x58\x12\x56\xdf\x53\x58\x31\x00\xd1\
\xbe\xb5\x04\xc1\xa6\x24\x70\xcc\x0f\x41\xe0\x0d\x13\xb0\x24\x80\
\x49\xb2\x35\x21\x14\x60\xb2\xd3\xb9\xc5\x1b\xb8\x17\xdf\xb5\x1e\
\x60\x5b\xfe\x29\xf0\x74\x00\xf0\x81\x37\x14\xe0\x03\x34\x5a\x30\
\x4c\xd0\x39\xa0\x50\xe2\xe7\x1f\x71\xa0\x40\x74\x95\x41\xd2\x1d\
\xf5\x53\x0f\x08\xd0\x40\xe2\xf8\xf6\x9e\x03\xc8\xf5\x0d\x58\x51\
\x1a\x1b\x22\xf0\x80\x08\x68\x98\x4c\xa8\xb2\x8d\x5c\x40\x43\xde\
\x22\x2c\xef\x3d\x0d\x78\x2c\x1d\x84\x17\xd2\x5b\x09\xc1\x00\x90\
\x69\x31\x80\xea\x91\x45\x45\xf6\x4a\x38\x08\x50\x09\x11\x56\x83\
\x53\xa4\x04\xaa\x01\x07\x38\xc0\x02\x7e\x3c\x0f\xa3\x01\xa2\x84\
\x0b\x91\x80\x01\x62\x84\x81\x3c\x96\x14\x0d\x12\xa0\x40\x8c\x3a\
\x80\x8c\x3e\x20\xd5\x01\xec\xc0\x00\x0c\xb7\x3b\x0d\x8c\x72\x80\
\x03\xd6\x70\x80\x37\x39\x50\xb8\xe5\x20\x71\x10\xfe\x52\x64\x21\
\x8d\x44\x65\x49\x39\x63\x6e\x1e\x80\x40\x05\x2e\x61\x27\xd0\xc2\
\x84\x0f\xaf\x74\xb4\x08\x14\xf0\xa7\x98\x5c\x4c\x1c\x56\x86\xa6\
\x8b\xff\x06\x10\xe7\xb7\x09\xf6\xc5\x31\xd9\x5a\x42\xd7\xb3\x8d\
\x11\x6b\x2f\x20\x44\xd9\x91\x62\x3c\xc8\x01\x29\x5f\xe6\xd0\x5a\
\xc8\x40\x07\x2e\x2d\x81\x65\x1a\xd6\xd6\xc0\x81\x90\x16\x2c\x27\
\x5f\x5f\xf7\x87\x8e\xd3\x38\x08\x11\x23\xb1\xb3\x1a\x11\x00\xb3\
\x0a\xa5\x5f\x4f\xc2\x66\xec\x24\x60\x60\xbf\xd3\x20\xb5\x02\xf8\
\x78\x8a\x87\x55\xd8\x2c\x04\xb8\x71\x12\x62\xcd\x93\xa4\x40\xfb\
\x08\xc6\x3d\x4f\x3d\x22\xc0\x81\x35\x07\xa3\x8a\x8c\x9e\xa2\x12\
\x4a\xd4\x93\x97\x86\x21\xc1\x32\x41\x95\x7e\xfe\x29\x09\x01\x40\
\x18\x4d\x03\x18\xa9\x35\xf5\x69\xe9\x7e\xec\x87\x99\x5d\x86\xc9\
\x10\xc3\x70\xd5\xd3\xcd\xe9\xe0\x91\x30\x90\x41\x08\xa0\x00\x03\
\x58\x41\x21\x0b\x10\xb8\xa7\xcb\x40\x80\x63\x49\x00\x03\x0a\x38\
\xde\x59\xd0\x9a\x84\x02\xac\xd8\xd3\x11\x78\x2e\x12\x72\x59\x6e\
\x5c\x47\x42\x2c\xaf\x3a\x47\x26\x15\xea\x07\x8b\xbf\x83\xcf\xf0\
\xe1\xf1\x06\x2e\x80\x54\x22\x98\xee\x2c\xb5\x79\xae\xc4\x5b\x5e\
\xed\x31\xf8\x4e\xc2\xa8\xf0\x94\x42\xb8\xd1\x60\xf1\x4c\x00\xbe\
\x0f\x59\x00\xcf\x93\xf0\xdf\x30\x49\x69\x03\xdc\x36\xc2\xea\xca\
\xdd\xff\xc4\x30\x64\xa0\xd5\xe5\xee\x70\xed\x34\xf0\x00\xbf\xf2\
\x41\xcb\x49\x58\xef\x3c\x22\xa0\x52\x85\x5a\x20\x0d\xa8\x4a\xf2\
\xb2\x87\x70\x01\x32\x9f\xe5\x1b\x61\x80\x5d\xd0\x66\x4e\x46\x4a\
\x40\x00\x5e\x1e\x3c\xb9\x4f\x48\x3e\xee\x4b\x6d\x5b\xe5\x44\xa0\
\x58\xec\x60\x71\x6e\x24\xb8\x79\x27\xf6\x16\x48\x54\xb5\x50\x00\
\xe0\x7a\xe2\xd5\x49\x48\xc0\xe4\xc3\x60\x01\x1f\x9b\x43\xe1\x8d\
\x37\xc2\xd0\x79\x42\x80\xac\x2f\xe5\xed\xd3\xc0\xed\x29\x12\x80\
\x81\x0e\x58\x02\xd5\xe7\x50\xf2\x17\x3e\x30\xbe\xf8\xa4\xe6\x02\
\x63\x36\x93\x3c\xe9\xc4\x06\x10\xc0\x4d\x04\xbb\x5a\xf4\x34\xd2\
\xf5\x05\x0a\x80\x60\x7c\xdf\xdb\x8d\x7f\x14\x80\x81\x0f\x5c\x40\
\x01\x41\xda\x00\x59\x51\x01\x44\x73\x01\x80\xef\x5a\x20\x97\xdd\
\x6b\x81\x00\x11\x29\xae\xd3\xd5\xc1\x6f\x17\x2a\x68\x14\x00\x54\
\x20\xf4\xde\x07\x44\x78\xcf\x63\xe3\x5c\x9f\xba\xfc\x1c\x43\x7c\
\xfa\xff\x50\x4c\x4e\xa2\x33\x33\xba\x70\xc9\xca\xe6\x24\xd2\x8e\
\x3f\x70\xfe\x2f\x24\x78\x59\x75\x0b\xe2\xa2\x16\xb9\x20\x53\x10\
\xb0\x7d\xaf\x70\x29\x12\xe0\x01\x10\x44\x01\x13\x20\x7f\x00\x38\
\x07\xff\xbb\xa0\x80\x7a\x40\x00\x08\xd0\x01\x89\xa2\x01\x17\x00\
\x01\x7e\x61\x4e\x98\x71\x80\x13\x48\x41\x09\x88\x3a\x15\xf5\x79\
\x9e\x06\x71\x23\x18\x0e\x1f\xf6\x6f\xb3\x91\x12\x2b\x18\x10\x02\
\x60\x62\xee\x71\x7d\x31\x98\x32\x8f\x57\x29\xf3\x75\x83\xa8\x50\
\x1f\xdf\xb6\x1c\x18\xb0\x50\x3c\x18\x06\x06\x83\x64\x12\x38\x84\
\x71\x00\x7e\xba\xe4\x5d\x48\x68\x0a\xad\x05\x20\x08\x80\x7e\x4d\
\x28\x06\x62\x81\x6d\x27\x82\x79\x53\x38\x08\xec\xd2\x0f\x28\x68\
\x31\x20\x20\x85\x59\x08\x06\x9c\xc3\x36\x67\x40\x11\x3d\xd6\x85\
\x5a\x33\x4e\x61\xb8\x39\x3e\x06\x11\x7e\xb3\x11\x13\xa0\x00\x21\
\x76\x69\x70\x77\x1e\x0d\x20\x6f\x6b\x18\x09\xab\x54\x06\x08\x31\
\x43\x60\x47\x12\x18\x25\x69\x68\x08\x11\x31\x96\x87\xef\xb6\x53\
\xd7\x70\x04\x66\xf5\x10\x20\x90\x19\xeb\x40\x67\xf5\xb2\x00\x10\
\x30\x77\x86\x38\x07\x6f\x63\x00\x38\x77\x79\x45\xa0\x00\xc2\x47\
\x00\xaa\x52\x89\x37\x31\x01\x99\x98\x07\xb9\x63\x04\x1b\xe0\x1b\
\xc6\x42\x55\xa0\x18\x2d\xff\xc6\x78\x47\x00\x65\xf2\xd4\x00\x71\
\xb3\x8a\x37\xb1\x4a\x21\x11\x00\xa9\x44\x04\x0e\xd0\x81\xb4\xb8\
\x14\x3e\x09\x97\x08\x0d\x00\x53\x42\x50\x74\xbd\x08\x6a\x1d\x20\
\x4f\xb0\x17\x02\x15\x40\x8c\xc5\x18\x14\x73\x63\x01\x3c\xd5\x28\
\x0b\x61\x27\xc6\xa2\x00\xcc\xd8\x8c\x40\xd1\x18\xd7\x50\x00\x19\
\xe0\x4d\x09\x00\x24\x0a\x70\x84\xd8\x08\x16\xd7\xf8\x05\x41\x00\
\x00\x21\xf9\x04\x09\x03\x00\x22\x00\x2c\x00\x00\x00\x00\xb3\x00\
\xa2\x00\x00\x06\xff\x40\x91\x70\x48\x2c\x1a\x8f\xc8\xa4\x32\x29\
\xd0\x48\x22\x16\x89\x45\xf1\xe0\x28\x30\xcb\xac\x76\xcb\xed\x7a\
\xbf\xe0\x70\x96\x73\x08\x01\x42\x01\x40\x20\xbd\x88\x50\xc4\xf0\
\xb8\x7c\x4e\x4f\x3a\xb8\x9f\x41\x68\xcf\xe7\x03\x36\x02\x75\x82\
\x83\x84\x85\x22\x02\x13\x16\x08\x07\x0f\x81\x4a\x02\x12\x7d\x92\
\x68\x12\x86\x96\x97\x98\x4b\x06\x1e\x11\x04\x01\x66\x04\x77\x4b\
\x0d\x93\x7d\x00\x15\x8e\x4a\x13\x06\x99\xad\xae\x5d\x13\x18\x10\
\x0d\x69\xa6\x08\x13\x49\x19\x18\x7a\xa5\x7b\x00\x07\x05\x4b\x19\
\x20\x0b\x04\x1d\xaf\xc8\xc9\x45\x10\x0b\x9f\xa5\x01\x0f\x44\x81\
\x05\x02\x17\x1a\x08\xce\xbd\x21\x04\xac\x76\x16\x67\x7b\x0b\x16\
\xca\xe4\xad\x14\xa4\xda\x00\x0d\x1a\x17\x13\x1f\x1d\x15\x20\x0d\
\x9e\xe0\xda\x7b\x04\x12\x06\x17\xa2\x44\x1f\x04\x93\x03\x20\x04\
\x2b\x47\x70\x90\x83\x32\xf6\x42\x0c\xa0\xa5\x07\x80\xc3\x84\x92\
\x1c\x06\x68\x80\xa0\x82\x06\x07\xb8\x38\xa0\x2b\x05\x20\x02\xbf\
\x82\x20\xc5\x14\x40\x50\x0f\xa2\xc9\x84\x6a\x00\x10\x88\x80\xc0\
\x93\xbd\x00\x16\x32\x84\x9c\x09\x06\x52\xc9\x93\x38\x51\x9a\xec\
\x30\x90\xa6\xcf\xff\x2d\x1e\xb2\xe5\x1c\x4a\x94\xcf\x82\x0f\x3f\
\x93\x66\x49\xd0\xa1\xa8\xd3\xa2\x04\x2e\x28\x9d\x7a\xa4\xc0\x83\
\x7f\x4f\xb3\x9a\x54\x47\x35\x64\xb5\x8f\x44\x12\x28\x00\x71\x53\
\xab\xd9\x52\x10\x12\x74\x2d\x68\xa1\x41\x03\x0b\xb8\x86\x08\x48\
\xc0\xac\xec\xd9\xbb\xbe\x08\x68\x48\xb5\xf6\x15\x05\x09\x0d\xf1\
\x19\x08\x34\xe1\x41\x03\xbb\x78\x13\x07\x40\x70\x81\x6f\xdf\x4b\
\x19\x32\x44\x10\x1a\xe2\x80\x15\x6c\x88\x13\x6b\x1e\x20\xc1\xf1\
\x10\x99\x8f\xe9\x18\xa8\x40\x99\xcf\x80\xcc\x9a\x53\x07\x38\xb0\
\xa1\xa7\x10\x0a\x1b\x1e\x74\x0b\x1d\x66\xee\x81\xd2\xa9\x73\x9b\
\x5c\xcd\x61\x60\x01\x05\x07\x06\x2c\x10\x48\x3b\x0c\x07\x92\xba\
\x93\x13\x0d\x50\x61\x02\x07\x08\xbc\xcc\xb8\x29\xee\x45\x00\x04\
\xdc\xca\xb3\x6b\x5b\x33\x80\xf2\x80\x98\xd4\xb9\x40\xc2\xae\xbd\
\xfc\xc9\x00\x10\xe2\x86\x1f\x83\xd5\xbc\xfb\xa1\x47\x3d\xaf\x37\
\x52\xe0\xdb\xfb\xfb\x38\x61\xba\x9e\x7f\x24\x01\x72\xfc\x00\xda\
\xd3\xc0\x6c\xfc\x21\xf1\x01\x79\x01\x02\x38\x00\x16\x05\x26\xa1\
\x00\x82\x09\xbe\xb7\x58\x83\x4c\xdc\x16\xe1\x85\x7b\x1c\xc0\x20\
\x85\x45\x38\xf0\xff\x00\x6a\x18\x96\x47\x80\x02\x1c\x1e\xe1\x4f\
\x88\x17\x3e\xa0\x56\x89\x44\x5c\xb0\x11\x8a\x00\x06\xe0\x01\x8b\
\xd2\x60\x03\x63\x82\x00\x20\xf0\x46\x81\x02\xf0\x95\x80\x07\x20\
\xde\x98\xdd\x00\x33\xf2\xc7\x81\x04\x12\x3c\x40\x81\x00\x0e\x78\
\xf0\xa2\x90\xf8\xa9\x43\x20\x75\x87\x01\x30\xc0\x42\x11\x44\x07\
\x65\x80\xa7\xac\x48\x9d\x02\x1c\x6d\x79\x61\x54\xeb\x3d\x29\x66\
\x88\xbf\xa8\x17\x9a\x06\x67\x6e\x09\x80\x05\xc1\x4c\x23\x9f\x4f\
\x08\xb5\x79\xa3\x3a\x1c\xe4\x69\x01\x04\x20\x58\xe0\xe5\x4f\x06\
\xb8\xa9\xc6\x00\x04\x10\x7a\x65\x43\x41\x66\x07\x40\x33\x9f\x2c\
\xba\x97\x52\x20\xdc\x18\xc0\x42\x20\x48\xa0\x80\x06\x06\x50\x70\
\x91\x02\xef\xc8\xe3\x12\x8a\x39\xee\x17\x52\x01\x10\x9a\xa7\x46\
\x03\x10\x60\x90\x00\x35\x48\x10\xe6\x81\x22\x5a\x46\xb8\x80\x06\
\x49\x6d\x10\x6b\x8c\x08\x28\x30\x65\x16\x02\x18\xa0\x40\x04\x0b\
\x60\x08\x0d\x68\x34\x51\x60\x63\x80\xab\x7d\x30\xe7\x16\x14\x78\
\x00\xc2\xad\xef\xfd\x22\x6a\x48\x0f\x04\x7b\x9f\x1a\x16\x2c\x39\
\x87\x01\x12\x10\x90\xa8\x6e\x03\x70\xb0\x6c\x39\x05\x90\x51\x2a\
\x5e\xea\x7c\x40\xff\x2c\x1d\x1a\xe1\x88\xca\x54\x1c\xb4\xa7\x68\
\x03\x0e\x8c\x2b\x06\x05\xa4\x05\xd8\x80\x9a\x3e\x39\x80\x40\x79\
\x39\x6e\x58\x88\x01\xff\xc6\xc8\x6f\xb1\x75\x26\xa7\x8e\x03\xeb\
\x16\xe2\x40\xbe\xee\xa9\x81\xc0\x9f\xfd\x9e\xab\x15\x6b\xae\x60\
\x60\xa6\xc2\x03\x3c\x70\x30\x4d\x16\x58\xec\x94\x1a\x83\xb9\x52\
\x8d\xbc\xc9\x0d\x10\xc1\xa3\x54\x81\x20\x72\x51\xe8\x29\xf3\x00\
\xb4\x8a\x11\xd7\x95\x01\x09\xa7\xa6\xce\xc7\x98\x4c\x70\xc0\xb7\
\x4e\x0d\x70\xcc\x5a\x06\xa0\xac\x99\x38\xe5\x5c\x60\xb4\x66\x1e\
\xd8\x0b\x12\x98\xca\xe9\x58\x8e\x00\x15\x00\x4d\x14\x00\x10\xf4\
\x45\x56\xca\xe3\x10\xa4\xc1\xcb\x43\x9d\x32\x6d\x41\x05\x14\x40\
\xc1\x04\x1d\xd0\x7c\x57\x03\x52\x11\xe4\x40\x04\x56\xe7\xc4\x95\
\x4f\x05\x60\xa0\xc8\x01\x0b\xa8\x7d\x56\x00\x11\x84\x74\x60\x72\
\x03\xfa\xa4\x00\x29\x71\x3b\x15\x00\x89\x20\x15\x9d\x5c\x00\xbb\
\x12\xf4\xa0\x7b\x0b\x38\x9d\x89\xbf\x8b\x0f\x3d\xd3\x87\xee\x81\
\x40\x71\x39\x10\x14\x7e\x12\x00\x9d\xd1\x24\x01\xd8\x4f\x61\x2d\
\x79\x26\x8f\xe7\xa6\x4e\x01\xab\x82\x24\xc0\x03\xee\x05\x50\xc9\
\x4c\x17\x58\xab\xff\xdb\x62\x16\x3c\xd0\x76\x39\x55\x9b\xca\x01\
\x4d\x06\xd8\xae\x70\x31\x70\x92\x53\x80\x04\x9e\x17\x45\x64\xb1\
\x1b\xeb\xb6\x2f\x39\xd6\x25\xbf\xdc\x06\x34\x15\xb0\xb4\x6e\x04\
\x8c\x9d\x09\xdc\xe6\x05\xb0\x7b\xe2\x39\x2b\x77\x40\xe3\x99\x1c\
\x2f\xfd\x50\x03\x20\x35\x53\x02\xd7\xeb\xdc\x40\xc3\xaf\x4c\x90\
\xe5\x1a\x8a\x36\x4d\x7b\xfb\xa9\x1d\xb0\xb9\xc9\x0c\xc3\x83\x80\
\xde\x5a\xc1\x1a\xfc\xc8\x11\x2f\xf7\x1c\x00\x2c\xe5\x30\x40\xe7\
\x92\x13\x01\xed\xbd\x42\x17\x11\x3b\xc0\xe9\x32\x51\x40\xe7\x39\
\xf0\x15\x0b\x34\x8f\x47\xaa\xe7\x2d\xec\x09\x6c\x6a\x3f\xeb\x1e\
\x02\xfa\x55\x30\xd5\x75\x60\x82\x86\x68\x97\x76\x1c\x42\x80\x68\
\xd0\x44\x00\xdc\x53\xdd\x01\x41\x92\x36\xe5\x2c\xa4\x22\x16\xf8\
\x9e\x57\x30\x07\x2e\xea\x11\x04\x5f\xca\x01\x80\xae\xca\x86\x42\
\x57\xfc\x4d\x37\x58\x2b\x88\x06\xf0\x67\x96\x03\xf0\x0c\x78\x00\
\xd4\x8a\x5e\xca\x31\x81\x48\x28\x27\x2d\x44\x63\xa2\x59\x22\xb0\
\x3f\xd4\x69\x31\x2b\xdf\xe9\x4b\x01\x9a\x87\x97\x05\x7c\xd0\x1c\
\x11\x18\x12\xad\xba\x92\x00\x0e\xac\x30\x70\xc8\x90\x80\xf0\x72\
\x43\x80\x01\xd2\xff\x04\x03\xc0\x02\x58\x05\x2e\x58\x87\x6a\xcc\
\x31\x37\x15\xe8\x22\x48\x26\xa0\x80\x2f\xe2\xa5\x63\x45\x0c\xc3\
\x05\x42\xa8\x1c\x68\x50\x05\x3a\xe7\x53\x5e\x23\x30\x61\x80\x48\
\x69\x67\x01\x45\x4a\x0a\xe5\xa2\x34\xa2\x44\x72\xc1\x58\xa4\x53\
\x1e\xf9\x5c\x97\x41\xfc\x70\xc6\x93\x4b\xa8\x46\x09\xb5\x03\x0d\
\x54\xf6\x2c\x8a\x48\x54\x19\xcb\xe6\x20\x80\xc1\x45\x32\x6c\x11\
\x78\x22\x41\xfc\x73\xcb\xa7\xac\x06\x03\x7c\xe4\x15\xb7\x60\xa9\
\x9a\x06\x7c\x20\x98\xaf\x10\x40\xc8\x2e\xc4\x37\x5d\x2e\xc5\x49\
\xa1\xbc\x8b\x3a\xce\x98\x38\x62\x2a\x0a\x04\x8d\x41\xa6\x08\x0a\
\x60\x80\x07\x58\xe8\x42\xa0\xd3\x66\x2b\x0a\x10\x43\x70\xaa\xe3\
\x01\x57\x10\x41\x06\xf8\xb2\xce\x04\x38\x00\x03\x1b\x00\x56\x2d\
\x84\x85\xb8\x9f\x28\xc0\x9a\xe6\x59\x48\x03\x2a\xf0\x80\x29\xbc\
\xc3\x03\x10\x88\xc0\x3c\xe6\x89\x22\xc6\x28\xe5\x1c\x0f\x59\x40\
\x31\xa2\x99\x98\x33\xa4\xa4\x3b\x04\x15\x52\x00\x8e\x99\x04\x0e\
\x6c\xc0\x00\x1b\xd0\x00\x06\xf6\xa1\x0f\x07\x94\xac\x10\xbd\x7a\
\x00\x04\x14\xa0\x80\x72\xfd\xc7\x4e\x30\xd2\x50\x12\x3e\x90\xb7\
\x2b\x35\xc3\x50\xff\x04\x88\xa9\x0b\x0d\x11\x88\x54\x50\x80\x91\
\x28\xc5\x10\x00\x54\x84\x84\xfa\xa0\x06\x00\x9a\x43\x46\x0d\x73\
\x8a\xa1\x75\xe4\x82\x8c\x7c\x20\xc0\x8e\x5c\xe1\xaf\x5e\x12\x35\
\x3f\x37\x91\x00\x02\x87\x80\x01\x2d\x2e\x60\xaa\x97\x30\xc0\x61\
\x9e\xba\xc2\x01\x54\x80\x4f\x8c\x6a\xc0\xef\x56\x1a\x24\x19\xb9\
\xb2\x26\xa3\xe3\x6a\x76\x08\x10\x13\x44\xfc\x26\x49\x16\x30\xc0\
\xb4\x0a\x70\x1d\x88\x80\x4e\x09\xa3\x84\xc3\x4d\xd5\xaa\x30\x0b\
\x80\xa5\x03\xa4\x68\x80\x6c\x8c\x20\x00\x9c\xa6\xc3\x66\xd2\xa0\
\xeb\x01\x2a\x50\x88\x0d\xfc\x91\xaf\x66\xc9\x11\xbf\x0c\x63\x1a\
\x04\xf8\x90\xaa\x48\xed\xc3\x2d\x8c\xf0\x01\x0b\x31\x87\x10\x09\
\x78\x2c\x64\x4b\xb7\x80\x29\x59\x00\x65\x01\x60\xeb\x10\x0c\xd0\
\x01\x8b\x95\x76\x08\x65\xeb\x44\x1f\x86\x23\x48\x30\xb0\x74\xb4\
\x78\xc1\x47\x11\xaa\x55\x16\x2b\x81\x40\x01\x6d\xb1\xe6\x6a\x36\
\xa0\x16\xc3\x94\x05\x1f\xce\xe4\x42\x06\xb6\x8a\xdb\xb3\xa4\x07\
\xb6\x07\xca\x4c\x4a\xe2\xb6\x06\x04\x34\x40\xb4\xdb\xf8\x00\x56\
\x61\x81\xbc\xe6\x9e\x05\x8e\x22\x98\x40\x50\x2e\xb4\x80\xd6\xc4\
\x61\xa8\xde\xd5\xff\x8a\x04\x06\x42\x81\x99\x85\x28\x5c\x70\x70\
\x80\x25\xd3\x9b\x15\x69\x1d\xc2\x03\xd8\xc5\xcf\xe1\x44\x32\x19\
\xfa\x6a\x05\x1a\xd4\x70\x2f\xa8\x06\xb0\xc6\x9a\x1c\xcb\xbf\x4e\
\x69\xc0\x1b\x1c\xc0\xdc\x10\x35\xc0\x95\x4d\x68\x30\x82\x87\x82\
\x9e\x40\x68\x20\xbf\xef\x19\x80\x79\xe3\x6b\xd8\x09\xe3\x84\x1b\
\xe1\x3d\xb0\xbb\xf2\xba\x85\x5a\x2e\xa0\x24\x01\x58\xc0\x01\x0c\
\xe9\xdd\xb9\x89\x80\x02\x2c\x06\x5c\x3d\xe5\xa0\x55\x70\x74\x04\
\x03\x06\xe0\xc0\xb3\x3c\x3c\x89\x03\xd4\xb3\x00\x1e\xc0\x67\x6a\
\x90\x56\x87\x02\x74\x20\x6f\x82\xed\xc9\x05\x2a\x70\x1a\x1e\xa3\
\x41\xc1\x45\x50\x1c\xb2\x40\xe0\x30\xed\x8a\x6a\x70\xa3\xb5\xd2\
\xa7\x4c\x01\x82\xb1\x12\x61\x02\xab\x3c\x4f\x4c\x0f\x70\x80\x79\
\xa8\x21\x6c\xa1\x48\x46\xaf\x2a\x80\x61\x21\x59\xe9\x16\x1c\x38\
\x6d\x3d\x56\x33\xd5\x09\xe0\x73\x00\x7d\x32\x80\x03\x30\x22\x02\
\x5f\xb5\x44\x6e\xef\x52\x86\x02\x9b\x8c\xd2\x64\xf1\xc3\x49\x0e\
\xad\x80\x0e\xd5\x29\x82\xfe\x9e\x04\x01\x3c\x19\xe0\x3b\xd3\x88\
\x13\x09\x96\x23\x03\x1f\x70\xaa\xc2\x08\x00\x01\xcf\x40\x02\x55\
\xae\x41\xc4\x2a\xff\x2a\x60\xc8\x53\x90\x38\x03\x56\xc1\xc9\xf2\
\xca\xf1\x00\x86\x96\x87\x6f\x1c\xe8\x22\x35\xd4\xe2\x4e\x05\x3c\
\x61\x1e\x84\x86\x08\xdf\xba\x70\x44\x88\x30\xc2\xa3\x3d\x8a\xa3\
\xab\xd7\x1a\x3a\x5e\x49\x80\x16\x66\xb0\xda\x2f\xbc\xe0\x80\xb4\
\xee\x86\x52\x16\xc0\x54\x2b\xe4\xd7\x26\xa9\x69\x81\x9c\xc9\x5b\
\x40\x6d\x91\xb0\xc4\xb0\xad\x81\x22\xdb\x96\x03\xfb\xce\x64\x5f\
\x2d\x24\xa0\x9c\x72\x93\x2a\x18\x78\x48\x94\x8e\x61\xe2\x02\xe7\
\x8a\xa8\x7b\xa0\xbc\x85\x93\xe6\x64\xd5\x5f\xe8\x36\xcc\x66\x5c\
\x08\x17\xd9\x43\x1d\x12\xe0\xd3\x6d\xce\x1c\x59\x93\x68\x7b\x0b\
\x23\x49\xb0\x38\x89\x90\xf0\xa2\x00\x40\x7d\x96\xa8\x65\x1e\x4b\
\x31\x80\x0b\x04\x23\x01\x06\x28\xcc\x22\x62\x7c\x86\x34\x5c\xa9\
\x01\x64\x06\xe0\x02\xf8\x6d\x07\x7b\x7f\x6e\x62\x62\xe8\x5d\xbb\
\x49\x3e\x30\x05\x40\x00\x65\x0b\x98\x9d\x11\x0c\xa0\x81\xab\xd8\
\x95\x00\xfb\x84\x80\x07\x14\x40\x81\xc1\x50\xa0\x94\x1c\x59\x74\
\xab\xc2\xb7\x95\xf5\xd6\x86\xdd\x39\x09\x00\x35\x0d\x01\x9b\x63\
\x27\x7a\xa9\x47\x68\x6a\x42\x58\x33\x97\x23\xdc\xd4\x2e\x2a\x89\
\xc0\xe9\x0a\x40\xff\x74\x5d\x57\xc0\x8e\xbc\x5a\xe6\x72\x58\x7e\
\x09\x07\xc4\x19\x01\x08\x20\xb1\x00\x3c\x00\x11\x40\x28\xc1\xb1\
\xa6\x98\x48\x07\x54\xc5\x05\x06\x17\xae\x23\xae\x84\x40\xd0\xbc\
\x8c\x0c\x77\x06\x7b\x09\x41\xb6\xc7\x14\x95\x20\xdf\x64\xa3\x8a\
\xe7\x45\x4c\x40\x66\xb5\x81\x80\x85\x0f\xe1\xdc\x9e\xab\x78\x5f\
\x1c\x90\xdf\xf1\x65\xc1\x43\x15\xe0\xf9\xbd\xba\x8e\x12\x10\x83\
\xc1\x7a\x4e\x59\x00\xdf\xa7\xe2\x33\xc4\x4c\xe8\xda\x7f\x0f\xc3\
\x04\x62\xdc\x87\xfd\x82\xe1\xc8\xa1\x17\xfa\x4f\x5e\x17\x53\x97\
\x5a\x29\x0d\x04\xc8\x64\xf9\x3a\xf1\x10\xb9\x6d\xd6\x0b\x09\xa8\
\x80\x2f\x65\x9f\x94\x02\x68\xc0\x39\x19\xed\x00\x07\x3a\x50\xe0\
\x57\x68\x80\x13\x78\xa3\x9f\x49\x08\xfc\x85\x0d\x78\xce\x21\xe0\
\x0d\x0f\xd8\x5b\x91\x80\x26\x70\x40\xa0\x5b\x21\x13\x17\x56\x9f\
\x28\x89\x10\x0a\x55\x0f\x68\x3e\x8d\x94\xe1\xec\x84\x4c\x44\xfd\
\xad\x1a\x63\xa2\x26\x92\x24\xe2\x52\x20\xdc\xeb\xc7\x04\x83\xcf\
\x73\x00\xdd\xf7\x47\x23\xe5\xd7\x00\x6e\x97\x7f\xd5\xb3\x35\xe1\
\x57\x01\x7b\x56\x04\x4c\x42\x4e\x2c\x96\x44\x04\xe8\x13\xca\xa4\
\x6c\x04\x80\x00\xff\x0f\xb0\x01\xb0\xc1\x29\x2b\x66\x35\x66\xf4\
\x80\x3e\x81\x01\x27\x76\x35\x0a\x71\x25\x6b\x50\x38\xae\xc7\x81\
\x83\x24\x62\xf7\xb1\x1a\x24\x66\x82\x98\x00\x09\x6d\x36\x24\x1e\
\xe0\x78\x2c\x48\x07\x58\x86\x21\x0b\x40\x7c\x33\x68\x09\x14\x40\
\x69\xc2\x02\x02\xc9\x95\x83\x7d\x04\x24\x30\xb2\x81\x40\x38\x4e\
\x12\x06\x4e\xf4\x56\x84\x98\x70\x4f\x9a\x66\x16\x98\xa4\x84\xad\
\xc0\x01\x42\xb6\x38\xef\x03\x85\x99\xd0\x04\x2f\x98\x1d\x13\x01\
\x75\x56\x68\x09\x09\xb0\x01\xed\x23\x11\xa5\xa3\x6b\x06\xd5\x85\
\xad\xe0\x21\xd7\x73\x00\x16\x60\x01\x93\x61\x35\x29\x56\x66\xf2\
\xc6\x07\x7c\xb3\x74\x66\x58\x08\x09\xd0\x2d\xa6\xc0\x19\x6d\x63\
\x76\x2c\xc6\x69\x7a\x06\x09\x5b\xe6\x07\x15\x40\x87\x75\x58\x08\
\x19\x00\x1d\xc9\x86\x00\xca\x42\x04\x19\x90\x3a\xee\xa7\x6e\x43\
\x00\x1c\xb1\x02\x01\x2b\x58\x88\x84\xc0\x64\x2d\xc4\x85\x42\xb0\
\x01\xe7\x22\x44\x46\x70\x01\x2f\xe7\x0b\x58\x64\x89\xca\x90\x51\
\x49\x10\x3c\x26\xf1\x3c\x46\xe0\x00\x0a\xf0\x3f\x8c\x45\x8a\x4a\
\x51\x58\x26\x61\x69\x47\x30\x17\xf0\x07\x8b\x33\x21\x00\xf3\x95\
\x0e\x0f\x20\x83\x33\xb8\x58\x10\xaf\x03\x21\x13\xf5\x8b\xeb\x21\
\x85\xbe\xd0\x0b\xf4\x42\x8c\xe1\x61\x2c\x6e\x11\x53\xf3\x40\x00\
\x79\x13\x53\x1b\xa4\x8c\xd4\x31\x01\x73\x71\x36\x99\x82\x71\x99\
\x72\x01\x9a\x48\x8d\xca\x18\x04\x00\x21\xf9\x04\x09\x03\x00\x22\
\x00\x2c\x00\x00\x00\x00\xb3\x00\xa2\x00\x00\x06\xff\x40\x91\x70\
\x48\x2c\x1a\x8f\xc8\xa4\x72\x29\x32\x74\x2a\x12\xc5\x03\xa3\xb8\
\x50\x0c\xcc\xac\x76\xcb\xed\x7a\xbf\xe0\xf0\xd0\x32\x00\x98\x03\
\x80\x45\x80\x70\x50\x08\xc4\xf0\xb8\x7c\x4e\x4f\x18\x3c\x90\x47\
\x96\x82\x08\xf9\xff\x7f\x00\x08\x6f\x74\x85\x86\x87\x86\x09\x09\
\x1d\x11\x04\x03\x01\x0b\x1d\x84\x49\x0e\x0b\x80\x97\x21\x0d\x13\
\x88\x9c\x9d\x9e\x4c\x06\x0f\x20\x8e\x97\x0d\x58\x4a\x1d\x00\x98\
\x80\x03\x09\x9f\xaf\xb0\x9d\x0a\x0d\x01\xab\x21\x01\x16\x4a\x02\
\x07\xaa\xb6\x21\x0b\x1b\x59\x18\x93\xb1\xc5\xc6\x46\x10\xb5\xbe\
\x04\x0a\x09\x02\x05\x22\x13\x09\x1c\x18\x0f\xc9\xbe\x7e\x00\x1e\
\xc4\x46\x02\x16\x04\x01\x15\x19\xc7\xe4\xc6\xde\xd8\x21\x00\x07\
\x16\x15\x15\x07\x07\x04\xe0\x68\xe8\x7e\x0d\x17\x02\xae\xdd\x1a\
\x03\x7f\x01\x10\xe5\x00\x5f\x3d\x50\x86\xcd\x4c\xba\x83\xf4\x00\
\x99\x59\xd7\xe1\xd4\x10\x05\x07\x30\xf9\x0b\x48\xd1\x50\x06\x0e\
\x04\x13\x6a\xf4\xb5\x80\x00\x02\x0f\x18\x0c\x50\x68\xd0\x0b\xd3\
\x00\x09\x15\x53\xc6\xd1\x60\x69\xa3\x4b\x5f\xaa\x08\x34\x00\x57\
\x10\xc4\x38\x95\x38\xb9\x14\xc0\xf0\xb2\xa7\xcf\xff\x4b\x11\xf2\
\xe5\x54\x29\x80\x9b\x91\x04\x16\x1a\xfc\x5c\xfa\x32\x80\x04\xa3\
\x43\x01\x72\x90\x00\xc1\x21\x91\x09\x1f\x78\x31\xdd\xaa\x71\xc1\
\x87\xa8\x29\x13\x6c\x50\x1a\xa0\x8d\x50\x3b\x08\xe6\x71\x5d\x0b\
\x73\x01\x34\xb0\x14\x1f\x10\x28\xd9\x60\xc3\x33\x0d\x8d\x4a\xb2\
\xdd\x8b\x09\xc4\x5b\xb8\xe4\x26\x48\xe0\x77\x49\x50\x05\x02\x7c\
\x13\xdb\x32\x05\xf8\x18\xbe\x08\x19\x0b\xeb\x55\x4c\xf9\xa4\x81\
\x9b\x8d\x5f\x69\x48\x4b\xb9\xf3\x46\x41\x0e\x32\xbf\x72\x50\x61\
\xb2\xe7\xd3\xb6\xd2\x3c\x80\x0a\x55\xb4\x17\x01\x20\x4c\xa3\x9e\
\xad\x90\x80\x05\x0a\x44\x12\x28\xb0\x20\xc1\xaa\xeb\xd7\x16\x64\
\xd3\x1e\x7e\x0b\x42\x81\x0c\x05\x2e\x40\x28\x33\xc0\xf8\xef\x30\
\x14\xb4\x12\x9f\x0e\xc8\x76\xde\x40\x15\x42\x3f\xff\xa2\x80\x30\
\x75\xea\x66\x4c\x2f\xf0\xb0\xfd\xcb\x84\x88\xdf\xd3\xdb\x1a\xf0\
\xe0\x6f\xf9\x2c\x19\x22\x08\x57\x0f\x5e\xd3\xfb\x2d\x06\xca\xd0\
\xdf\x1f\x88\x80\x86\xfb\x4c\x44\x37\x1f\x7f\xd3\x39\xd5\x1a\x80\
\x22\x50\x00\x01\x81\x0c\xde\x82\x00\x82\x49\x40\xd0\x52\x83\xfb\
\x31\x03\xa1\x11\x19\x28\x30\x21\x85\xea\x2d\x80\xff\x12\x82\x05\
\x6c\x42\x84\x01\x73\x71\xb8\x9f\x04\xb8\x01\x68\xc0\x01\x08\x54\
\xf0\x81\x00\x0e\x68\x00\x82\x89\xfb\xd9\x87\xa0\x56\x01\x04\x30\
\x00\x02\x34\xd1\xa8\x5e\x04\xda\xdd\xc7\x13\x26\x03\xfa\x88\xda\
\x00\x1c\xdc\x68\x24\x87\x00\x54\x70\x60\x63\x1a\x2c\x69\xe2\x00\
\x18\x60\xf6\x1c\x7a\x52\x36\x28\x48\x8a\xcf\x71\x90\xe5\x94\x0a\
\x94\xa7\xd4\x97\x14\x02\xd0\x00\x97\xa2\x69\x50\xe4\x77\x67\xa4\
\x31\x80\x23\xf2\xd4\xb2\xe6\x69\x00\x3c\xf5\x9b\x06\x25\x36\xb8\
\x40\x03\x11\x44\xc1\x81\x01\x06\x4c\xa0\xc1\x04\x1d\x58\x00\x01\
\x01\x6a\xa8\x67\x26\x06\x17\x38\xb0\x01\x07\x1d\x5c\x00\x97\x00\
\x12\x44\xc6\xe6\x00\x07\x48\x60\xd7\x38\x56\x12\x01\x8d\x02\x10\
\x20\xe0\x1d\x75\x03\x34\x30\xc0\x02\x00\xbc\xa9\x41\xa7\x38\xad\
\x38\xa7\x62\xa9\x1e\xb0\x41\x01\x4f\x1e\x61\x80\x02\x15\x8c\xaa\
\x28\x04\xb5\x02\x24\x80\x8c\x96\xa2\xa6\x8e\x07\x0e\xb0\xba\x05\
\x05\x1b\x80\xa0\x2b\x78\x07\xb8\x17\xd5\x05\xcb\x7a\x06\x00\x01\
\x10\x04\x09\xc7\x05\x49\x05\x3b\x5c\x00\x97\x01\x86\xc1\x98\xb3\
\x4d\xab\x81\x50\x73\x78\x40\x92\x7a\xfe\xf4\x0a\xff\x90\x01\xda\
\x26\x26\x48\x92\x88\x08\x20\x9f\x7a\x07\x88\x08\x96\x04\xb4\x95\
\x95\x80\xb1\x72\x64\x60\x40\x05\xed\x9e\xb6\x80\x6f\x39\x9d\x8b\
\x1a\x08\xff\x7d\x32\x41\x1f\xdf\xe1\xa2\xee\x31\x1b\x20\x46\x27\
\x63\xb0\xf0\xf1\xea\x5e\x66\x3a\xab\x52\x07\x01\xaf\x35\xc0\x06\
\xfc\x22\xc2\x81\xc4\xc4\x01\x10\xc1\xc3\xc5\x14\xb0\xe0\x69\x03\
\x54\x70\x4c\x01\x0f\x44\x4b\x59\xaa\x08\x38\x80\x72\x2c\x02\x90\
\xdc\x99\x3d\xe4\xc8\x7b\xf1\x52\x01\x7c\x44\x2e\x4e\x05\x70\x2c\
\x70\x2e\xe5\x74\x87\x9a\x87\x43\x53\x94\x00\xb2\xd8\x4a\x80\xea\
\x69\x08\x10\x8c\x33\xc0\xa7\x1d\x80\x66\x45\x02\xc8\xf5\x88\x5a\
\x9e\x0d\x80\x34\x40\x2c\x65\x1d\x32\x39\x17\x80\x4b\x1b\x01\x56\
\x17\xe3\x00\xc3\x9d\x69\x9d\xd3\x04\x32\xcf\x1c\x01\xd7\x0a\x74\
\xcc\x14\x01\x4d\x07\xb4\x41\xdd\xb0\x26\x4c\x91\x01\x6a\x27\xb6\
\x00\xbc\x2a\xfd\x4d\x9c\x8d\x14\x09\x80\xc0\xcf\x2e\x05\x20\x78\
\x4a\x0a\x40\xce\x14\x02\xf6\x06\x44\xa9\xb4\x7a\xe0\x64\x81\xde\
\x6c\x99\x8c\xd3\x07\x80\x33\x05\xc0\x6a\x44\x75\x50\xf2\x03\x67\
\x17\x93\x5f\x67\xa2\xe3\x54\xda\x70\xec\xb5\xaa\xff\x73\x62\x5a\
\xdf\xcc\x49\x01\x12\x58\xfe\x53\x00\xe4\xa9\xe4\xc0\xed\xb8\x6f\
\xa0\xc1\xd6\xe4\x78\x50\x86\xef\x4d\x61\x80\xd3\x79\xb3\x79\x54\
\x55\x40\x05\x18\x20\xc1\x4c\xa0\x2f\x35\x40\xf0\x29\x15\x40\x7c\
\x67\x2d\x5b\x0b\xd0\x06\x1d\x18\xac\x58\x00\x20\xab\x44\x38\x71\
\x03\x88\x1f\x50\xef\x9d\xe1\x82\x53\x02\x1b\xa2\xd6\x80\xfb\x00\
\x29\x3d\xb3\x9d\x29\x6d\x50\x7f\xd6\x99\x1b\x5c\xf6\x7a\x22\x08\
\x9c\xe8\x8f\x36\x07\xd0\x5d\x27\xd6\xb7\xb3\x00\x96\xa3\x6b\xd3\
\xa9\x40\xdf\xca\x91\x00\xf3\x25\x06\x49\x2a\x91\x4e\xb8\xee\x86\
\x13\xc7\x31\x8f\x1e\x00\xb0\x80\x02\x0d\x81\x81\xef\xc1\xce\x02\
\xad\x33\xc6\xbc\xe2\xa6\xb1\x63\xc4\x8c\x38\xf2\xeb\x60\x70\x3c\
\xb3\x80\xc9\x05\xa6\x02\xd3\x19\xc0\x57\x72\x32\x90\xd3\x48\x30\
\x20\x78\x12\xd6\x00\xde\xd4\x80\x7f\xe4\xa4\x00\x1f\x40\x0d\x01\
\x10\x77\x0c\x07\xe0\xeb\x34\x04\x90\x00\x35\x28\x20\x8d\xa1\xc8\
\x05\x35\xfe\x68\xe1\x2b\x22\x86\x9a\x07\xe0\xaf\x22\x05\x50\x80\
\xb2\xf2\xf5\xa2\x63\xfc\x6b\x69\xc1\x88\x8a\x82\xc0\x36\x9b\x03\
\x7c\xb1\x13\x16\xf8\x5f\x62\x78\x16\x95\x38\x52\xff\x27\x00\x40\
\x2a\xc6\x2c\x84\xf5\xa0\xa8\x08\x60\x03\x03\xdc\x4b\x0c\x5f\x51\
\x00\x5a\x08\xab\x03\x70\x29\x21\x9b\x16\xf0\x80\x09\xd2\xe1\x02\
\x11\xa0\xcd\x02\x1c\xa8\x92\x02\x68\x70\x3a\x5e\xe9\x04\x3e\x38\
\x33\x9b\xaa\x4d\xca\x68\x97\x82\x00\xf2\xe4\xb0\x99\x40\x02\xcd\
\x88\x70\xa1\x80\x09\x25\x59\x95\x11\x22\x21\x01\x1a\xb0\xe0\x69\
\x02\x80\x48\xc0\x24\x00\x6e\xea\x69\x80\xf3\xe4\x90\x80\x43\x7d\
\x90\x80\x12\xd0\x62\x4a\x28\x65\x4a\xca\x78\x12\x0c\x02\xa0\xc0\
\x03\x2e\x49\xbb\xce\xc1\x85\x6e\x0a\x49\x8f\x19\xaa\xe6\x00\x47\
\x16\xe1\x19\x06\x18\x0b\x1b\x0b\x84\x80\x5d\xfa\x71\x30\xa7\x6a\
\x80\x38\x4b\x97\x35\x0b\x7c\xc0\x00\xcf\xb8\xe6\x33\x1c\x40\x01\
\x31\x82\xe3\x97\x1e\x43\x00\x05\x52\x18\x18\x64\x01\xaa\x7a\x2b\
\x94\xe6\x02\x16\x90\x29\x08\x7c\xe0\x03\x1e\xd8\x8d\x04\x22\x00\
\x8f\x6d\xee\x07\x00\xbc\xfa\x8d\x80\x18\x84\x86\xaf\x19\x94\x42\
\x1d\x68\x61\x01\x0a\x40\x45\x40\x5d\x40\x01\x1a\xf0\x40\x07\x38\
\xe0\x4a\x31\x80\x92\x4c\x0c\x6a\x80\x0d\x85\x10\x2a\x71\xc6\x03\
\x1c\x0e\x5d\x80\x37\x8b\x11\x1d\x90\x36\xc8\x02\xff\xee\x5b\xdf\
\x7c\x02\xb0\xc3\x63\x70\x40\x8e\x2e\x9d\x8e\x48\x8f\x00\xcd\x82\
\x9c\x8c\x1c\x09\x88\x4d\x4e\x15\x65\x81\xbe\x75\x80\x9c\x04\x18\
\xe5\x27\x2e\xb2\xca\xa1\x9e\x66\xa7\x46\x28\xda\x9a\x16\x20\x29\
\x24\x60\xe0\x03\xc2\x84\x43\xa5\x9c\x3a\xcb\xc2\x34\x12\x09\x42\
\x45\x07\x4d\x8d\x02\x4b\x38\x8d\x54\x0e\x1f\x80\x27\x57\x6d\x11\
\x80\x06\xb4\x83\x24\x68\xa8\xcb\x2b\x67\x04\xc2\x08\x38\xcb\x89\
\x53\x5b\x43\x4d\xe9\xc0\xc9\xb5\xf2\xe5\x00\xab\x62\x27\x24\x1d\
\xa1\x29\xb2\x36\x15\x10\x0d\x10\x0a\x3e\x0e\x30\x2a\x33\x7d\x55\
\x0e\x02\x38\xa0\x5f\xd9\x62\xa1\x21\x4c\x60\x39\xf5\xa8\x40\x55\
\x87\xa0\xc8\x84\xe0\x91\x02\x6f\xe8\x00\x96\x4a\xd1\x01\x4a\x7a\
\xa1\x84\x6a\x9d\x6c\x20\x9a\x41\x04\x09\xb1\xa2\x01\x48\x13\x00\
\x06\x56\xa6\x91\x21\x56\x80\x47\xd8\x88\x84\x35\x85\x81\x4b\xd5\
\x6e\x65\x00\x1c\x1c\x82\x04\x88\x17\xab\x0e\x48\xc8\x94\xaf\xaa\
\x13\x1c\x24\xeb\xdb\xa5\x6c\x89\x08\xca\x13\x4e\x78\x52\x0b\x93\
\xe0\xbe\x86\x03\xe4\x6c\x2e\x3d\x64\x35\x04\x01\xe4\x87\xba\x4c\
\xc1\x23\x3d\x91\x70\x54\xed\x02\x4d\x03\x6f\xf1\xff\x6e\xe1\xf6\
\xb3\x57\x2f\x4c\x20\x9f\xe6\x75\x09\xdb\x86\xc0\x81\xde\xee\xe7\
\x00\x6d\xdb\x42\x01\xb0\x16\x5f\x97\x50\x49\x08\x14\x88\x64\x83\
\xd8\xd3\x51\xce\xca\x32\x04\xd9\xf5\xad\x3a\x36\xb1\x30\xf0\x9a\
\xee\x98\x71\x48\x80\x74\xa6\x15\x81\x0e\x94\xaf\xbf\xab\x08\x40\
\xe7\x3e\x50\x4c\xca\x10\xa0\x96\x90\xf5\x00\x4a\xe5\xe9\x8a\x04\
\x78\xe0\x00\x1d\x76\xa9\x3a\xa0\xe1\x8d\x14\x0b\x12\x04\x87\xb0\
\x9e\x02\x02\x78\x81\xc7\x61\x98\x15\x61\x12\xc1\x05\x98\x39\x9d\
\x54\xe5\x37\x5e\x57\xbc\x71\x1a\x84\x42\xa2\xfd\x0c\xa2\x89\x1f\
\x30\x64\x7f\xdb\xe0\x29\x0d\x11\x30\x47\x0d\x78\xc7\x01\x16\x90\
\x60\xc4\x16\x38\x0c\x0a\xc8\x13\x48\x01\x90\x23\xb6\xd6\xab\x53\
\x0e\xe0\x31\x4c\xca\xd2\x01\x0c\x50\x20\x34\xd2\x78\x40\x05\x70\
\xca\x56\x0b\x64\x95\x13\x02\xe0\x80\x83\x85\x15\x45\x09\x88\xea\
\x12\xfe\xd8\x6c\x6e\x68\x4b\x8f\xb2\x28\xe0\x8b\x0e\x68\xf0\x46\
\x1a\xf0\x00\x0e\x34\x2a\x34\xe3\x85\xc3\xe7\xc8\x34\xad\x56\x8a\
\x00\x03\xca\xea\x05\xb5\x92\x90\xb3\x8d\x40\x60\xa5\x47\x18\x47\
\x0f\x35\x92\x23\x44\x21\x00\x01\x1d\x78\x51\xa2\xff\xbd\x90\x80\
\xd9\x49\x29\x0d\x55\xe3\x46\xcc\x52\xf5\xe7\x24\x90\xc1\xb3\x79\
\xcc\x02\x12\xd9\x9c\x9a\x74\xd0\xec\x8d\x71\x58\xd1\xa9\x83\xd6\
\xea\x6e\x4c\xe0\x01\x6e\x38\x82\x00\x2e\x50\xbe\x35\x99\xa9\x0b\
\x01\x76\x71\x03\x3c\x31\x81\x39\x27\x26\x8a\x59\xed\x54\x51\x28\
\xe0\x01\x3b\x3f\x62\x4e\xdc\x72\xef\x7a\x37\x32\x5f\x4e\x2c\x1a\
\x84\xd2\xfc\xe1\x16\x22\x8b\x00\x53\x21\x44\x23\x09\xed\x02\xef\
\x52\xdc\x6d\x44\x8c\xa4\x20\x0d\x40\xc0\x01\x0c\xe9\x6c\x98\x38\
\x89\x0b\x23\xf1\xdd\x02\x72\xec\x05\x55\xfe\x4e\xcf\x86\x28\x00\
\x07\x0e\xb5\x8a\x34\x38\x60\xa2\x1c\x18\x38\xa2\x5c\xfc\x12\xbb\
\xe2\x5b\x3f\x2f\x99\x96\x52\x99\x10\x66\xdf\x0d\xe0\xac\x85\x98\
\x00\xa8\x6e\xf7\x61\x22\x08\x60\x1c\x1e\xb0\x40\x04\xaa\x1c\x88\
\x33\xe8\x08\x1d\xea\xe8\xc2\x04\xb6\x9d\x10\x10\xb8\xb2\x00\x33\
\xec\xc9\x00\x26\x9e\xf1\x8d\xa7\x43\x6c\x4a\x98\x80\xf2\xfa\x4c\
\x44\x04\xf4\xc9\x02\x0a\x00\x15\xad\x33\x41\x73\x23\xb4\x94\x80\
\x11\x18\x75\x11\xb6\x2a\x73\x7e\xbf\xa2\x9d\x10\x80\x6d\xd1\x57\
\x4e\x8f\x0a\xfc\xc9\x01\x36\x23\xc6\x35\x52\x43\xff\x00\xdd\x8d\
\xf6\x33\xc1\x0c\x83\x05\x7e\xb2\xbd\x26\x3a\x83\x09\x05\xb0\xef\
\x25\x92\xaa\x84\x0b\x4c\x4d\x32\x0d\x28\xe3\x16\x6e\xe9\x13\x93\
\xb9\x92\x98\x3f\x69\xef\x11\x4d\x6d\x8b\xec\xe8\xa2\xbc\xd9\x28\
\x55\x05\x14\xf0\x63\x24\x58\xd2\x72\xea\xd8\x2d\xa5\xe9\xda\x13\
\x0d\x03\x46\x00\x10\x98\x0f\xce\x97\xd0\xe0\x3d\x41\x80\x03\x13\
\x28\xca\x17\x7c\xe6\x93\xc4\x82\x81\x70\xbe\x0b\x80\xd3\x87\x92\
\x81\xbf\xa9\x42\x3c\x69\xd4\x45\x36\x31\xff\x66\xb4\x47\xde\x27\
\xa2\x57\xe0\xaf\x48\x6e\x6b\xe0\x72\x0f\x2c\x19\x90\x00\x8b\x64\
\x42\x65\xe6\x1c\x60\xdc\x74\xe0\xfb\x4b\xfa\xd8\x05\x79\x69\x84\
\xcb\x6f\x8a\xc0\x03\x2e\xd0\xfa\x61\x66\xde\x0a\x1c\x50\xc0\x06\
\x3c\x50\xf4\x78\x3d\xd1\x27\xe3\xd1\x5d\xe5\x12\x82\xa9\x07\xdc\
\xf3\x42\x9a\x7b\xb5\xef\x3c\xaf\x85\x0c\x24\x40\xcb\xbe\x08\x1a\
\x68\xc1\xdf\x3d\x08\x44\x9d\x16\xcb\x3b\xbe\x2e\xb5\xb0\xd0\x3e\
\xeb\x9d\xfd\xd4\xcb\xc0\x05\x6e\xf5\x00\x04\x0c\xbd\x1f\x0d\x70\
\x7b\x48\x70\x62\xdc\x66\x5a\xf8\x97\x12\x0e\x00\x5f\x05\x41\x00\
\x15\x40\x01\x1a\x23\x70\x52\xe3\x12\x03\x73\x80\xff\x80\x51\x64\
\x1b\xa1\x23\x50\xa0\x01\x98\xb7\x1b\x11\x80\x2a\x3f\xa3\x7e\x14\
\x08\x16\x69\x67\x39\x68\x40\x65\x39\xc2\x3c\xdb\xd3\x7c\x21\x58\
\x0c\x02\x20\x7c\xdf\x31\x00\xa3\xb7\x82\x14\x81\x27\xf5\xf6\x19\
\xf3\x27\x83\x60\xd4\x57\xf4\x51\x27\x4a\x87\x83\x86\x10\x64\x04\
\xe2\x78\x3e\x58\x0e\x06\xa0\x76\x8a\x82\x00\x2a\x38\x84\x74\x10\
\x46\x0c\xc7\x17\xa9\x22\x80\x4a\xf8\x0a\x15\x44\x21\x1e\x12\x85\
\xc7\xc0\x5c\xf4\xb1\x00\x2e\x63\x85\xc6\x10\x54\x4d\xe8\x31\x10\
\x60\x80\x5c\xd8\x09\xd7\x37\x33\x7b\xf2\x4e\x7d\x07\x70\x63\x08\
\x0b\x02\x40\x3a\x05\x71\x72\x2f\xb1\x23\x56\x00\x79\x3d\x02\x08\
\x11\xa0\x86\x6b\x08\x0b\x0e\x90\x65\xa9\xd1\x06\x1d\x30\x5c\xd9\
\x83\x50\x56\xc1\x01\xa3\x10\x08\xf5\x92\x87\x00\x91\x00\x0f\x20\
\x4b\x4e\x51\x55\xb4\x62\x84\x12\xe1\x4c\x43\xb0\x08\x20\x80\x06\
\x7c\x73\x65\x88\x28\x06\x49\x46\x10\xb0\x45\x0c\xbf\x02\x3a\x33\
\x87\x04\x06\x40\x88\xa9\x97\x89\xe3\x33\x62\x98\x26\x04\x53\x48\
\x0f\x04\x90\x8a\xdd\xd5\x83\xa6\x78\x08\x13\x00\x05\x9a\x77\x14\
\x62\x56\x0a\x8a\x17\x8b\x61\x91\x04\xb9\xd7\x31\x36\x82\x90\x8b\
\xba\xd8\x18\x18\x50\x3a\xca\x15\x8c\x10\xf2\x6e\x44\x52\x7b\x31\
\x68\x8c\xdb\x01\x33\x8f\xf0\x26\x44\x14\x65\x2c\x62\x01\x85\xc7\
\x8c\x99\x61\x00\x1a\x40\x78\x80\x72\x05\xcf\x30\x51\xc0\x68\x8d\
\xc1\x18\x04\x00\x21\xf9\x04\x09\x03\x00\x22\x00\x2c\x00\x00\x00\
\x00\xb3\x00\xa2\x00\x00\x06\xff\x40\x91\x70\x48\x2c\x1a\x8f\xc8\
\xa4\x72\x49\xd4\x3c\x24\x1b\x85\xc1\x31\x11\x24\x98\xd8\xac\x76\
\xcb\xed\x7a\xbf\xc7\xc9\x05\x93\xbd\x20\x42\x01\xc0\x62\xd0\x68\
\x20\x24\x8f\x02\x78\x4e\xaf\xdb\xef\xc4\x82\x61\x03\x39\x10\x08\
\x10\x57\x4b\x0a\x03\x21\x86\x87\x21\x00\x00\x0d\x06\x78\x8e\x8f\
\x90\x8e\x13\x06\x0f\x08\x04\x01\x01\x87\x04\x8d\x4a\x02\x12\x88\
\xa0\x89\x0a\x02\x91\xa5\xa6\xa7\x4b\x15\x0b\x69\xa1\x00\x20\x0e\
\x4b\x04\xa1\x88\x01\x12\xa8\xb7\xb8\xa6\x1c\xb2\xb3\x86\x03\x0a\
\x49\x02\x0f\x85\xbd\x86\x12\xa4\xb9\xc9\xca\x73\x06\xc4\xbd\x00\
\x08\x18\x14\x09\x06\x17\x1c\x0a\x1f\x0f\x16\x03\x00\xc5\x89\x11\
\x58\x06\x14\xcb\xe4\xe5\x18\xbc\xde\x04\x6d\x04\xab\x03\x98\x8a\
\xde\x86\x07\xb0\xc1\x13\x0d\x01\x20\x82\xe5\xfb\xa8\x05\x04\xdd\
\xf1\x02\x7a\x5b\x24\x65\xc2\x91\x0b\x07\x00\x06\x80\xc0\xaf\x61\
\x29\x0a\x07\x04\x4a\x2c\xa6\x88\x40\x04\x09\x8d\x90\x5d\x88\x10\
\x6a\xc0\x03\x87\x20\xed\x58\x71\x36\xb1\x64\xc7\x01\x08\x14\x6c\
\x98\x80\x80\x24\x22\x02\x1b\x42\xca\x2c\x42\x8d\x4c\x92\x04\x0f\
\x22\x9a\xdc\xf9\x8c\x80\xbb\xff\x78\x15\xe4\xcc\x0c\x29\x00\x42\
\x03\x40\x06\x89\x08\xa0\xf0\x21\x21\x40\x9e\x50\x77\x36\x40\x36\
\xb4\xa1\x86\x08\x99\x42\x2c\xc0\x28\x44\x80\x03\x0d\xf7\x9e\x46\
\x1d\x3b\x31\x42\xd2\xaa\xe5\x12\x70\x68\x20\x16\x40\x84\xa5\x1e\
\x0e\x70\x23\x4b\x77\xe2\x00\x5b\x68\xcb\x09\xb0\xf0\x6f\x16\x9b\
\xac\x75\x03\x07\x1c\xa0\x21\x2f\x39\x03\x10\x5c\x0a\x5e\x6c\xb2\
\x81\xe1\x65\x0e\x20\x00\x66\x4c\xb9\x64\x04\x7d\x8f\x6f\x4d\xd0\
\x59\xb9\xb3\x40\x35\x1e\x30\x67\x36\x55\x00\x81\x58\xcf\xa8\x7b\
\x35\xe0\x40\x75\xb4\xa9\x73\xa9\x63\x53\xc4\xeb\x9a\x74\x84\xd3\
\xb2\x65\x03\x18\x10\xe1\x82\x11\x2b\xb5\xeb\x64\xe0\xb0\x20\xb7\
\x71\x44\x03\x2a\x18\xa0\x4a\x41\x42\x04\x0b\xe3\x82\x83\x11\x80\
\xee\xf8\x71\x46\x02\x0c\x48\xb8\x17\xc2\x63\x6b\xe9\x5b\x3c\x4c\
\xb6\x9e\x1b\x40\x00\x3f\x62\x3d\x0a\x05\x9f\x45\xc0\x84\x05\xb8\
\xc9\xcb\x37\xd4\x20\x3a\x7b\x2c\x1a\xce\xcc\xdf\x0f\x6a\x91\xef\
\xfb\x4b\x50\x60\x1a\x7f\x04\x1e\xb2\xd0\x77\x00\x12\x91\x01\x08\
\x8a\x15\x38\x1f\x00\x10\xac\x07\x1e\x15\x9c\x08\xe1\xc0\x03\xf1\
\x39\x38\x5f\x7d\x00\x1e\xe0\xff\x06\x04\x18\x14\x70\x61\x83\x1a\
\xce\xf7\xcb\x7d\x9f\x18\x82\xc9\x01\x72\x95\xa8\xe1\x79\xf7\x09\
\x30\x9e\x8b\x2e\x22\xf0\x1f\x78\x1c\xd1\xa8\x63\x08\x07\xc4\xc4\
\x9e\x01\x3b\xea\x18\x80\x01\x12\x06\xc7\x59\x90\x1a\x36\x70\xa3\
\x74\x1b\x20\x49\x23\x00\x1d\x20\x38\x5a\x03\x4e\xd2\x88\x80\x94\
\x8f\x69\x30\x63\x95\xfc\x05\xe0\x01\x96\x79\x19\x70\xc0\x96\x5c\
\x6e\x68\x5f\x6d\x62\xba\xa8\x48\x1a\x3e\x5d\x02\x1f\x2b\xfc\x0d\
\xe0\x41\x06\x13\x26\xc6\x9f\x22\x6c\x44\xf0\xc0\x07\x18\x60\x30\
\x09\x05\x1b\x60\x20\x41\x05\x63\x92\x19\x1b\x00\x04\x9c\x89\x66\
\x05\x86\xa2\x66\x5e\x03\x16\x6c\xa0\xa8\x11\x09\x50\xd3\x47\x75\
\xc6\x05\xf0\x11\x7b\x18\x14\x67\xdd\x00\x20\x44\xd9\x85\x01\x1e\
\xa8\x62\x1d\x00\x07\x5c\x30\x41\x01\x14\x38\x50\xe1\x63\x1b\x78\
\x9a\x1b\x1b\x5f\x82\xc9\x04\xa0\x58\x59\x47\x00\x02\x1e\xb6\x61\
\xd6\x63\xc2\x18\x67\xde\x03\xaf\x32\xf3\x00\x5b\xa7\x1e\x32\xc0\
\x05\x74\x1a\x46\x65\x6e\x07\x7c\xf0\x48\x01\x0a\x8c\xf9\x60\x05\
\xb6\x36\xb4\x01\x89\x8c\x05\xd0\xc0\x59\x8f\x18\x30\xa0\x7c\xdf\
\x1a\x26\x99\x6c\x20\x30\x4b\xff\xda\xb9\xe4\x2d\x60\x53\x55\x02\
\x1e\x6a\xe3\x2d\xe2\x36\xda\x59\x00\x1f\x64\x5b\x8e\x03\xdc\x06\
\xa6\x46\x01\xfa\xda\x51\x1a\x79\xa8\x16\x19\x92\x05\x19\x0a\x46\
\x40\x07\xc9\x08\xb0\x4b\xc2\x9d\x11\xb0\x24\x3f\x09\x88\x98\xc0\
\x05\x7d\x79\xc6\x1b\x39\x1f\xf4\x5b\xd9\x00\x1c\x38\x44\x81\x07\
\x10\xf0\x7a\x14\xc4\x75\x1d\xf0\x6e\x32\x2c\xa1\xdc\xed\xa6\xfc\
\x48\x50\x9c\xcb\x81\x2d\x60\xc1\x3e\x06\x60\xea\xd9\xa3\xe0\x92\
\x93\x00\x04\xc7\xa1\x5a\x6c\x32\x05\xdc\x96\x5a\x45\xc4\x82\x94\
\x90\x71\x77\x35\xb4\x4b\x6a\x04\x48\x70\x41\xc0\xa8\xa4\x59\xde\
\x02\xf4\xf0\x03\x02\xcd\x50\x0d\xc0\xb0\x4c\xfe\x1c\x57\x01\x48\
\x1d\x70\xcd\x13\x61\x33\x71\xe0\xf1\x62\x01\xa8\xdb\x50\xce\x1a\
\x17\x26\x93\x06\x6b\x0b\xd6\x80\xdc\x0d\x25\x90\x63\x65\x01\x00\
\x23\xd3\x07\x66\x93\xb5\x08\xd5\xa8\x48\x10\x78\x49\x01\x7c\x7d\
\xb0\xbd\x8b\x55\xd0\xac\x43\x0a\x1c\x3e\x11\x00\x37\x13\x05\x78\
\x6e\x01\x58\x40\xf8\x29\xc4\xdd\x4b\x1b\x48\x09\xf0\x85\x49\x6a\
\x9a\xca\x94\x80\xac\x8c\x41\xb8\x39\x2a\x57\x74\x10\x81\xb5\xf7\
\x6a\xf0\x78\x43\xf6\x74\x06\xff\xcd\xea\xb8\x08\x90\x9f\xe4\x12\
\x0d\x20\x6d\x48\x61\x77\x76\xc0\xa4\x32\x3d\xc0\x38\x54\x01\x70\
\x30\x3b\x3f\x9b\x69\xfc\x41\x02\x59\xcf\x84\xc1\xf1\x3c\x95\x0e\
\xbc\xce\x8c\x35\x20\x41\x07\x43\x6b\x5b\x37\x4f\x00\xc0\xec\xd0\
\x05\xcf\xa6\xb6\x40\x03\xa2\x86\x44\xc1\xf7\x3b\x41\x28\x93\x03\
\xd4\xd3\x05\x4d\xf4\x0d\x61\x6c\x3b\x08\x06\x97\xd3\x01\xfb\x82\
\x3b\x06\x76\xc6\x94\x61\x04\x48\x84\x11\x3f\xba\x54\x80\x7e\xcc\
\x3b\x52\xea\x42\xe6\x90\xa2\x09\x0b\x1c\x33\x51\xe0\x62\x00\xf0\
\xb9\x7d\xf0\x8b\x77\x50\x79\x00\xee\x4a\x91\x00\x10\xa0\x06\x01\
\x3d\x23\xc7\x36\x98\x26\xbe\x86\x64\x80\x02\xa8\xa3\xcc\x89\x98\
\x67\x34\xcc\xf9\xc8\x21\xda\x29\x9f\x67\xde\xc2\x8f\x0d\x60\xcf\
\x33\x0b\x98\xd8\x61\x3e\xc0\x16\x0c\x96\x24\x51\x16\xb4\x80\xae\
\x74\xb8\x0c\x06\xf9\xd0\x24\xd0\x08\x21\x2e\x34\x70\xc3\x09\xa2\
\x61\x37\x08\x80\xa1\x0c\x65\xb3\x00\xbc\x25\xc3\x00\x15\x88\xcd\
\xae\x20\x00\x81\x07\xac\xa4\x81\xc8\x12\x16\x01\x56\x76\x8b\x0c\
\xec\x2f\x35\x84\x29\x80\x1c\x36\x08\x09\x4f\x1c\x11\x7c\xd8\x4a\
\x86\x02\xa6\x58\x99\x5f\x55\xff\x45\x6d\xe4\x59\x08\x02\x23\xb1\
\x99\x37\x0e\xa6\x72\x55\x81\x5b\xbb\x3c\x70\x8b\x04\x20\xa0\x80\
\x50\x81\x49\x5e\x4a\xe3\xc7\xea\x49\x20\x7f\x77\xb8\x40\x16\x0f\
\xe5\x3f\xb4\x08\x40\x3c\xf2\x41\x94\x05\xba\x47\x07\x2b\xc0\x2e\
\x36\xe9\x43\x4b\xa7\xf6\x13\x80\x03\x2e\x6f\x0e\x02\x68\x4a\x23\
\x05\x42\x00\x2b\x56\xc5\x01\x3d\x4c\x04\x3c\x8e\xa3\xc8\x3a\x64\
\xc7\x02\x70\x92\x0d\x02\x38\x49\x14\x03\x44\xa0\x01\x20\x40\x40\
\xc9\x00\xa8\x9b\x5d\x8a\x60\x83\x02\xa0\xd6\x25\x8e\x53\xca\xd1\
\x58\xa1\x00\x09\x10\x80\x00\x32\x80\xb0\x53\xb9\xc5\x00\xcb\xd1\
\x82\x7b\x72\x32\x17\xeb\x04\x82\x3d\x10\x59\xa5\x49\xce\x03\x81\
\x7c\xed\x51\x9a\x0e\xa0\x40\x07\x2a\x10\x46\xf9\xb4\xf2\x3e\x84\
\x20\xe5\x00\x16\x80\x00\x10\x58\xa0\x03\x1f\x50\x40\x07\x9e\xf0\
\x3a\x77\xcc\x92\x94\x8f\xe4\x02\x29\xd8\x58\x07\xab\x11\x68\x4d\
\x98\x18\xdd\x3f\x0b\xa4\x06\x08\x28\x71\x08\xd0\xa3\x00\x36\xb5\
\xe1\xd0\x1a\xf2\xaf\x4c\xa8\xf1\x9d\x11\x48\xf5\x01\x08\x10\xea\
\x0f\xef\x00\x40\x50\x2c\x28\x41\x8c\x66\x32\x0e\x44\x50\xc0\x1a\
\x14\xb1\x50\x43\x6c\x62\x1f\xff\xa9\xbc\xa8\x49\x29\x53\xcb\x21\
\x18\x2f\x1e\x7d\x03\x13\x24\xef\xc0\xc8\x99\xee\x47\x02\xe0\x72\
\x63\x3c\xa0\x21\x1a\x22\x3c\xa0\x02\x44\xbc\x43\x0b\x7d\x6a\x9d\
\xbb\x15\x41\x00\x4b\x2d\x46\x0e\x8f\xe0\x00\x09\x70\x63\x00\x80\
\x94\x04\x31\x99\x2a\x9b\xc4\x89\xa6\x83\x02\xf1\xd2\x46\xd9\x85\
\x28\xa4\x3a\xa2\x34\x88\xe4\x2a\x5d\xe6\x45\x93\xa5\x0d\x35\x02\
\xd1\x2b\x40\x8b\x90\x03\x82\x0d\xec\x74\x0b\x14\xa8\xa6\x5a\x6d\
\x37\x1e\x39\x21\x28\x01\x25\xf5\x8b\xdf\x44\xb0\x01\xfd\xcc\x62\
\x35\x45\xed\xc2\x03\x52\xb8\x57\xc1\x80\x2a\x02\x2d\x81\x07\x02\
\x5c\x29\x84\x09\x34\x11\x14\x01\xb0\x88\x02\x8e\x05\x31\x8f\xd0\
\xc1\x01\x1e\x6c\xac\x0a\x21\x40\x0a\x0a\x4c\x20\x02\x85\x00\xc4\
\x07\x8a\x64\x00\x3a\x0e\xc4\x3c\x2e\x4b\x22\x18\x8a\x26\x4e\xd1\
\x1a\xa3\x42\x0e\x60\x94\x21\x10\x75\x00\x42\x1e\x13\x03\x40\xf3\
\x4c\x66\x1f\x8a\x05\x43\xd6\x76\xaf\xb2\x1d\x82\x04\x30\x15\x80\
\x01\x1c\x40\x01\xa2\x4b\xcd\x95\xe6\xa0\xd2\xe3\x32\xd5\x5b\xd1\
\x53\xc0\x0d\xd7\x14\x9b\xbe\xdd\x95\x09\xc3\xb9\xac\x6d\x05\xd2\
\x00\xdf\x0e\x81\x3b\xfc\x51\xff\x59\x1d\x22\x33\x23\xeb\x06\x89\
\x00\x83\x15\x01\x6d\x09\x34\x00\x86\xdc\x41\xb7\xb2\x5c\x40\x04\
\x50\x3b\xde\x78\x58\x40\x1f\x09\xf0\x80\x83\x9c\x7a\x07\x0c\xf4\
\x30\x6a\x64\x98\x80\x07\xda\xd9\x5f\x5a\x88\xcf\x86\x05\x6a\xa6\
\x24\x2a\x00\xa2\xc7\xa5\x72\xab\x0d\x76\x0b\x32\x30\x60\xd8\xfd\
\xec\x86\x78\xb6\x3c\x02\x44\x1a\x1c\x8a\x2a\x1e\xd3\x7e\x05\x02\
\x81\x32\xdc\x63\x27\x12\x1f\x02\x01\xb0\x48\x40\x05\xdc\x5b\x12\
\xa2\x2e\x03\x8b\x32\x2d\xd3\x4b\x8f\x89\x5f\x52\x66\x35\x19\x10\
\xa0\x71\x9c\x00\x09\x16\x1f\x22\xaa\x01\x2c\x3a\xca\x45\x17\xe1\
\xc5\x31\x4c\xc2\x2b\x04\xc5\x82\x02\xd2\x5a\x25\x6f\x61\xa6\xb5\
\x67\x43\xc0\x03\x54\x25\xa2\x02\x68\xa0\xa3\x88\x1c\xc0\x3c\x07\
\xf0\x87\x03\x08\x33\xca\x4b\x90\x00\x95\xef\x94\x30\x91\xba\xd2\
\x61\x0c\xc6\x69\x03\x36\x20\xcd\x23\x54\xaa\xc3\xe0\x5b\x21\x24\
\x28\x10\x5a\x93\x3a\xd7\x12\xb3\x20\x40\x05\x12\x2b\x82\x20\x4b\
\x44\xa4\xd9\xec\x44\x07\x18\x8b\xb8\x0f\x9c\xd2\x0e\x14\x10\x6f\
\x89\xd4\x90\x12\xaf\xf0\x10\x30\x6a\xd8\xc0\x1e\x45\x90\x81\x29\
\x7f\x46\x39\x59\x70\xc0\x08\xff\xa1\x42\xc1\x47\xd7\xa1\x6c\x5c\
\xda\xcd\x01\x34\x00\xb0\x21\xac\x65\xb7\x29\x59\x82\xa1\x87\x3a\
\x95\x2d\x40\x35\x2a\x1a\x8e\x04\xbb\x82\x64\x1e\x04\x68\xfa\x08\
\x05\x80\x80\xa0\xbf\x4b\x81\x38\xcf\x22\x00\x64\xc4\x42\xb1\x79\
\x67\x63\x48\xb0\xc4\x50\x8b\x50\x32\xb9\x3a\x40\x68\x21\x54\xac\
\xda\xc7\x3c\x6d\xdd\x20\xd8\x05\xbd\x22\x91\x00\xdf\x05\xc3\x05\
\x72\x82\x1b\x6f\x35\x42\x03\x1d\x10\xf6\xe8\xba\x5a\x41\x5b\x8b\
\xc0\x00\x16\xb0\x04\xcd\x86\xf4\x85\x0b\x30\x9a\x95\x49\x15\x98\
\x06\x2c\x30\xc5\x06\xac\xac\x75\x20\x40\xaf\xa3\x14\xc7\x05\x07\
\x7c\x20\x02\xcb\x9c\x48\xaa\xbe\x00\x5a\xde\x0d\x80\x97\x77\x70\
\x00\x1f\x64\xb1\x88\xdf\xfd\xa6\x4f\xae\x1d\x6a\x22\x36\x8e\xd3\
\x12\x66\x81\x03\xe3\xaa\xf1\x01\xe6\x30\xe3\xea\x99\xf7\x14\x14\
\x50\x00\x3b\x2f\x70\xd7\x02\x78\xbb\x18\x98\xf0\xc9\x51\x10\x80\
\x80\x0a\x20\xc0\xd8\x88\xa0\x9c\x17\xde\x03\x15\xd2\x82\x41\x88\
\x26\x4f\x86\x03\x5a\xbd\x04\x0c\x78\x0c\xab\xd5\x78\x32\x2c\x48\
\x71\x46\x8a\xd8\x97\x0b\x82\x44\x22\xb7\xbd\xa0\x66\xf0\x3d\x5d\
\x7a\xf7\x3e\xc4\x37\x91\xf0\xff\xb3\x36\x1f\xa3\x0b\x09\x90\xf4\
\x2c\x44\x1a\x6e\x24\x78\x22\xcf\x57\x37\xdd\x65\x07\xf0\x42\x24\
\x30\xb1\x15\x64\xc6\x9f\x17\x1c\x80\xe7\x43\x1f\x80\x8d\x02\x08\
\x79\x40\xcc\xc3\x1b\x49\xa1\xa5\xd8\xde\x50\xd2\x12\x8c\x9b\x88\
\x00\x9c\x0f\x02\x52\xd8\x34\x13\xa0\xca\xbb\xa9\x7a\xc1\xa0\x03\
\x69\x2e\xa4\x34\xa0\x78\x87\xc8\xd8\x9f\xa7\xc1\x07\x16\x4e\x4b\
\x00\x10\x78\x80\xf2\xd8\xce\x82\xe1\xaa\x17\xdf\x2d\x18\xe0\x78\
\x04\xf0\x62\xe8\x65\xe2\x01\x0b\x48\x80\xe6\x7f\x70\x07\x01\x18\
\xb8\x04\x2b\x40\xcf\xd4\x5e\xf8\x00\x95\x5d\x51\xf9\x24\xe8\xbd\
\x17\xa9\x47\x33\x39\x48\xe1\x00\xdd\x19\x40\x01\xf9\xc6\x05\x26\
\xab\x47\xf0\x2c\x78\x7a\xa8\x04\x58\x7d\x82\x94\xd1\x0c\x52\x1f\
\x00\xe2\x4f\x0d\x3b\xcd\xa6\x3e\x7d\x90\x60\x39\x2a\xc3\xcb\x42\
\x7e\x0e\x3d\xdd\xee\x13\x25\xe3\x12\xf1\x96\xc5\x91\x50\x80\x0d\
\xb8\x35\xac\x10\xe8\xbd\xf9\x71\x51\x80\xe5\xfa\xc4\x1d\xef\x98\
\x48\x66\x2b\x40\x86\xd6\x58\x41\x3b\xf0\x61\x12\x30\x21\x7c\xf3\
\x57\x50\x14\xc0\x01\x1c\xe0\x01\x1b\x60\x01\x11\x90\x75\x7e\x41\
\x4f\x0a\xe0\x01\x07\x48\x09\xff\xf2\xd6\x35\xeb\x57\x80\x20\x41\
\x27\x0e\xb0\x37\x93\xb3\x1b\x63\x96\x4b\xe0\xb3\x1a\x04\x88\x81\
\x78\xd0\x5a\x42\xa6\x70\x65\x47\x82\xb9\x90\x01\xa3\x47\x20\x01\
\x80\x00\x20\xa6\x82\xe4\x50\x72\x07\x45\x00\xf2\x27\x83\xf4\x82\
\x61\xe4\xd1\x34\x38\xe8\x10\x2d\xd6\x25\x51\xd4\x83\x56\x11\x58\
\x41\xa3\x5e\x42\x08\x53\x37\x45\x20\xe5\x75\x84\xfc\x10\x2f\xba\
\x51\x0c\xea\xc1\x84\x7a\xa1\x01\x27\x98\x08\xbb\xe2\x13\xf1\x21\
\x01\x31\x28\x85\xa8\xd0\x63\x1f\x03\x63\x57\xc0\x6f\x29\x74\x00\
\xc4\xc5\x85\xa8\x80\x10\x42\xc6\x15\x43\x90\x57\x2d\x91\x08\x03\
\x50\x7c\x66\x18\x33\xf6\x92\x59\x0d\xc0\x0d\x5c\xe3\x59\x1b\xa5\
\x00\x08\xe7\x71\x71\xa8\x0c\x5e\x86\x7e\x01\x10\x01\x14\x70\x01\
\xda\xf1\x3d\x00\x90\x6f\x95\xd2\x87\x0d\xc4\x01\x20\x30\x23\x99\
\x73\x26\xf1\x14\x10\x0b\xd0\x76\x8a\x98\x17\x18\x50\x01\xd5\x01\
\x08\xcb\x13\x75\xde\x10\x00\x5b\x58\x89\x21\x91\x00\xcb\xa5\x08\
\x55\x54\x54\xf3\x15\x0f\x02\x04\x8a\xa3\xb1\x01\x6e\x40\x67\x6e\
\xb7\x36\x04\x30\x82\xaa\x58\x35\x4a\x00\x78\xf1\x80\x00\xd2\x37\
\x8b\x99\x51\x7f\xa7\xd1\x0d\x29\x98\xb0\x00\x51\xa3\x8b\xf3\xd7\
\x5a\xcd\x95\x59\x66\x06\x01\x50\x80\x4d\x37\x28\x8c\x99\x11\x3a\
\x1e\xa0\x00\xd2\x60\x10\xa4\x80\x7b\xcc\x78\x1f\xd4\x58\x07\x41\
\x00\x00\x21\xf9\x04\x09\x03\x00\x22\x00\x2c\x00\x00\x00\x00\xb3\
\x00\xa2\x00\x00\x06\xff\x40\x91\x70\x48\x2c\x1a\x8f\xc8\xa4\x52\
\x94\x58\x12\x13\x86\x8f\x86\x42\x11\x14\x9c\xd8\xac\x76\xcb\xed\
\x7a\xbf\xc7\xc4\x65\x23\x89\x48\xb2\x9f\xc6\x20\x40\x68\x20\x2c\
\x16\x03\x06\x4c\xaf\xdb\xef\xf8\x61\x41\xa3\x80\x1c\x08\x01\x01\
\x00\x0b\x0f\x02\x4b\x13\x15\x21\x8a\x21\x00\x8c\x01\x03\x0d\x1f\
\x57\x79\x94\x95\x96\x78\x1b\x08\x80\x00\x8d\x8b\x21\x0d\x14\x4b\
\x0e\x04\x9e\xa5\x00\x07\x93\x97\xaa\xab\xac\x48\x02\x20\x01\xa5\
\x9e\x03\x0a\x4b\x0f\x9d\xb2\x8a\x07\x0e\xad\xbd\xbe\xaa\x09\x20\
\xb9\x9e\x0d\x17\x45\x86\x02\x02\x09\x0d\xb8\xb9\x04\x86\xbf\xd1\
\xd2\x74\x05\x08\xcd\xb2\x01\x12\x0a\x18\x1e\x1b\x1f\x1b\x16\x1e\
\x12\x08\xb1\xc3\x8a\xc5\xd3\xe9\xea\x59\x02\x11\xd7\xb9\x0b\x8f\
\x00\x81\x82\xef\xb9\x03\x06\x4e\x05\x13\xeb\xfd\xbe\x05\x10\xec\
\x99\x1b\x38\x0c\x00\x04\x11\xd0\x8e\x08\xa8\xd0\x00\x44\x2a\x7f\
\x10\xd9\x61\xa9\x46\xb0\xa2\xc5\x00\x0d\x1e\x70\xe0\x55\x84\x82\
\x84\x4e\x01\x2c\x44\x1c\xb9\xe4\x42\x87\x0a\xc6\x90\x14\xd8\x90\
\xc8\xa2\xcb\x8a\x04\xde\x88\x98\x94\x40\x42\xb9\x45\x0d\xe6\x90\
\xdc\x29\x04\x4a\x83\xff\x40\x0d\x14\x64\x20\x22\x60\x42\xa6\x01\
\x02\x5f\x2a\x55\x34\x6f\x81\x36\x0c\x15\x16\x0c\x8b\xc0\x93\x64\
\x06\x09\x04\x3a\x9d\xd2\x70\xa5\x80\x03\x05\x6a\x92\x2e\x1d\xbb\
\x68\xc0\x9a\x81\x03\x3c\x54\xf5\xa7\x21\xc2\xcd\x45\x04\xb6\x59\
\x08\x4b\xb6\xae\xdd\x45\x0b\xf2\xad\x9d\xe6\x60\x03\x33\x73\x0b\
\xc4\xde\x1d\x4c\x10\xd4\x5e\x69\x02\x2c\x04\x26\xcc\xb8\x31\xd3\
\x0a\x1c\x0f\xfb\x32\xd0\xc0\xb1\x65\xc2\x03\x1e\x48\x8e\xb6\x4c\
\xf0\xe5\xcf\xb9\x00\x10\xd8\x2c\xed\xc1\x5b\xd0\xa8\x09\x42\x78\
\x48\x9a\x95\x81\xac\xa9\x63\x9b\x03\xd0\x40\x6f\xeb\x56\x02\x4c\
\xcb\xde\x2d\x6b\x80\x04\x7e\xb7\x5b\x5d\x18\xc0\xbb\xf8\x22\x00\
\x15\x86\x06\x5f\xa5\xdb\xb8\xf1\x53\x29\x97\x53\xda\x87\xd4\xb9\
\xf3\x00\x08\x34\x24\x14\x52\x54\xfa\x17\x0e\x95\xad\x5b\x07\x80\
\xa0\x09\x42\x0a\x1b\x40\x20\xe8\x60\xde\x7b\x96\x4c\xe2\xe3\x87\
\x88\x6b\x00\x6c\x75\x02\xb6\xdd\x8b\xfa\x29\x5f\x3c\xa7\x78\xb8\
\xd0\xa6\x93\x7e\x42\xc8\xd1\x9e\x08\x13\x1c\x70\x5a\x7f\x0c\x66\
\xb3\x9d\x77\x12\x40\x82\x40\x21\x0e\x40\xc5\xe0\x85\xd8\x58\xf0\
\x60\x70\x06\x68\xc5\xff\x46\x04\x80\x60\x28\x22\x4e\xa1\xb8\x17\
\x9e\x29\x23\xa6\x78\x4a\x7e\xb7\x75\x90\xe2\x8b\xc3\x0c\xd0\xc1\
\x86\x9b\x11\x07\xe3\x8d\x8b\x60\x27\x5d\x04\x38\xf6\x18\xc2\x02\
\xb5\x04\x87\x81\x8f\x38\x12\x20\xd2\x72\x27\x12\x39\xa2\x8c\xac\
\x6d\x46\x99\x92\x2f\x3e\x10\xd9\x6d\x09\x40\xb0\x20\x94\xf1\x0d\
\xb0\x81\x7e\x16\x5c\x89\xa5\x73\x00\x48\x40\x23\x69\x09\x78\x40\
\xca\x97\xfd\x1d\x30\x26\x69\x0e\xd8\x84\xe1\x3c\x8f\xb0\x31\x00\
\x20\xc4\x79\x26\x5b\x00\x0f\x34\x79\x1b\x07\x52\xc5\x37\x0f\x24\
\x11\x58\xa0\xc1\x06\x14\x5c\x30\x81\x01\x17\x78\xf0\x81\x7a\x81\
\xd9\x09\xda\x2e\xee\x09\xa0\x80\x8d\x60\xce\x19\x07\x05\x7a\x12\
\x61\xc0\x04\x73\x9d\x69\x9d\x96\xee\x15\xd0\xd2\x73\x03\x20\xa0\
\x40\x15\x5c\x38\x70\x92\xa7\xc5\xd1\x36\xe5\x6d\x13\x50\xca\x1b\
\x79\x1e\x00\xf7\x05\x7a\x6e\x39\x07\xaa\x74\x11\x1a\x47\x00\x04\
\x25\xda\x61\x80\x07\x49\xca\x06\x00\x08\xa1\x18\x92\xe9\x4e\x06\
\x20\x50\x1c\x1b\x1c\xac\xe9\x45\x02\x0a\x90\xf3\xac\x19\x16\x54\
\x20\x01\x04\x03\xae\x85\x01\xab\xa9\x9d\x82\x81\xb4\x60\x60\x60\
\xed\xb3\xf3\x84\x80\xff\x91\xad\x3c\x25\x36\x6b\x04\x1a\xb0\xd2\
\x8e\x7c\xb4\xec\x25\x00\x6c\xb1\x61\x74\xa0\x2a\x0e\x58\xe9\x5f\
\x21\x11\x39\x30\x01\x07\x13\x28\x50\xad\x97\x8e\x89\xd6\x2d\x2b\
\x18\xfc\x05\x26\x02\xcb\xfe\x92\x80\x05\x04\x2c\x60\x16\xc2\x96\
\x11\xa0\x59\x34\x13\x14\xcb\xdb\x02\xc1\xae\x73\x81\xc7\xb2\x0d\
\x90\x9c\x34\x05\x34\x67\xdc\x00\x1c\x40\x84\x81\xa3\x8e\x1d\x10\
\xef\x34\xa2\xc2\xcc\x18\x00\x33\xfa\xd3\xa5\xae\x67\xa8\x33\xe9\
\xc3\x11\xe3\x66\x01\x98\x86\xa9\x53\x80\x9b\xbe\xb2\x9b\xce\x01\
\x36\x0f\x16\x92\x3f\x7c\x3e\x87\x00\xb9\xac\x50\x70\x80\x73\x0b\
\x28\xb7\x4e\x02\xd6\xec\x16\xc0\x02\x08\xa0\xba\x35\xb8\xb2\xad\
\x06\x91\x07\xb2\x7e\xf6\xb5\x04\x1a\xec\x9b\xce\x06\x69\xc7\x26\
\x63\x44\xaf\xc5\x66\x6a\xd0\xbe\x64\x30\xdc\xca\xd1\xf5\xe3\x00\
\x08\x4d\xbf\x14\xc0\x41\x24\x39\x60\x4d\xe0\x64\xa9\x19\x51\x06\
\x2a\x7f\xf6\x80\xd6\x10\x15\xa5\xc0\x1f\x18\x13\x86\x9c\xdb\xea\
\x78\x50\xb9\x5d\x61\xee\x05\x0e\xd9\x09\x13\x4e\x77\xdc\x8d\x01\
\xa0\xe1\x5e\x00\xa5\x16\x80\x02\x54\xfb\x72\x01\xe8\x37\x57\x20\
\x59\x07\xa4\x33\x86\xff\x27\x49\xf7\x22\x6e\x91\x04\x98\x8f\xa4\
\xc1\xe6\x75\x05\xb0\x01\xe4\xfd\x24\x88\x1a\x79\xad\xab\xa3\x41\
\xed\x84\x05\xd0\x01\x49\x05\x90\xdc\x18\x08\xbd\x47\xf4\x3b\x6a\
\x01\x7c\x40\x52\xc7\xa9\x29\xbe\x17\x06\x7d\x7e\x66\xfa\xf6\xcc\
\x13\x56\x5b\xf2\xd3\xec\x0d\x9a\x41\x24\x69\x00\x7b\x63\x04\x74\
\xa0\xc1\xab\x11\x51\xf0\x3e\x61\x08\x28\xbd\x8e\x06\xba\x2b\x15\
\xd3\xc6\x24\xa9\x1b\x6a\x08\x10\xb2\x7e\xf8\x6b\x37\x83\xc8\x13\
\x49\x12\x10\xbe\xcf\xec\xca\x1f\x0e\x18\x15\x02\x41\xd0\x3e\x09\
\xaa\xed\x74\xfe\x48\xc0\xfd\x3e\xd3\xb3\x7e\x14\x80\x03\x12\x58\
\x4c\x6c\x6a\x03\x91\x0f\x00\xaf\x31\xb7\x2b\x1e\x04\xce\xb2\x9b\
\x07\xaa\x43\x00\xe7\xe2\xcd\xea\xfc\xd1\xab\x56\x45\xa0\x7a\xbd\
\x00\x8b\x73\x08\xd8\x0f\x01\x78\xa0\x7f\x64\x99\xa1\x3a\xda\x04\
\xc4\xb1\xe0\x87\x2d\xe5\x13\x5f\x05\xd0\x47\x09\x0d\x48\x2f\x35\
\x53\xf3\x87\x00\x8d\x83\x27\x26\xde\x81\x02\x16\x44\x20\x04\x70\
\xd8\x8b\x6a\x14\x71\x2c\xa8\x40\x19\xda\x3e\xd5\xc1\x75\xe4\xe6\
\x8b\x4b\x21\x0f\x8b\x58\xa1\x43\xaf\x35\xa0\x0d\x0d\x88\x00\xf1\
\x7c\x96\x44\xd0\x64\xff\xc6\x8a\x5f\x30\x17\x6f\x10\xb0\x01\x03\
\x50\x20\x01\x13\xe0\xe2\x2f\x0c\x50\xc7\xf5\x95\x51\x15\x19\x40\
\x40\x21\x07\x33\x80\x0b\xe0\xb1\x8b\x5d\x1b\x8f\x53\xf4\x97\x07\
\x03\xe4\x6a\x37\x08\x58\x23\x49\x3e\xb0\x06\x7a\x08\xa2\x38\x84\
\xa0\x9f\x1d\x04\x80\x01\x1e\xc9\x50\x74\x6b\x71\x80\x01\x2c\xa0\
\x80\x07\x60\x60\x2e\x27\x64\x4c\x04\x1e\x99\x84\x02\x50\x26\x96\
\x4e\x5b\x98\xbd\x44\x30\x14\x0e\x2c\x12\x7e\x41\xb2\x43\xbf\xf0\
\xb5\x47\x5a\xae\xc3\x01\xee\x78\x0e\x79\x26\x50\x80\x39\x66\xc1\
\x01\x0f\x88\xe4\xb3\x58\xe7\x1d\x03\x34\xd0\x86\x7d\xdc\x82\x2d\
\x3b\xa0\x20\x34\x2a\xa5\x01\x33\x93\x8e\xe1\xe8\x75\x00\x78\x19\
\x80\x17\x1b\x2a\x40\x01\x30\xd0\x87\x4d\xf8\x07\x01\x04\x82\x5b\
\x7f\x04\xd1\x80\x06\x54\xc0\x02\x0f\x50\xc0\x07\x3a\xf0\x00\x09\
\x30\x04\x40\xde\x24\x4b\x05\xf0\xa6\x10\x88\x14\xe0\x6a\x17\xe2\
\x84\x27\x63\xc1\x89\x80\xde\xa5\x01\x82\x14\x82\x57\x34\x20\x8e\
\xe7\xf9\x83\x71\xb8\x44\xd3\x65\x08\xb0\x25\x23\x0c\xe5\x50\xad\
\x04\x51\x3c\xd8\xa0\xcb\x69\x18\x4f\xa3\x7e\x6a\x40\xce\x86\x50\
\x9f\x0a\x50\xae\x1e\xff\x9e\x30\x5b\x12\x22\x5a\x87\x27\xa2\x74\
\x37\x45\x13\x02\x2c\x30\xd6\x00\x4a\x0a\x81\x02\x10\xc8\xe4\x2a\
\x3c\x70\xcd\x9b\x3e\x67\xa5\x13\x70\x16\x41\xf0\xa4\x27\xc3\x09\
\x62\x92\x95\x10\x80\x03\x44\x68\x54\xeb\x10\x60\x40\xd1\xab\x08\
\x6d\xf4\x77\x81\x51\x01\xa0\x54\x1e\xa0\x29\x16\x34\xc0\xb4\xaa\
\xfa\xc7\x02\x91\x39\x29\x41\xea\x45\x14\x45\x9a\x22\x23\x06\x30\
\xe6\x10\x30\x20\x0c\xb3\x8a\xe7\x00\xdd\x72\x80\x4d\x8f\x13\x81\
\x54\x18\x20\x20\x05\xc9\x9f\x33\xb7\x30\x45\xbb\x16\x87\x16\xdb\
\xd1\xab\x4b\x06\x17\xd7\x09\x5c\xd2\x1c\x83\xab\xc3\x93\x0c\x6b\
\x9c\x0a\xb0\x28\x01\x08\xb5\x88\x59\xea\x09\x3c\x8c\x68\x52\x0b\
\xaf\xa3\xec\x65\xe6\x71\x8d\x06\xb4\xac\x08\xd1\x73\x68\x29\x16\
\x40\xd0\x99\x02\x56\xb4\xb6\x33\x12\x04\x2a\xd3\x08\xe4\xac\x51\
\xad\xa0\x89\x80\x28\xb5\x99\x4c\xd8\x0e\x06\x01\x1c\xc8\x40\x02\
\x28\xd0\x01\xa9\x88\xe6\x0d\xb6\x49\x40\x07\x32\xaa\x14\xe7\xc9\
\x55\x08\x1b\xa0\xaa\x6f\xc1\x78\x5a\x21\x28\xe6\x38\x73\x8a\x40\
\x7d\x40\xf0\x4b\xb2\x34\xa0\xa3\x76\x88\xee\x71\xd8\xc0\x9f\xe9\
\xce\x66\x01\x09\x48\xff\x88\x13\x65\x41\xda\xee\x06\x11\x04\xcf\
\x1d\x42\x04\x05\x01\x89\x07\x40\xa1\x8d\xe6\x95\x45\x5c\x8a\x10\
\x43\xf1\x2c\xc0\xa2\x79\x18\xc7\xa9\xa0\x91\x80\x07\x10\x33\xbf\
\x9f\x00\xa0\x10\xc6\x28\x1f\xda\x0c\x96\x1a\x47\x50\xc0\x06\xed\
\xca\xb2\x87\xe4\xae\x3f\x9d\x8b\x86\x03\x32\x6b\x5e\xc8\x10\xa1\
\x4d\x09\x95\x40\x6b\xef\x20\x00\x0e\xf4\x57\xb4\xc8\x23\x82\x2f\
\x31\x44\x80\x70\xfe\xc2\x89\xaa\xc5\xd0\x02\xc2\xa9\xc7\x37\x99\
\xca\x00\x06\xd0\x80\x01\x38\xb0\x87\xf4\xaa\x82\x02\xee\x85\x12\
\x9e\x94\x13\xb5\xd1\xd6\x85\x00\x73\x1a\xc0\x02\x2c\x46\x80\xfd\
\x5e\x82\xc1\xd3\xbd\x6a\x81\xca\x7a\x97\xa6\x34\xe0\x00\x7f\x28\
\xaf\xe5\x0e\x89\x07\x80\x30\x57\xc8\x6a\x91\xa8\x34\xd3\x88\x1d\
\x29\x4c\xc0\x01\x5e\xe1\xc0\x05\x1e\xcb\x39\xf8\x5a\xc2\x00\x1c\
\xf6\x6d\x0a\x79\x89\x01\x05\x8d\xe5\x14\x1d\x28\x20\x77\xac\xd0\
\x5b\xbb\xe4\x34\x0f\x2f\xbb\xa9\x60\x06\x40\xc1\x22\xc0\x79\x29\
\xa5\xda\xed\x87\x0d\x7c\x97\x00\xf4\x0d\x0f\x7d\xfe\x12\x79\xaf\
\xf4\xd5\x53\x1d\xc1\x00\xb0\x78\x09\x04\x3e\x6b\x84\x7e\xf5\x6f\
\xce\x78\xc0\xe8\x97\xff\x06\xb1\x9e\x02\x5c\x00\x2b\xa6\x00\x01\
\x35\x91\xb0\x3c\x8b\x6c\x55\x9b\x48\xbb\xb3\x98\x2a\x41\x81\x07\
\xd8\xf4\x8d\x21\x6a\x30\x01\x0e\xb0\x81\x64\xf4\xa4\x86\xf3\xa9\
\x00\x17\x71\x0b\xd9\x92\x96\x64\xaf\xb3\x39\xc0\x25\xbe\x52\x81\
\xb8\x05\x40\xbb\x22\xf0\x80\x05\x98\x16\xe3\x81\x7c\xe8\x02\x98\
\xe3\x24\x1b\xda\xa6\x8f\x3a\x92\xc7\x0b\x29\xd3\x1d\x09\x2f\x11\
\x05\x2a\xab\x2b\x8a\x3d\x71\x80\x89\xb5\x1c\x1b\x00\x44\x00\x03\
\xd5\x13\x00\x05\x3e\xe0\x48\x2c\xd0\x4e\xab\xc6\x76\x42\x61\x9b\
\x9b\xef\x51\x6a\x00\xd5\xee\x36\x36\x07\x3e\x30\x66\xd0\x10\x20\
\xcc\x77\x28\x00\x05\xd8\x3d\x8c\x9e\x7e\x41\x00\xe6\x56\x0a\x00\
\x14\x7c\x89\x82\x6d\x8b\xd3\x08\xb9\x40\xc4\x25\x7e\x11\x3d\x7f\
\x41\x01\x20\xb2\x53\x04\x7c\xaa\x0f\x08\xd4\x65\x7c\x5d\x44\xc8\
\x12\x04\xf0\x5a\xb4\xcc\x69\x01\x4d\x86\x63\xae\x01\xe3\xe2\x2e\
\xc8\xbb\x03\x6e\x75\x49\x8a\xbf\x10\xeb\x97\x80\x95\x27\x1f\x21\
\x08\x02\x3e\x80\x01\x44\x51\x60\x53\x71\xf5\x8b\x58\x06\xe0\xf1\
\x2c\x24\x00\x3c\x9f\x54\x8a\x4c\x6d\xfe\x80\xe6\x0e\xe0\x00\x1c\
\x48\xc0\x83\xd3\x91\xff\x18\x8c\xe1\x63\x4d\xe2\x35\x87\x0b\xb9\
\xc0\x81\x03\xeb\x1c\x9e\x60\x38\xe0\x40\x38\x31\x80\x08\x10\x6a\
\x2d\x19\xb0\x80\x58\x90\xa5\x84\x04\x09\x44\x34\x23\x36\x42\xac\
\xea\x52\x9e\x2f\x54\xc9\x22\x0b\x80\x80\x76\x0e\x53\xe2\xea\xdc\
\x83\xcb\xc7\xf8\xd9\x78\xd9\x50\x81\x55\x7b\x61\x9c\x77\x26\x40\
\xde\x9f\x80\xec\x00\x2c\x91\x34\x19\x98\x6d\x56\xea\xc4\x94\x05\
\xf4\xbb\x27\xd6\x78\x44\x03\x20\xd0\x01\x0e\xfc\xd1\x0e\x15\x40\
\x5c\x15\xbd\x70\x01\xcf\x38\x2f\x38\x47\xe7\xc0\x03\xa6\x8d\x80\
\x05\x8c\x1e\x0b\x02\x88\xc2\x36\x02\x49\x89\x5b\xf0\x5d\xd1\x4a\
\x28\x78\x2e\x02\xd0\xf4\xcd\x18\xa2\x0a\x71\xd5\x42\x7c\x91\x20\
\x4f\xb2\x8c\xdd\x09\x25\x06\xde\xdc\x08\xc4\xac\xa2\xbe\x84\xa3\
\x5b\x18\xd9\xf5\x25\x41\xfd\x91\x78\x31\x78\x10\xcb\x02\x5d\x25\
\x3e\xee\xee\xfb\x43\x00\x41\x3f\x79\x50\x9c\xd0\x30\xe6\x4e\xdf\
\xfc\xfd\x58\x6e\xa3\x09\x50\x81\xea\x0e\x21\x03\xa6\x86\x80\xd9\
\x75\x0e\xce\xe5\xc3\x9f\xf5\x41\xd6\x1b\x31\x21\x3f\x7d\xa4\x00\
\x1e\x10\x01\x86\x67\x17\x4e\xf6\x7f\xd3\x00\x67\x48\x21\x08\x9e\
\x74\x67\x5f\x65\x16\xff\x6b\x80\x46\x02\xc2\x80\xe9\x60\x00\xf9\
\xb4\x81\xde\x80\x15\xd5\x76\x67\x03\xe0\x7f\x18\xe8\x05\xdb\xd1\
\x38\xfd\x31\x00\x47\x32\x82\x11\x91\x54\x1f\x28\x38\x07\xb0\x75\
\x2a\x28\x0d\x14\xf0\x65\x96\xb1\x7e\x31\x38\x12\x3b\x73\x82\x88\
\x77\x83\x5c\xb7\x71\xd6\x01\x02\x8f\xc6\x83\x3e\x33\x61\x83\xd1\
\x50\xc3\x30\x63\x42\x18\x39\x6a\xb7\x3e\x07\x20\x01\x07\x10\x0f\
\xb2\x60\x01\x62\x95\x84\x97\xa0\x71\xb1\xf1\x2b\x5a\x27\x02\x2c\
\xa1\x06\x4c\xd1\x00\x22\x48\x85\x5d\x90\x01\xd7\x83\x3d\x0a\x44\
\x04\x18\xf0\x00\x15\x80\x64\xc1\x04\x86\x5c\x67\x72\xa9\x01\x24\
\x48\x30\x01\x13\x10\x84\x6c\x28\x0d\x76\xe6\x6a\x0c\xf5\x12\x00\
\x80\x71\x75\xe8\x0f\x14\x10\x69\x47\x18\x01\x10\x30\x5b\x27\x04\
\x87\x7d\x78\x18\x0d\x83\x16\x1b\x53\x00\x5d\xe7\x6a\x9f\x77\x88\
\x3d\x44\x01\x14\x73\x0f\xf6\x45\x04\x13\xb0\x7f\xb2\xb0\x00\xf6\
\x07\x89\x55\x31\x01\x04\x27\x2b\x81\x67\x04\xb9\xb1\x39\x01\x50\
\x73\x9c\x58\x15\x17\xa0\x7f\xb1\x90\x3d\x94\x74\x89\x15\x91\x17\
\xa7\x48\x1a\x60\xd1\x00\xb3\x76\x04\xa2\x52\x10\x8c\x40\x1e\xa6\
\x18\x8b\x6b\x61\x00\x2c\x38\xe4\x3e\x9e\xf0\x1f\x31\x01\x01\x0a\
\x40\x87\xbc\xe8\x1d\x2c\x17\x08\xbb\x56\x01\xdf\x90\x0c\x19\xf0\
\x85\xc7\xd8\x0f\x17\x90\x4f\x0e\x90\x5e\xd0\x18\x8d\x56\x71\x09\
\x41\x00\x00\x21\xf9\x04\x09\x03\x00\x22\x00\x2c\x00\x00\x00\x00\
\xb3\x00\xa2\x00\x00\x06\xff\x40\x91\x70\x48\x2c\x1a\x8f\xc8\xa4\
\x52\x38\x99\x60\x96\x44\x87\xc3\x20\x2a\x40\xaf\xd8\xac\x76\xcb\
\xed\x7a\x8b\x19\x91\x00\xb3\x79\x44\x0e\x04\x02\x44\x00\x15\x58\
\x1a\x84\x83\xe5\x31\xb9\x08\xac\xdf\xbc\x7e\xcf\xef\x0b\x3b\x15\
\x70\x01\x01\x00\x21\x86\x04\x54\x4b\x1c\x0d\x86\x21\x00\x01\x03\
\x0d\x72\x1e\x7e\x95\x96\x97\x95\x1c\x04\x8e\x8d\x9d\x00\x15\x78\
\x48\x02\x1d\x9d\x9e\x00\x0d\x17\x98\xaa\xab\xac\x4a\x19\x1b\x03\
\xa5\xa5\x0d\x0e\xae\x8c\xb2\x8d\x00\x0a\x61\xad\xbd\xbe\x98\x1f\
\xb1\xb8\x86\x01\x12\xb5\x61\x19\x6c\x42\x02\x0f\x01\xc3\xc4\x1d\
\xbf\xd2\xd3\x7a\x19\x17\xce\xcf\x21\x04\x12\x16\x0a\x0f\x0a\x1d\
\x0f\x1f\xe2\x03\x85\xcf\x00\x94\xd4\xea\xeb\x58\x1e\xd8\xd9\x00\
\x8f\x83\x8f\x21\x84\xe6\xcf\x01\x0f\xec\xfb\xbe\x05\x14\x6d\x1f\
\xee\x65\x1b\x08\xcf\x83\x32\x25\x09\xf8\x29\xdc\x22\x40\x41\x20\
\x08\xa1\x8a\x08\x70\xe0\x61\x13\xc1\x8b\xd9\x16\x28\x28\x10\x91\
\x88\x00\x0e\x11\x2a\x2c\x1c\xb9\xc4\xc0\x83\x01\xce\x16\x40\xf8\
\x37\xe4\x8e\x01\x08\x0d\xde\x61\x9c\x59\x2a\xde\x81\x0f\x1a\x8c\
\x24\xb8\x50\x0e\x00\x01\xff\x0e\x24\x83\x0e\x49\x60\xe0\x80\x30\
\x43\x03\x1e\x24\xb4\xa2\x00\x01\x01\x99\x34\xa3\x96\x0a\xd0\x20\
\x82\x81\x02\xbc\x3a\xdc\x6a\x24\x52\xe8\xc2\x0c\x05\x20\x10\x10\
\x68\x08\x00\x04\x0e\x12\x8c\x92\x95\xca\xb6\x13\xa1\x08\x0a\x34\
\x3c\xb0\x58\xea\xa7\x57\x7e\x4d\xa1\x96\x2a\xd7\xb6\xef\xc0\x01\
\x0b\x08\x3d\xeb\x7a\x97\x9a\x01\x04\x7e\x13\x2b\x1e\x78\x60\x42\
\xe1\x69\x05\xb6\x2e\x9e\x3c\x79\x41\xad\xc7\xbf\x32\x44\xa0\xcc\
\x79\x31\x82\x44\x98\x7d\xc1\xea\x4c\x9a\xed\x00\x08\xa1\xa5\x15\
\x40\x5c\xba\x35\xc6\x01\x4f\x52\xfb\xca\x60\x41\xaf\xeb\xdb\x9d\
\x22\xc8\x96\xf6\x60\x2d\x6e\xdc\x00\x24\x1c\xdc\xad\x4a\xc0\x84\
\xb1\xbf\x93\xe7\x6a\x90\x93\xf8\xaa\x0b\x0d\x7c\x2b\x77\x0d\x00\
\x44\x42\xe7\x97\x9a\x4e\xdf\xde\xe8\x00\x4b\xec\x5c\x78\x15\xd1\
\x10\x9d\x3b\x77\xaa\x40\xc1\x6b\xb9\x60\x20\xf6\xb2\x02\x4f\xcd\
\x9b\x0f\x80\x00\xc3\xf0\x2a\x97\xd5\x13\x49\x40\x60\xc0\x81\x0a\
\x76\x08\xb0\xc1\x01\xf2\x15\x18\x02\x02\x78\x8c\x21\x01\x02\x11\
\xa4\xa7\x9f\x10\x04\x12\x13\x00\x08\x11\x48\x66\xe0\x76\xa7\x78\
\x13\xc1\x26\xf1\x80\xf2\xff\xa0\x08\x0f\xe0\x12\xcf\x85\x05\xc6\
\x23\x58\x23\xc5\xdc\x47\x5c\x02\xb6\x91\xe8\xa2\x2c\x0d\x80\x86\
\x5d\x84\x2f\xd6\x38\x0c\x00\x08\x38\x86\x5d\x88\x36\xf6\x88\xcb\
\x00\x06\x39\xc7\xa2\x8f\x44\x96\xb2\x80\x83\xb2\x21\x20\x5d\x91\
\x2f\x06\x10\x41\x47\x8f\x25\x50\x41\x8b\x4c\xbe\x88\x08\x71\x9a\
\x2c\x59\xa5\x81\x13\x62\xe7\x80\x85\x5b\x92\x48\x5f\x7e\xbb\x09\
\xa0\xc1\x01\x5a\x86\x39\x1d\x80\xfa\x7d\x40\xa5\x9a\xca\x81\x20\
\x23\x76\x9a\xc0\xc9\x65\x90\xea\x09\xf8\xa6\x72\x83\x00\x36\x40\
\x7f\x63\x39\x93\x26\x70\x6b\xe8\x27\x00\x6b\xf2\x01\xb0\x40\x55\
\xdd\xb4\xe7\xc0\x05\x75\x6c\x60\x81\x58\x1c\x16\x78\x80\x8a\xbb\
\x6d\xb0\x67\x6b\xfe\x41\xf0\x04\x94\x45\x24\xc0\xc1\x07\x0d\x04\
\x36\xdf\x03\x98\xa6\x16\xc1\xa6\x9d\x2d\x80\xc0\x07\x09\xa4\x8a\
\x44\x18\x1f\x6c\x68\x1e\x02\xe2\x11\x47\xde\x76\x54\x29\x20\xeb\
\x15\x13\x28\xb0\xea\x76\x76\x39\x27\x80\x07\x83\x4e\x06\xc0\x00\
\x16\xe8\xb8\x87\x01\x1e\x80\x49\x5d\x04\xbf\x7a\x25\x80\xb4\xa5\
\x9d\xb2\x01\xa8\x5f\x24\xb0\x01\x02\xac\x2e\xd6\x80\xb3\x85\x59\
\x61\x45\x02\xcd\xc4\xb9\xff\x81\x2a\x18\x44\x70\xd4\x6d\x01\x58\
\xc0\xad\x42\x09\x28\x20\x41\x04\x10\x54\x50\x01\x5f\xc0\x35\xc6\
\x0a\x05\x20\x84\x9b\x58\x03\x0a\x6c\x40\x01\x07\xec\x91\xd4\x01\
\x87\xf1\x24\xab\x18\x55\xd7\xb5\x52\x01\x9f\x03\x54\x9c\x86\x3e\
\x0a\x15\x60\x81\x7c\x0d\xac\xeb\x0b\x05\xc3\x62\x88\xe0\x42\x68\
\x72\x47\x80\x05\xd3\x6c\x40\x97\x72\x8a\x7e\xc7\x8e\x01\xd8\xba\
\x16\x80\x87\xd3\x70\xb0\xc0\x79\x0a\x28\x34\x81\xc0\x93\x31\xa7\
\xce\x04\x4a\xf2\xfa\x41\xae\xea\x9c\xb4\xdd\x00\x12\xb0\x73\x1c\
\x86\x15\x54\xcb\x8a\x1b\x18\x12\x10\x31\x35\x09\x6c\x36\xdd\x29\
\x53\xab\x53\x32\xcb\x18\xbf\xbc\xf2\x6f\x57\xb2\x43\x01\x8d\xc9\
\x8d\xcb\xcf\x6a\x47\xcf\x39\x4d\x02\x31\x93\xf6\x09\x99\xeb\x74\
\xf0\x2e\x6e\x01\x7c\xb0\x8f\x71\x01\xf3\xdc\x56\x3e\x0b\x4d\xd0\
\x36\x65\xcb\x1e\x90\x35\x35\x02\x8c\x51\xc1\x01\x7a\x47\xb5\xc0\
\xe0\xea\xa0\x0d\x6f\x1c\x0a\x38\xe0\xf4\x2f\x1a\x84\x5c\xda\x01\
\x6a\x37\xde\x9b\x6b\x03\x80\x70\x81\xe4\x5e\x29\x90\x38\x46\x38\
\x92\xc4\xc1\xdc\x9c\x61\xfe\x98\x06\xa8\x2b\xfb\xc0\xbc\xd3\x60\
\xd0\xfa\x62\x00\xe8\xf6\xff\x18\x07\xa3\x5f\x14\x2f\x49\x14\x7c\
\x0d\x38\x44\x8f\x19\x30\xfb\xc3\xbe\x8e\x04\x73\x6b\xb5\x4f\xbe\
\xce\x06\x37\x97\x16\x40\x34\x23\x5d\xeb\x70\x54\xd5\xc1\xce\x8f\
\x03\xc3\x27\x16\x40\x3a\x7d\x93\xdd\x19\xcd\x77\x9d\x8e\x7c\xd7\
\xf4\xfa\xae\x2c\x08\x98\x5d\xd3\xda\xee\x23\x51\xf0\xb7\x5f\x4d\
\xdf\xde\x7c\x69\x10\x30\xae\x8e\xfa\xd9\x22\x10\xe5\x07\xd4\x09\
\x3e\x92\x02\xd9\x4b\x4c\x8e\x84\x62\x9c\x0b\xec\xeb\x36\x04\x70\
\x19\x3b\x32\xc0\xa3\xf5\x3d\xc0\x01\xf6\xa3\x86\x13\x0e\x60\xaa\
\xdb\x0c\xc0\x63\xfc\x38\xd4\xf4\xda\xd2\x80\x6e\x2c\x04\x02\xfc\
\xfa\x0d\xf0\xf8\x71\xbc\xdf\x04\x80\x00\x11\x20\x17\xd5\x10\x55\
\x36\xeb\xf5\x42\x03\x1b\x4c\xcc\x02\x34\xa0\xbc\x4b\x08\x60\x6b\
\xc9\xb9\x60\x0d\x31\x11\x34\x3e\xd9\x8d\x1d\x6e\x88\xa1\x5f\x70\
\x14\xc1\x5e\x28\xc0\x7c\xae\x21\x40\x2a\x16\xa8\x81\xdc\xb5\x25\
\x6c\xea\x48\x00\x04\x9c\xc8\x96\x18\xf1\x03\x03\xf3\x4b\x0e\x00\
\xbc\xb3\x8e\x45\x70\x07\x01\x3b\xbc\x84\x03\x90\x33\x9d\x05\x6c\
\x80\x68\xbd\xa0\x00\x04\xce\x23\x01\x17\xb2\xa2\x00\x20\x10\xe2\
\x10\x8b\xf5\x8b\x02\x00\xff\xf0\x3c\xe4\x5b\x47\x10\xcf\x53\x01\
\x15\xb2\x62\x03\xef\x23\xcd\x02\x32\x47\x0d\x77\xc8\x71\x88\xa8\
\xf1\x45\xbb\x38\xb6\x44\x7e\x24\x40\x02\x04\x80\x43\x03\x2a\x96\
\x43\x08\xc0\xed\x12\x13\x08\x98\x16\x09\x41\x88\x01\x10\x86\x5e\
\x05\x30\x40\x02\xea\x70\x40\xb0\xd1\x61\x15\x87\x0a\xe0\x64\x8a\
\xd1\x81\x56\x3e\x00\x03\x6e\xd4\xa3\xf7\x64\x66\x81\x30\x62\xa1\
\x5d\x87\x94\x0a\x04\xc8\x65\x4b\x69\xb8\x81\x8a\x51\xc1\x55\x25\
\x1a\x82\x43\xdc\x10\x20\x67\x42\x0a\xa4\xb2\x16\x40\x09\x34\x72\
\x81\x02\x27\xc9\x25\xf5\xb8\x88\x9d\x89\x5d\x0d\x47\x4d\xf0\xc2\
\x44\x14\x30\x49\x5e\xa1\x0c\x3c\x1a\xc8\xa2\x72\x3c\xd9\x01\x05\
\x2a\xe1\x0e\xe8\x32\x8a\x79\x08\x60\x28\x10\x14\x68\x01\x6a\xd0\
\xc0\x13\x12\x32\x1c\x8e\x38\x80\x02\x95\xeb\xa6\x7c\xe4\xa5\x9f\
\x74\x25\x2a\x04\x7f\x3a\x00\x04\x24\xe0\x81\x0e\x7c\x60\x1c\x0f\
\x00\x81\x20\xa4\x99\x98\x63\x6e\xc1\x99\xeb\x70\xdf\x8b\x4c\x04\
\x89\x7a\x34\x8c\x44\x5b\x2c\xa2\x47\xec\x88\xa7\x85\x20\xd1\x4e\
\xc9\xf9\x24\x12\x12\x40\x01\x0f\xc0\x24\x30\xb5\x3c\xa7\x2f\x40\
\x08\xd2\x44\x8d\x0c\x0c\xff\x22\x20\x4a\x07\x22\xb0\x80\x9e\x1c\
\xc2\x3d\x47\xd8\x40\x05\x52\x8a\x89\x04\xb8\x89\xa1\x2d\xed\xcb\
\x4b\x87\xa0\x81\x05\x3d\x65\x2d\x01\x28\xd4\x11\xd8\x36\x88\x0e\
\x9a\x53\x0f\x0e\x08\x46\x50\xb9\x84\x80\x46\x1a\x80\x8c\x37\x1a\
\xe4\x11\x2e\x60\x35\x47\xb8\xaa\x9c\x7e\x58\xd8\x54\x2f\x74\x9a\
\xcb\x68\xe0\xa3\xb9\x88\xc0\xe0\x2c\xd7\x08\x02\x00\x48\xa3\x57\
\x60\x06\x30\xc7\x9a\x18\x00\xc4\x06\x7b\x17\x39\xd2\x7e\xdc\xf4\
\x8c\xd3\xc4\x52\x09\xe1\xa4\xab\x81\xac\x28\x82\xab\x5e\xe4\x13\
\x44\x98\x0b\x41\x66\x76\x49\x2d\x14\x40\x6e\x82\x35\xcf\x00\x60\
\xc5\x04\x65\x4e\xe8\x03\xd0\x44\x6b\x2e\x02\xf0\x54\x2d\x8c\x0d\
\xa8\x91\xa5\x49\x05\x40\xc3\x36\x87\x0d\x02\x12\x0e\x23\x80\x1f\
\x1f\x5a\xc2\xd0\xfe\xa6\x01\x48\x2a\x40\x57\x4b\x93\xc2\x3d\x84\
\x65\xae\xae\xfd\x0b\x65\x89\x10\x01\xd0\xe2\x82\x7d\x7b\x10\x40\
\x6f\x37\xdb\x9f\xdc\x52\x8f\x1e\xa5\x18\x6d\x11\x0a\x20\x81\x24\
\x72\x6f\x0f\x47\x2c\xc4\x00\x22\xd0\x01\x0d\x78\xd1\xb8\x18\x21\
\xc0\x03\x2c\x50\x81\x05\x8c\x68\x1b\x0a\xdc\x55\x6b\x68\x51\x89\
\x6f\x49\x80\x03\x78\x28\xff\x40\xb4\x7c\xab\xa6\x06\x60\xac\x09\
\x25\xf3\xc9\x01\x22\x40\x89\x04\x60\x00\xab\x9d\x99\xd9\x2f\x3c\
\xe0\x5d\xec\xde\x88\x00\x34\x1c\xc2\x05\x58\x58\x0f\xc0\xa0\x81\
\xbd\xb2\x08\x00\x06\x7b\x71\x01\xcd\x86\x76\x59\xf6\x21\x82\x04\
\x5a\x87\xe0\x61\x0c\x80\x90\x98\x30\x53\x31\xfd\xdb\x00\xe8\x0d\
\x41\xa2\x05\x2a\x06\x44\x33\xbc\x5e\xff\x1a\xa2\x01\x3f\x24\xc2\
\x14\x2f\x14\x2f\x2a\x18\xc0\x00\x17\x50\x00\x06\xbe\xd1\x4b\x28\
\xf0\xd5\xbf\xb0\x19\x5c\x08\xdf\xe9\x94\x49\x56\x6c\x59\x0b\xf0\
\x70\x25\x1c\x20\x4e\xd7\xfa\x8b\x08\xcc\xad\x70\x5f\x7c\x53\xbf\
\x4b\x74\xa0\xc8\xa1\x25\x40\x47\x0c\xcb\x99\x0a\x93\xb7\x12\x13\
\xa8\x80\x92\xc5\x84\xaa\x21\x4c\x60\x8d\x8a\x79\x44\x24\x0e\x20\
\x09\x07\xcf\xc4\x8c\x96\xe8\x9d\x89\x0d\x71\x00\x22\xd4\x29\x31\
\x03\x40\x80\x05\x30\x40\x81\x84\x18\x80\x02\xed\x9a\x2b\x00\xba\
\xec\x07\x0b\x6c\xd9\x45\x47\x42\x46\x51\x72\xd9\xab\x58\x19\x21\
\x0c\x52\x52\x25\x3c\x1a\xf0\xd7\x36\x0c\x77\xcd\xc5\x20\xc2\x99\
\xf6\x56\x01\x9c\x22\xe1\x25\x8a\x7e\x06\x80\xfd\x60\x8d\xf7\xfd\
\x99\x3a\x17\x2c\x82\x01\xff\xd8\xaa\x3b\x10\xfc\xd5\x68\x6d\x01\
\xc0\x07\x6a\x7c\x84\x02\xe8\x74\x76\x5b\x24\x00\x94\x43\x9c\x86\
\x73\x1c\x40\xc8\x1f\x7e\x34\x46\xea\xa3\x05\x07\xcc\x96\x7a\x20\
\x60\xf5\xa5\xb5\x22\x0b\x66\x51\xe0\xb1\x62\x19\x51\xa2\x5c\xf5\
\xc0\x0d\x90\x5a\x1b\x15\x68\xac\x10\x1e\x6b\x66\x47\xd8\x61\x0b\
\x30\x3b\x24\x61\x2b\xe1\xea\x52\x6a\x23\x91\x42\x70\xc0\x04\x20\
\x39\x6b\xea\x54\x65\x03\x85\x13\x02\x06\x10\x87\x22\xe6\x68\xb4\
\x00\x5a\x26\x48\xe9\xba\x50\x9b\xbd\x61\x58\x0f\x06\xd0\x8a\xa2\
\x2c\xc0\x38\x68\xba\x2b\x87\x72\xa0\x80\x8a\x12\x80\x98\x47\x48\
\xe0\xde\x6e\xde\x94\x82\xbd\x70\x81\x72\xc3\x43\xbb\xab\x28\x80\
\x06\x3c\xc0\x01\x69\x0b\xa1\xa4\x99\xee\xcb\x02\x6a\x29\xab\x47\
\xc2\xe5\xaf\x0a\x18\xd4\x02\x6a\x0c\xb4\xe3\xd6\xa7\xd1\x5d\x98\
\x9c\x9a\xcd\x8d\x70\x31\x84\x71\xc5\x03\x01\x81\xc5\xa1\x30\xa5\
\x99\x50\xe5\x94\x24\x71\xc0\x2c\x13\xbc\x80\x9a\x02\xea\x84\x94\
\x84\x07\x02\xe0\xca\x90\x6c\x0f\xe4\x13\x28\x6f\x09\x29\xe4\x1d\
\x80\x8d\x4f\x40\xd8\x98\x2c\x0f\x3e\x3a\xd0\x9e\x09\x68\x60\x0a\
\x17\xb8\x00\x07\x58\x7a\xff\x8e\x06\x10\x3d\x0b\x2f\x91\x3a\x3c\
\x82\xfd\x05\x09\x6c\x6a\x01\xa3\x85\x3a\x26\x22\xa3\xa5\x68\x27\
\x21\x03\x04\x96\xc5\xd0\xf9\x60\x9c\xb9\x28\x9b\x20\x15\xf8\xba\
\x11\x98\x31\xa8\x01\x16\xa6\xe4\xcf\x60\xe6\x39\x3b\x40\xa5\x2d\
\xaa\x3d\x01\x1d\x50\xe7\x4c\x4e\x91\xf4\x69\x83\x39\x1b\x4e\x0a\
\xcd\x84\xed\x51\x13\xd5\x21\x44\x5a\x0d\xeb\x00\xd4\xbf\x7c\x22\
\x9a\x40\x91\x0b\x0e\x0e\x4e\x6a\x38\xf0\x00\x98\xc4\x44\x50\x48\
\x6b\x03\x04\x1a\x06\x09\xaa\x44\x40\x02\xc5\x83\xea\xce\x75\x17\
\xfb\x2d\x60\x60\x53\xf3\x4e\xcd\x44\x0e\x36\x29\x81\x62\xe1\xcb\
\x55\xf9\x80\x02\x2e\x50\x67\x3f\x08\x57\x8e\x58\xe3\x82\x00\xe2\
\x58\xea\x0b\x8c\xf8\x2e\x60\xd1\x3b\x47\x0c\x6d\x43\x64\xed\xed\
\x75\x5a\x10\x80\x01\xa6\x37\xa1\x99\x7f\xe8\x17\x0d\x4e\xf5\xb6\
\xaf\xc0\x81\xd9\x67\x83\x00\x1f\x68\xfc\xf7\xfd\xd0\x43\xa9\x9c\
\x22\xc2\x6d\x60\x37\xf5\x60\xbb\xfe\x7d\xd4\x3b\xd5\x07\xb0\xb4\
\x11\xec\xd8\x7e\xa9\x14\xc3\xfb\xf5\x87\x09\x36\x33\x44\xd3\x85\
\x24\x42\x10\x7d\x12\xd0\x5f\x4b\xa6\x5a\x01\x48\x0d\x63\xa4\x18\
\x91\x20\x67\xed\x81\x30\xff\x0f\x50\x01\xf1\x51\x57\x6d\xd6\x80\
\x90\xb1\x7a\x8b\x31\x0f\xfd\x31\x0f\xa0\xa5\x11\x1a\x48\x0d\xa3\
\x51\x25\xf4\x31\x82\x12\x54\x1e\x9c\x54\x31\x15\x44\x22\x04\x83\
\x82\xd3\x30\x0a\xaf\x07\x01\xad\xc4\x01\xd0\xb2\x61\xe6\x61\x16\
\x7a\x07\x83\x7e\x60\x05\xf5\xd4\x7f\xe6\x41\x7f\x3c\xb8\x10\x0d\
\x91\x71\xa5\xf1\x40\x43\x18\x3d\x62\xe7\x36\x9c\xb4\x16\x0c\x98\
\x84\x0b\x11\x7e\xc8\xd3\x61\x06\x20\x01\x70\x70\x14\x7b\x06\x85\
\x23\x61\x01\x46\x48\x13\x38\x62\x00\x07\x21\x29\x81\x70\x42\x5a\
\xb8\x10\x70\xf4\x67\x04\xb0\x60\x43\x30\x05\x75\x50\x86\x0a\x21\
\x5e\xa5\x31\x7e\x6e\x18\x3a\x5d\x48\x13\x03\x00\x80\x73\xb8\x0e\
\x05\xd0\x40\xa5\x81\x66\x79\x68\x2d\x71\x37\x0c\x4d\x47\x66\x83\
\x40\x3a\xcd\xf1\x87\x41\xb1\x7c\x3b\x36\x0c\x07\x40\x7c\x13\x20\
\x45\xac\x02\x24\x88\x78\x17\x1a\x00\x84\x9e\x40\x47\x22\x30\x01\
\x38\x98\x60\xb8\x36\x89\xd1\x33\x60\xb6\xc1\x4c\xc3\x61\x26\xaa\
\xa4\x0b\xcf\xe7\x89\x7a\x94\x6f\x8a\x87\x14\x49\xb3\x77\xcc\x77\
\x23\xa7\xd0\x89\xa8\x48\x12\x18\x60\x85\x9c\x64\x0c\x48\x70\x47\
\x35\x71\x42\x07\x10\x17\x2a\x3b\x38\x8b\x86\xd1\x5d\xf1\x33\x52\
\xf1\xe6\x08\xae\x27\x63\xe9\x06\x8c\xa9\xe1\x0f\x25\x41\x41\x0d\
\x50\x69\x9d\xa5\x8c\x1f\xd2\x10\x06\x30\x01\xea\x27\x8d\x93\x18\
\x04\x00\x21\xf9\x04\x09\x03\x00\x22\x00\x2c\x00\x00\x00\x00\xb3\
\x00\xa2\x00\x00\x06\xff\x40\x91\x70\x48\x2c\x1a\x8f\xc8\xa4\x52\
\xe8\xa0\x50\x14\x1d\xc5\xb2\x98\x98\x5a\xaf\xd8\xac\x76\xcb\xed\
\x22\x31\x1d\x4b\xe4\xd0\x58\x0c\x02\x83\x87\x75\xf2\xa8\x48\x0c\
\x97\x8c\xc0\x4b\xaf\xdb\xef\xf8\xa2\x84\x10\x08\x01\x00\x21\x81\
\x81\x20\x73\x4b\x0f\x0b\x21\x68\x0d\x08\x0f\x1e\x05\x13\x79\x91\
\x92\x93\x91\x13\x20\x82\x98\x82\x03\x1a\x4b\x13\x08\x99\x89\x01\
\x04\x11\x52\x94\xa6\xa7\xa8\x4b\x0d\xa0\x99\x12\x4b\x1c\x80\xac\
\x7e\x15\x55\xa9\xb6\xb7\x94\x0e\x07\xb2\x81\x00\x0d\x18\x02\x73\
\x19\x46\x07\xb1\xac\x00\x08\xb5\xb8\xcb\xcc\x5e\x0e\x04\xc6\xb2\
\x07\x10\x0f\x12\x50\x1b\x0a\x1c\x18\x15\x03\xbc\x7e\x0d\x05\xcd\
\xe2\xe2\x14\x1a\x90\x4b\x06\xab\xde\xbd\x00\x01\xed\x01\x68\xee\
\xeb\x21\x20\xe1\xe3\xf7\xa9\x0e\x1e\x07\x0b\x0d\x1b\x49\x02\x2e\
\x58\x98\x47\xd0\x1b\x32\x7c\x08\x29\x09\xe0\x00\x41\x5e\x00\x04\
\x1c\x8c\x50\xf0\x00\x81\x4f\xc1\x8b\xac\x10\x38\x98\x32\x2c\xa1\
\x47\x25\x02\x0c\x7c\x58\xd0\x47\x10\x00\x10\x13\x84\x6d\x90\x70\
\xc0\x5d\x34\x8c\x30\x01\x44\x10\xb0\x31\xc9\x87\x52\x1f\x73\x0e\
\x71\x90\xae\x1b\xab\xff\x03\x1c\x24\x20\x58\xf0\x07\xa6\x51\x50\
\x00\x16\x40\x50\x50\x88\x08\x85\x08\xee\x10\xe8\xd4\x29\xc0\x02\
\x34\x6f\xf2\x8e\x6a\x95\x45\xe0\xc0\x86\x02\x85\x34\x44\xc0\xb4\
\x20\xe2\xd4\x84\xba\xb6\xaa\xd5\x1a\x55\xc1\x05\x0e\x2d\x41\x41\
\x38\x8b\x30\x41\x83\x97\x6b\xf3\x12\x1c\x40\xe0\x8c\xac\x06\xca\
\xe8\x36\xfb\x50\x52\xaf\x61\xbd\x03\x70\x0a\x5e\x76\xc1\xe7\xe1\
\xc7\x6a\x07\x60\x58\xcc\xac\x40\x05\xbc\x90\x33\x13\x24\x70\x8e\
\xf2\xad\x0c\x0f\x30\x6b\x1e\x7d\xac\x42\x67\xcf\xb6\xee\x92\x5e\
\xed\x6d\xc1\x07\xd4\xb7\x3c\x15\x66\x4d\xdb\xe4\x01\xd8\xb6\x38\
\x8c\xad\xcd\xdb\xa4\x82\x8e\xb8\x29\xc1\x15\xdd\x7b\x74\x00\x57\
\xc1\xeb\x6c\xb8\x40\x81\x88\x80\x09\x16\x8b\xf7\x06\x70\x40\x43\
\xd3\xe4\x5a\x2c\xf0\x65\x24\x67\xa1\x6a\xe9\xd2\x0f\x5c\xc7\x7e\
\x05\x43\xac\x76\x0d\x3a\x54\x50\x07\x5e\xba\x2f\x03\xe4\xb3\x10\
\x40\x4a\xbc\x3d\xeb\x00\x07\x26\xc7\x9f\x72\xc9\xbe\x7f\x56\x01\
\x54\xd0\x1c\x11\x05\x04\x16\x5f\x07\xff\x25\xc8\x4a\x05\x02\x64\
\x50\x00\x05\x1b\x80\x10\xc1\x03\x06\x06\x37\xc1\x6c\x0a\x2a\x88\
\x1f\x45\x7d\x01\x42\xff\x00\x05\xe3\xe1\xc6\x5e\x86\x24\xfe\x91\
\x95\x1f\x07\x9c\x86\x5b\x07\xf5\x91\x48\x62\x62\xf6\xe0\x26\x80\
\x02\x88\xb8\x68\x23\x2b\x04\x5c\x40\xde\x65\x37\xf6\x28\x48\x00\
\x10\xd4\x14\x5c\x06\x12\xb4\xe8\xa3\x7d\x03\xfc\x83\x9d\x01\x15\
\x60\x78\xa4\x82\xd4\xc1\x87\x1d\x06\x35\x3e\xe9\xe2\x00\x66\x25\
\x87\xc1\x88\x56\x26\x98\x94\x94\xc1\x2d\xe4\x64\x97\xf6\x11\xf0\
\x1a\x76\x02\xec\x42\xa6\x82\x07\x78\x10\x9f\x07\x63\x4e\xe7\xc7\
\x00\x7c\x2d\xb0\x00\x1f\x03\xb4\x93\xe1\x2f\xc0\x05\xe7\x00\x02\
\x71\xb2\xf6\x4e\x03\x15\x58\xe0\x81\x01\x14\x5c\xe0\x00\x06\x06\
\x70\xd0\xc6\x01\x74\xfa\x17\x40\x07\x31\x26\xb7\xc1\x7c\xee\x0d\
\x70\xc0\x03\x1b\x54\x58\x04\x58\x1a\x3c\x00\x68\xa0\xa4\x01\x30\
\x17\x79\x05\x40\xe0\xde\x43\x1b\x18\xd0\xe7\x14\x02\x14\xc0\x01\
\x02\x98\x4e\x87\x40\xa5\xb8\x4d\xe0\x58\x6d\xd4\x29\xa0\xa2\x16\
\x02\x78\x10\xc1\xae\xb4\x05\xa0\x18\x5d\x19\xf0\x34\x81\x01\x02\
\x50\x00\x28\x6f\x00\x0c\x60\x01\x98\x75\x18\xa0\x00\x97\xab\x01\
\x20\x41\x88\x3a\xed\xd3\x57\x03\xe0\x1a\x79\xd8\x01\x1d\xbc\x5a\
\x47\x02\x1c\x80\x20\xff\xae\x5e\x0d\x50\x3b\x95\x03\x15\xd8\x17\
\xa5\x29\x18\x40\x40\xac\x71\x6e\x0a\x26\x40\xad\xc5\x05\xd0\x80\
\x08\xdc\xe2\xc1\xe4\xbd\x99\x01\x40\x8b\x60\x0a\x10\x7c\x5f\x03\
\x3a\xe6\x83\xc0\xba\x91\x71\x42\x17\x8b\xe0\x35\x90\xaf\x2d\x02\
\xf4\xb7\xda\x71\x06\x14\x28\x82\xa7\xe3\x3c\x2c\x1d\x01\x6a\xe0\
\x92\x81\x06\xdf\xad\x46\x06\x02\x08\x14\xea\x91\x01\x6a\xf6\x16\
\x40\x04\xb8\xda\x12\x1a\xaf\xbd\x10\x70\xac\x38\x06\x90\x5a\x70\
\x03\x12\x33\x93\x40\x43\xc5\x69\x6b\x2e\x33\x16\xf8\x0c\xd9\x71\
\xf7\x6c\xa0\xf0\x68\x06\xd7\xbc\x4c\x01\x16\x40\xcc\x2e\x3e\x54\
\x2b\x7d\x98\x2f\x52\x2f\x93\x4e\x51\xb4\x01\xe0\x41\xc0\xb7\x70\
\xf0\xb4\x66\x0b\xb8\xdb\x0c\x4d\x7b\x9c\x6d\x18\xd0\x75\xf1\xc8\
\x5b\xda\x1f\x19\x60\x41\x31\xa5\x4a\x95\x10\x9c\x32\x5b\x97\xd3\
\x07\x6e\xab\x05\xc0\xce\xe2\x5c\x80\x2d\x69\xc7\x91\xdd\x8c\x01\
\xfc\x42\x46\x40\x96\xf8\x64\x10\x81\xd5\x82\x33\x98\x53\x01\x8d\
\x3f\xd6\x80\xe2\xcb\x54\xdd\x9b\x05\x3a\x31\x4e\xda\xc1\x09\x65\
\xc0\x81\xd6\x6b\xf9\x4b\xfa\x47\x14\x04\xae\x95\xc1\x39\x5d\x90\
\xf9\x63\xa3\x74\x90\xff\x00\xe7\xcd\x68\x30\xbb\x5e\x00\x74\x80\
\xfb\x2d\x14\xec\xae\x17\x01\x1d\x88\x70\x74\x42\x17\xa0\x6e\x54\
\x00\x25\x7b\x34\xc1\xe1\xbc\x1f\x00\xb2\x47\x17\x54\xb9\xf4\x99\
\x1e\x51\x00\xbd\x5e\x11\x4c\x9f\x90\xd3\x50\x17\xff\x91\x00\x29\
\x3f\x86\xcc\xef\xe2\x08\xa0\x81\xf2\x30\x31\x9f\xd3\x04\x31\x43\
\x66\x30\xfa\xcb\xcc\x01\x73\xa9\x16\x74\xdd\x0c\x74\xa3\x4f\x25\
\x40\x02\x1f\x00\x81\xf0\x78\x47\xb3\xba\x0d\x50\x70\x12\xd0\x9f\
\x38\x24\xd0\x00\xf6\x6d\xe5\x00\x0a\x5c\x86\x02\x28\x77\x11\x6d\
\xd1\x2f\x15\x18\x38\x20\xed\xd4\x96\xbe\x07\x38\xf0\x22\x40\xd2\
\x09\x05\xac\x77\x9f\x8b\xe1\x43\x00\xbb\x19\x8d\x04\x8e\x27\x0e\
\xbb\x14\xe7\x54\x08\x61\x1c\x05\x2f\x02\xc1\x0b\x9e\x22\x01\x78\
\xe3\x55\x03\x84\x74\x8f\x84\xb1\xa6\x01\x0a\xd0\x0f\x42\x50\x38\
\xc3\xd7\x89\xef\x1e\x02\x88\x57\xb1\xa6\xf1\x2b\x66\x08\xe0\x03\
\x45\x3c\x8a\x4c\x6c\x18\x89\xc6\xf4\x66\x00\x1a\x41\x88\x02\x3e\
\xa8\x96\x00\x98\xb0\x19\x50\x29\x4e\xbb\x10\xa2\x01\xd7\x6d\xad\
\x80\xe2\xb8\x56\x78\x12\x92\x80\xab\x4c\x07\x74\xcd\xa0\x00\x04\
\xa2\x28\x45\x09\x78\xff\x0f\x63\x73\x04\x04\xd8\xb2\xc5\xa7\xa9\
\x81\xaf\x5f\xcd\xc3\x87\xb5\x20\x00\x81\x0a\x44\xa0\x81\xb4\x01\
\x01\x33\x50\x06\x1e\xce\x8c\x4f\x08\x60\xe1\xc0\xf6\x0e\x33\x33\
\x1e\x9e\x02\x03\x29\x9c\xce\x18\xe9\x42\x18\xda\x2c\xc0\x02\x4d\
\x8c\x04\x93\xb8\xb8\x16\x99\xb0\x10\x21\x18\x30\xe3\x5a\x06\x40\
\xa9\x1b\x82\x40\x95\x8f\x99\x14\x15\x6f\x51\x00\x75\xf1\x0a\x39\
\x92\xc8\x40\x02\x10\x00\xcb\x52\xfa\xe1\x0f\x65\xa1\x0c\xdf\x78\
\x75\x2b\x49\x78\xe0\x13\xbd\x59\xc4\x18\x0e\x80\x00\x5c\x0a\x46\
\x86\xd0\x5a\x80\x02\xc0\x62\x07\x0a\x58\x45\x8c\x17\x88\x95\x03\
\x0a\x60\x49\xba\x08\xa0\x48\xd2\x01\x81\x06\x06\xc4\x85\x09\x7c\
\x40\x64\x32\x6b\x25\x76\xb6\x08\x9e\x05\x4c\x48\x04\x11\x2c\x82\
\x01\x3a\x00\x28\x3a\x1e\xa5\x01\x90\x0b\x0e\x05\xe2\x37\x9d\x01\
\x34\xc0\x02\xc5\x83\x44\xa5\x82\xf1\x3f\x73\x42\xa0\x81\xf6\x3c\
\x4a\x80\xf6\xc3\x3f\xff\x44\x8b\x00\x08\x88\x40\x07\x1e\xf0\x01\
\x0f\xdc\x44\x02\x20\x38\x00\x34\x12\xba\x95\x01\x74\x13\x37\xcf\
\xca\xd0\x3b\xfa\x00\x8f\x3d\xfe\x27\x81\x56\x48\x40\x01\xe2\x09\
\xbc\xc9\xad\x29\x41\xff\x3a\x5b\x42\x30\x14\x50\x11\xd3\x2c\x61\
\x03\x1f\x60\x69\x17\x30\xf9\xd2\x04\x3d\x04\x64\x0e\x32\x80\x07\
\x1a\x90\xa7\x10\xb0\x32\x09\x19\xd8\x12\x1a\x2a\xf0\x15\x49\x14\
\x40\x02\xa4\xec\xa9\x61\x00\x00\x47\x89\xe8\xe6\x2e\xc6\xf0\x05\
\xc8\x9c\xa5\x47\x51\x54\xc0\x03\x20\xc2\x43\x01\x5c\x2a\x55\xfb\
\x00\xa9\x52\xba\x64\xc9\x89\x30\x81\x0c\x4f\x11\x8d\xad\xa3\xd0\
\x80\x4e\xa7\x60\xb6\xb2\x3a\x34\x90\x0a\x88\x0e\x2f\x58\x79\x9d\
\x19\x91\x30\x13\x0d\xa0\x90\x1d\xe0\x15\x55\xbb\x0a\x4e\x5a\x43\
\x78\x40\xe0\xe6\x35\x84\x0b\xf0\x13\x40\x0b\x08\x65\x16\x44\x67\
\xd8\xf6\xe8\x6c\x0e\x14\xd0\x1a\xd3\x86\xd0\xa4\xbd\x7c\x14\x58\
\x1e\xe8\x65\x65\x0d\x03\x41\x11\xc8\xae\x20\x0f\xb1\x80\x02\xb8\
\x51\x90\x03\x70\x70\x0b\xba\xe0\xe8\x68\x31\xd2\x3d\x11\x3c\x0f\
\x84\x2e\xb9\x48\x04\x24\xab\x05\xca\x06\x02\x1e\xa2\x9d\x6d\x41\
\x62\x6a\xbc\x1c\x66\x26\x84\x62\x6d\xd2\x43\x99\x7a\x4c\xe1\x2e\
\xad\x03\x35\x79\xaa\x6c\x41\xb1\x80\x40\xde\x41\x0c\x0a\xa0\x80\
\x3d\x30\x10\x52\xe7\xe6\xa5\x02\x60\x02\x4d\x61\xbd\x41\x00\x21\
\xe6\xa1\x66\x1b\x28\xff\x9f\x77\x8f\x52\x9d\x22\xf8\xf0\x67\x5e\
\xd3\xe0\x7a\x13\x11\x29\x4c\x5c\x96\x40\x1f\x80\x5a\x04\xea\x97\
\x8e\xf9\x92\x17\x02\x18\x10\x55\x51\x90\x61\x81\x86\x01\xec\x03\
\x93\x5c\xcb\x01\xc8\xe9\x1c\xe3\x39\x75\xa8\xd3\xf5\x11\xc9\x84\
\x90\x01\x73\xd6\x48\x14\x04\x20\x94\x02\x24\x40\x14\xc4\x09\x48\
\x08\x29\xe1\x80\x45\x2b\x20\x58\x49\x78\xd0\xbf\x6c\x5d\xc0\x05\
\x02\xe3\x81\xc6\xb5\xc3\xa4\xa3\x19\x40\x04\x24\x50\x01\x5e\x92\
\xa4\x1d\x0b\x08\x5a\x1e\x76\x89\xe2\x9c\x71\xe0\x55\x61\xfc\xcf\
\x5a\x7b\x01\xc3\x3c\x40\x13\xc5\x6d\x32\x42\x06\x9f\xb4\xc9\x3c\
\x1c\xa2\xc7\x10\x39\xc2\x5b\x7d\x24\xcb\x3c\x78\xa2\xc7\x69\xe3\
\x96\x1b\x79\x97\x99\x64\xe4\xc1\x3c\x3d\xce\x91\x11\x66\x94\xd0\
\x3f\x64\xb8\x01\x07\x80\xd4\x61\xc4\x8c\x07\xb2\xfa\xd7\x58\x46\
\xb8\xf2\x2a\xc9\xa5\x81\x8d\x50\x60\x02\x09\xd8\xc6\x5f\x97\xe7\
\x4c\x3a\x64\x60\x98\xfe\x35\x95\x81\x36\x50\x58\xea\x74\x20\x25\
\x47\x08\x09\x6b\xd5\x92\x22\x81\x3d\xe0\x80\x11\xe6\x0d\x9b\x41\
\xac\xc4\xd7\x69\x84\x73\x72\x0c\xee\x8f\xf2\x49\x07\x07\x28\x00\
\x9d\x6c\xc5\x62\x03\xff\xe4\x6b\xa3\x00\x6c\x00\x38\x4f\x29\x62\
\x00\x40\xf0\x59\x23\x24\x40\x3b\x5b\x91\xc9\x1d\xb5\xa0\x01\x7b\
\xa5\x18\x03\xdb\x54\x4f\x51\xd7\x84\xd8\x21\x14\xe0\x5a\x33\x44\
\x80\x81\xaf\x30\x65\xa3\xb8\x56\x12\xf3\x64\xcf\x01\x14\x33\x81\
\x09\x44\x40\xaf\xe0\xc1\xf1\x9e\x05\xb1\x00\xbd\x7d\x0a\x02\x1d\
\x06\xa1\x8e\xaf\xd0\x5f\xa3\x44\x6b\x6c\x93\xf8\xf5\x2b\x41\xa0\
\x24\x23\x6c\xe0\xa0\xab\x22\x40\x05\x3e\x20\x12\xe3\xfe\xe8\x71\
\xa1\xa4\x80\x04\x54\x89\x8c\xb9\xfa\x3a\x69\xed\x03\xca\x2c\xaf\
\xe0\x84\x04\xb0\x30\x01\x06\x70\x73\xa9\xe0\x01\x82\x0e\x60\x20\
\x46\x2d\xce\xaa\xb4\x98\x85\x0e\x10\x68\x96\x70\x56\x58\x72\x41\
\x00\x40\x80\x37\xec\xdb\x98\xe3\x9d\x87\x28\x2c\xc0\x81\x8f\xfa\
\xb0\x1d\x08\xd0\xc0\xac\x85\xf0\xb5\x79\x0c\x80\x0e\xee\x96\x45\
\x3b\xda\xab\x13\x2a\xb1\x06\x01\x18\x60\x61\x48\xd0\xfc\x01\x06\
\xc3\x0a\x41\xf3\x10\x4f\x17\x9e\x4a\x90\x05\xd8\xf1\x2c\xef\x25\
\x2f\xb8\xee\xc4\x17\x3a\x29\xcd\x54\x53\x58\xa9\xcd\xaf\x70\xb3\
\x75\x40\x60\xe4\x48\x80\xea\x3c\x10\xc0\xdb\x71\x64\xc0\x00\x6e\
\x03\x01\x30\x26\xc0\xff\x13\x03\x34\xca\x9a\xea\xcd\x84\xb1\x2e\
\x3e\x85\xce\x1a\xc4\x72\x5d\x38\xb1\x41\xac\x3d\x95\xa0\xe3\xc8\
\x55\x49\x00\x34\x80\xac\x9b\x87\x0a\x87\x3d\x13\xe7\xeb\x82\x00\
\x70\xbe\x76\x7b\xe3\x22\x95\x71\x92\xc9\xd2\x9d\x92\x72\x4c\x78\
\xf1\x94\x3b\xdf\x87\xb8\x10\x30\xf8\x2b\xc8\xcd\x1b\x0c\x13\x8c\
\x58\x00\xd5\x0d\x63\x2c\xe0\x88\x48\xa8\x0a\x71\x00\x50\x6e\x23\
\x47\x20\xdb\x26\x7f\xad\x15\xb6\xcc\x0b\x8a\xdb\x0e\x59\x3c\xf9\
\x00\x03\xa1\x81\x45\x2b\xfc\xf1\x97\xee\xf0\xd7\x4c\xea\x9e\x80\
\xa1\xb6\x8f\xee\x57\x48\xde\x45\x2a\x0e\xf5\x71\xd0\xc4\x5a\xbe\
\xb2\x82\x00\x1a\x92\xe1\x69\x50\x94\x51\x88\xd7\x02\x05\x2a\x30\
\x6d\x83\x48\x6f\x0b\x09\x10\xb8\xc6\x81\xe8\xf7\xf4\x61\x81\x27\
\x8a\x4a\x40\xef\xb7\x50\x6c\x8c\x8c\x5d\x0b\xaf\xaf\x20\xf1\xc8\
\xbe\x9f\x3a\x08\x80\xd0\xaf\x5b\x80\x79\xa7\x70\x3f\xad\x0c\x00\
\x02\xc9\x2f\xbf\x29\x6e\xfb\xba\xfc\xe4\xde\xe1\xb1\xbe\x8d\xfc\
\xef\xd1\x7d\xef\x1f\x20\x9b\x20\xa1\x3d\x85\x75\x54\xfb\x37\x0e\
\xa9\xb4\x4a\x15\xb0\x6d\x00\x13\x10\x8f\x46\x47\x5c\x53\x80\xe3\
\xe0\x2c\xa5\x24\x0a\xff\x20\x20\x01\x5f\x81\x01\x0a\xa0\x00\x87\
\x34\x64\x46\xf1\x7e\x10\x78\x0f\xf8\x96\x17\xd1\x72\x06\x7d\xe1\
\x07\x6f\xa3\x80\x1f\x78\x0b\x09\x00\x7a\x3d\xa2\x2d\xd5\x97\x82\
\x76\x90\x2a\x91\x46\x3b\x9c\x06\x83\xb7\xe0\x76\x37\x52\x01\xad\
\x66\x83\xa7\xf0\x3c\x5d\x25\x0a\xe0\x42\x7a\xa5\x22\x1a\x70\xc7\
\x83\x4e\xf4\x68\x11\x10\x01\x1c\x27\x72\xfa\x90\x60\xc3\x83\x00\
\xa3\x46\x12\xb6\x61\x84\xf7\x90\x2c\x47\xa0\x01\x2c\x68\x3e\x39\
\x66\x3f\x1f\x00\x01\x63\xd0\x17\xb8\x47\x85\x27\x44\x31\x9a\x61\
\x26\xe3\x01\x70\x06\xe0\x00\xe4\x27\x86\x92\x10\x82\x99\xa1\x83\
\x6c\x18\x1c\xf8\x57\x30\x6c\x17\x87\x94\x01\x3f\xa4\xb1\x43\x76\
\x88\x1a\xe9\x45\x1a\x93\xb6\x87\x82\x11\x5a\xa5\x22\x7a\x80\x98\
\x10\x4f\x34\x71\x18\x06\x0f\x05\x91\x06\x85\x28\x18\xa9\x32\x5c\
\x1c\x97\x86\x16\xd0\x7c\x6c\x65\x01\x6b\xd8\x88\x93\x50\x4f\xeb\
\x40\x55\x31\x92\x00\x8f\xe7\x0d\x10\xf0\x82\x98\x88\x0a\xba\x71\
\x36\xd4\x61\x20\xcf\xb0\x79\xa2\x80\x79\xa3\x48\x15\x1d\x10\x17\
\xa0\x00\x44\x47\x80\x83\xbd\xa0\x29\x0f\x60\x00\xdb\xd7\x8a\x53\
\x23\x54\xb4\x92\x55\x36\xe0\x66\x04\x0e\x10\x64\xbf\xa5\x6e\x1c\
\x20\x8a\xba\xc8\x0c\xf3\x34\x14\x68\x80\x46\x47\xb0\x64\x01\x50\
\x6d\xb7\x78\x8c\xe4\xa1\x1b\x15\x30\x6c\x63\xa6\x01\xd3\x80\x8b\
\x97\x28\x8d\x8b\x11\x56\xdc\xf8\x8d\x58\x10\x04\x00\x21\xf9\x04\
\x09\x03\x00\x22\x00\x2c\x00\x00\x00\x00\xb3\x00\xa2\x00\x00\x06\
\xff\x40\x91\x70\x48\x2c\x1a\x8f\xc8\xa4\x52\x20\x72\x18\x28\x9a\
\x8e\x05\x52\xe1\x28\xaf\xd8\xac\x76\xcb\xed\x7a\xbf\xe0\xe1\x03\
\xd4\x20\x2c\x06\x03\x00\x20\xd0\xb8\x64\x27\x14\x6b\x21\x4c\xaf\
\xdb\xef\xf8\xe3\x66\x11\x02\x84\xfe\x80\x21\x01\x0a\x19\x57\x09\
\x12\x0b\x04\x0d\x0f\x1e\x09\x09\x79\x90\x91\x92\x93\x0a\x7e\x81\
\x81\x00\x11\x0e\x57\x1c\x04\x80\x01\x03\x0d\x11\x0f\x17\x9b\x93\
\xa7\xa8\xa9\x57\x16\x01\x97\x97\x04\x06\x4b\x10\xae\x7d\x00\x04\
\x20\x13\xaa\xba\xbb\x5e\x4c\x58\x02\x0f\x96\xb4\x21\x03\x16\x13\
\x19\x85\x46\x18\xad\xc3\x21\x0b\x18\xbc\xd1\xd2\x48\x06\x1a\x1e\
\x58\x05\x12\xc2\xc3\x0b\x10\x12\x8c\x0a\x13\x18\x14\x13\x0e\x07\
\xcc\xc3\x03\x14\xd3\xec\xd2\x14\x0a\x0d\x03\x04\x12\x49\xc8\x0e\
\x0d\xcd\x98\x6b\x00\x68\x89\x04\x04\xe8\xd2\x69\x68\x47\x30\x95\
\x03\x05\x08\x02\x58\x22\xd0\x61\x0e\x91\x04\x05\x30\x54\x38\x90\
\xaf\x62\x1f\x8b\x21\x60\x15\xdc\x08\x49\xc0\x86\x0a\x0a\x2f\x35\
\x88\x25\x42\x80\x01\x0c\x10\xe2\x6d\xc3\xc8\xd2\xd5\x82\x75\x1c\
\x63\xd2\xb9\xc0\x2a\x60\x20\x02\x1e\x1e\x40\x20\x90\xa6\xa5\xcf\
\xff\x66\x0b\x48\xca\x1c\xca\x25\x01\xc8\x8a\x6a\x56\xfe\x5c\x0a\
\xc8\x96\x06\x53\x48\x28\x40\x25\x2a\x53\x00\x08\xa5\x4c\xb3\x62\
\x54\x13\xe1\xc3\x54\x21\x09\x34\x94\xe9\x40\x95\xa8\x04\xad\x68\
\x99\x12\x38\x40\x28\xd9\x04\x05\x3d\x43\x54\x28\x2b\x93\x03\x9f\
\xb4\x78\x59\x2a\x8c\xc0\x81\x42\x82\x9d\x97\x0e\xf8\xa2\x4b\xb0\
\x00\xc5\xbc\x88\x31\x2a\x8a\x47\x6b\xc1\x40\xc2\xed\x04\x1c\x4d\
\x4c\xb9\x19\xd6\xa6\x16\x20\xb7\xab\x70\xb9\xb2\xe7\x8a\x73\x35\
\xf3\x12\xd0\xc1\xe6\xe7\xd3\x15\x07\x08\x15\x8d\xca\x40\xb0\xce\
\xa8\x63\x03\x3a\x90\x8b\x75\x6b\x08\x03\x64\xeb\x6e\x56\x2c\x99\
\x6d\x3a\x18\xdc\x14\x49\x70\x20\xf7\xee\xe3\x98\x34\xfe\xa6\x83\
\x20\x14\x04\x92\x05\x0c\x34\x30\x8d\x5c\x37\x80\x07\xcb\xe9\xcc\
\xfa\x03\xca\x82\x06\x0b\xf8\xaa\x8b\xcf\xb8\x3a\x3b\x17\x0f\x8d\
\xa9\x8f\x97\x1d\x80\xac\xf9\x2e\x14\xd4\xaf\x5f\x7f\xc0\x80\xef\
\xf7\x58\x3c\xcd\xdf\xef\x4a\x30\xfe\x2c\x08\xf0\x27\x20\x26\x08\
\xd4\xf6\x1f\x12\x16\x0c\xa8\xe0\x1f\x03\x40\x00\xd3\x81\x45\x4c\
\xa0\xdf\x82\x03\x2e\xf0\x81\x43\x43\x08\x80\xa1\x79\x13\x24\x44\
\xff\xa1\x82\x83\x08\xa0\x21\x06\x0f\x54\xf0\xdc\x7f\x17\x4c\xf8\
\xe1\x7e\x6b\x40\x00\x01\x02\x04\xa8\x31\xc0\x03\x1b\x66\x67\x80\
\x8a\x2b\xae\xa7\x86\x4d\x03\x40\x83\x5f\x02\x1d\xe0\x98\xe3\x80\
\x01\x40\xf0\xd5\x72\x86\x0d\xb9\xe2\x00\x8f\xbd\x47\x01\x02\xb0\
\x29\x29\x1e\x00\x08\x3c\xb8\x9c\x00\x17\xdc\x25\xe5\x82\x03\x70\
\x70\xdf\x6f\x20\x6c\xf9\x21\x00\x23\x99\x07\x97\x98\x1f\x76\x39\
\x18\x6b\x1d\xca\x87\xe6\x78\x33\x2e\x97\x81\x02\x42\x56\x97\x54\
\x00\x0b\x24\x92\x27\x40\xad\x44\x59\xdd\x02\x11\x64\x57\x40\x04\
\xfb\xe1\x49\x40\x05\x0f\x28\xc0\xc1\x04\x13\x18\xe0\x80\x06\x1a\
\x7c\x30\x11\x40\x7e\xca\x36\xcf\x9a\x74\xad\x59\xc9\x7a\x03\x1c\
\x20\x81\x01\x13\x60\x4a\x04\x13\xe5\x48\x00\x42\x5c\xe3\x2d\xb0\
\xc1\x91\x44\x19\xe0\xc1\x07\x1f\x78\x80\x01\x9d\x95\x52\x36\x00\
\x02\x1e\x88\x08\xdf\x04\x20\xc4\x38\x25\x8d\x9a\x39\x10\x41\x00\
\x0a\x0d\x40\x6c\xad\x88\x05\x80\xc0\x07\x25\xd1\xe1\x41\x04\x5a\
\xee\x76\x9d\x68\x12\xf2\x47\x00\x04\x05\x88\xfa\x85\x01\x1f\x84\
\x27\x6d\x05\x35\x52\x55\xda\x7c\x64\x2a\xa0\x6d\x18\x05\x70\x10\
\xff\xe6\x71\xca\xd1\xf5\x17\xb2\x94\xb1\xa1\xe1\x24\x17\x40\xe0\
\x66\x62\x4c\x7e\x39\x94\x00\xde\x56\xc7\x46\x79\x91\x18\x20\x81\
\x71\xb1\x01\x00\xc2\x23\x74\x29\x10\xed\x71\x00\x1c\x60\x85\x2a\
\x06\x44\x40\x30\x6a\x0d\x9c\xbb\x91\x00\x1e\xc0\x8b\x58\x03\xd7\
\xec\x42\x9c\xc6\x4b\x85\x48\x17\x94\xe2\x11\x90\x59\x34\xf7\xe8\
\x16\x68\x59\x14\x1c\x86\x5c\x00\x20\x84\x9b\x0a\x69\x0b\x7b\xd6\
\x00\x06\xd9\x12\x95\x40\xbf\xd6\x2d\x20\xdc\x34\x84\xca\xe6\xe9\
\x07\x1d\x60\xe0\xe3\xc5\x4f\x86\x64\x1d\x76\xed\x48\xa7\x5b\xb1\
\x78\xd2\xc3\x11\x13\x1f\x1c\x50\xb3\x67\x07\x20\xcc\x4e\x06\x9c\
\x55\x97\xf5\x50\x14\x7c\x50\x67\x62\x01\x58\x20\x33\x2f\xd5\x22\
\xa7\x1a\x51\x05\x04\x88\x1a\x93\x1b\x15\xb0\xee\x71\x70\x0f\x95\
\xc0\x55\xa8\x45\x60\xf1\x2e\x02\x68\x30\x31\x7b\x17\xe8\x4b\x90\
\x00\x07\x80\xcc\xd2\x8c\x7b\xef\x92\xf6\x6e\xed\x25\x1e\x4d\x87\
\xa8\x05\x70\x74\x41\x09\x90\x2c\x2d\x04\x3a\x8f\x9d\x17\x6d\x32\
\x3d\x70\x6f\x62\x00\x80\x3b\x54\xca\x9f\x35\x3c\xd4\xa6\xd2\x22\
\x70\x36\x3b\x17\xfc\x0d\xba\x04\xab\x4b\x63\xc0\xd5\xa5\x13\xa0\
\xff\x35\x47\x06\xb8\x8e\x18\x00\x52\xc7\x44\x01\xcf\xa5\xf3\xf3\
\x80\xe3\xbc\x28\x7c\x5a\x00\x4c\xc7\xb4\x73\x6c\xa0\x34\x60\x81\
\xb9\x76\x2b\x80\x1a\x00\xee\xc5\x64\xce\xdb\x11\x8c\x43\xbc\x2e\
\x02\x40\x31\x70\xe4\xc9\x73\xf4\xfb\x69\x64\xfe\x1c\xd3\x06\x16\
\x14\xf7\x39\x5a\xd7\x6d\xaf\x0a\xbf\xa8\x21\xe0\xbe\x2a\x1c\x34\
\xa0\x86\x75\x10\xcc\x8f\xca\xf8\xa5\x47\x10\x7b\x34\x19\x68\x1d\
\x72\x22\x20\x38\xd6\xe9\x2e\x2f\xbc\xd3\x1f\x2a\x36\xb0\x3e\xc4\
\x70\x2e\x26\x1c\x38\x20\x5e\x8a\x44\x14\x01\x1e\xe7\x19\x32\xb1\
\x80\xe1\x30\x12\x80\x0f\x28\xf0\x14\xcb\x3b\xce\x20\x94\xd7\xb5\
\xd2\x55\x2f\x26\x49\x12\xa1\xe8\xe2\xa6\x39\xbc\x0c\x40\x01\x6c\
\x2b\x1c\x72\x08\x60\xa5\x76\x74\x40\x82\x13\x7c\x58\x55\x4a\xb8\
\x9b\x17\x16\x70\x17\x0e\x80\xc0\x06\x31\x32\x80\x5c\xed\x2b\x18\
\xc8\x69\x18\xab\x78\x51\x00\xda\x25\x86\x00\x1a\xa8\x61\x41\x4a\
\x33\xc4\xa5\xa8\xea\x87\xaa\x98\x0c\xf3\x22\xd0\x10\xeb\xe1\x86\
\x27\xc6\x92\x4d\xc3\x6e\x17\x0d\x3a\xcd\x10\x01\x00\x63\x47\x02\
\x28\x60\x00\x0e\x08\xcc\x7e\xb1\x99\xd1\xff\x24\x41\x01\x2d\x32\
\xff\xce\x03\x73\x9c\x06\x12\x63\xd3\x80\x3c\xe6\xa1\x00\xc6\xf3\
\xd7\xc9\xa8\xe2\xb4\x82\xd5\x27\x1a\x18\x70\x19\x72\x82\x92\xa9\
\x08\x54\x91\x88\x27\xd2\xc5\x05\x82\x66\xa7\x32\xd1\xe5\x86\xba\
\x99\x11\x19\x25\x61\x00\x21\xae\xa7\x02\x58\x2c\xc8\x04\x80\xf7\
\x19\xe4\x85\x92\x0e\x06\xb0\xa3\xda\x3c\x70\xca\x76\xb4\xed\x91\
\x2d\x09\x4d\x24\x04\x50\x39\x1c\x32\xcf\x7c\x54\xf1\x88\x2d\x41\
\xe7\x9f\x3f\x5e\x60\x3a\xfb\x51\x9d\x66\x28\xd0\xc2\xca\x00\x60\
\x01\xe1\xb0\x83\x88\x52\x32\xa5\x40\x50\x30\x58\x6e\x4b\x62\x04\
\x3c\xb0\xc4\x5f\x60\xec\x1c\xe2\x19\x80\x3f\xd0\xd0\x2e\xc2\x64\
\x09\x96\x4b\x59\x8b\x02\x1c\xe0\xbe\x02\x38\xc0\x03\x08\x70\xe2\
\xdb\x14\xf0\x04\x0d\x4c\x40\x03\x69\xdc\x57\x01\x80\xa9\xa3\x86\
\xf1\x25\x16\xb7\x13\x40\x21\x0a\x90\x00\x03\x6c\x20\x02\x8c\x59\
\x8f\x91\x90\x84\x01\x38\x0a\x48\x21\x0d\x38\x80\x37\x3a\x10\x2b\
\x12\x49\x60\x22\x68\x00\x67\x56\x08\x00\xc3\xe5\x74\x6b\x45\x77\
\x12\xc4\xb1\x2e\xc2\x1f\x98\x65\xc1\x71\x39\x4b\x45\x02\x28\xf9\
\x26\x22\xc5\x93\x08\x1c\x30\xa2\x12\x3c\xd0\x80\x06\x48\x40\x03\
\xff\x7e\xec\xc2\xc7\x4a\xaa\x20\xd8\x21\x81\x96\x18\x88\x00\x40\
\x06\x79\x84\x79\xca\x88\x00\x08\x78\xc0\x53\x3e\x98\x84\x2c\xd1\
\x54\x40\x0d\xd0\x61\x11\x0e\x22\x31\x66\x20\xae\xa7\x1f\x70\x85\
\x73\x30\x40\xd4\x23\x38\x00\x6f\x47\x5d\x4f\x00\xfc\x67\x04\x01\
\x20\x04\x55\x7d\x20\xc0\x06\x44\xb5\x01\x52\x02\x02\x50\x84\xb8\
\xc3\x8d\xb2\xaa\xa3\x8a\x0a\x21\x03\x0e\xd8\x40\x73\xb0\x42\xa5\
\x1a\x0a\x60\x58\x15\x91\xd7\x1d\x0e\xd1\x40\xb6\xe2\xcb\x83\x43\
\x90\xab\x2d\x01\xc0\x53\x11\x9c\xc9\x22\x0f\xb4\x03\x31\xfd\x5a\
\x32\xa1\x48\x60\x7d\x45\x14\x82\x00\xae\x87\x11\x10\x48\x11\x0c\
\x5e\x9d\x18\x28\x24\xca\x58\x57\x90\xc9\x47\x0a\x68\xe0\x02\x10\
\xe5\x01\x10\x34\xb0\x02\x9b\x0c\x43\xcb\x5a\xb1\x00\x04\x48\x20\
\x27\xbb\xec\x2c\x53\x60\x16\x8b\xdc\xb1\x64\x0d\x0a\xa9\x55\x00\
\x64\x89\x87\x02\x40\x40\xa8\x0e\x99\xc0\x03\xd4\x29\xdb\xac\x04\
\xe0\x1a\x06\x50\x64\x65\x06\xd0\xbb\x54\x50\x00\xaf\xc5\x05\x9d\
\xb9\x06\xc5\xd9\x4b\x0c\x80\x59\x7c\x8b\x66\x74\xf1\x02\x02\x92\
\xb0\xe2\x34\x6b\xe3\x45\xe5\xb6\x8b\x97\xa4\x0e\x61\x02\xd5\x0d\
\xff\xc4\x00\x52\x2b\xd9\xaa\x1e\x41\x00\x1c\x90\x21\x79\xd5\xa2\
\x00\x0c\x25\xf7\x78\x12\xf0\x45\x21\x12\xc0\x01\x0e\x48\xe0\x00\
\x0f\x68\x25\x17\x3a\xb0\x80\xf4\xd2\x14\x79\x06\x12\x01\xe4\x8e\
\x17\x81\x0d\x68\xe0\x23\x65\xc8\x6d\x03\x12\x7c\x07\x01\x68\x63\
\xbe\xc3\x60\x03\x40\x2e\x11\xc9\x21\x10\x98\x79\x11\xbe\x1f\x20\
\xe2\x14\x09\x1e\x62\x18\x10\x2e\xed\x5b\x07\xec\xe7\x87\x06\x54\
\xa0\x03\x1c\xd8\x44\x06\xec\x62\xe0\x96\x14\x08\x12\x62\x39\x31\
\x26\x1a\x00\x3d\x11\x40\x04\xba\xda\xfc\x47\x42\x8b\x69\x9d\xb1\
\xe2\x21\x01\x9e\xd3\x31\x77\x1a\x00\x91\x22\x60\xf2\x12\x22\xe6\
\x0f\x99\x62\x7a\x85\x79\x2a\x99\x18\x87\x34\x82\x23\xa5\x74\x5d\
\x3c\x68\x50\xc9\x45\xc2\xa5\x10\x7e\xb9\x25\x2a\x51\xf8\x0b\x19\
\xd8\xe3\x89\x25\x70\x59\x11\x3c\x20\xb6\x16\x31\xd4\x01\x10\x40\
\xcf\xbc\xf8\xd0\x0e\xa9\xec\x6b\x49\xa1\x98\x04\xcb\x69\x85\x4a\
\x16\x30\x40\xf7\x26\x90\x00\x2c\xed\x04\x96\x5c\xb5\x03\x4d\x9c\
\x18\xe5\x92\x0e\xe0\xcc\x43\xd0\xb3\x2b\xd8\x90\x4c\xab\x2a\x40\
\xbe\x5a\xf1\x19\x1e\xc2\x06\x3c\x32\x49\x00\x46\x35\x26\x9f\x4d\
\xff\x8b\xe0\x55\xb4\xc0\xec\x02\x89\xa3\xd9\x9f\x09\x10\xbe\x3a\
\x00\x52\xbb\xb7\x12\xc1\x1c\x14\x80\x9b\x50\x63\xed\x08\x13\x20\
\xe9\x4f\x42\x77\xd2\xe1\x58\x00\xce\xae\xe0\x98\x7b\x8f\xa0\x01\
\x90\xf0\x03\x02\x09\x76\x80\x03\xd2\x69\xeb\x27\x36\x69\x08\x9d\
\xc8\x0a\x99\xd8\x8b\x84\x09\xa8\x12\x23\x07\xa0\xea\x24\x5c\x85\
\x00\x05\xb4\xd9\x03\x15\x20\xae\x18\xe3\x8c\x5d\x22\x24\x99\x29\
\x16\xf2\x82\x74\x6a\xc5\x8f\xee\xa6\x22\x5b\x7b\xa3\x40\x41\xb5\
\xaa\x4d\x1c\xe2\xa9\x3c\x02\x28\xa8\xe1\x70\xf1\x05\x35\xe7\xc3\
\x16\x16\xa8\xa6\x34\x7c\xdb\xec\x4b\x04\x60\x2d\x1f\xe0\xc0\x05\
\x1e\x40\x4a\x62\x41\xe0\xd9\x44\xe8\xa4\xaf\x5a\x02\x80\x0d\x08\
\xb8\x08\x6b\xb5\x08\x45\x87\x9d\x07\x8c\x49\x7a\xb6\x40\x7d\x80\
\x03\x42\x25\x84\x6c\x44\x6b\x0d\x08\xd8\x00\xb5\x9b\xd0\x2d\x64\
\x0d\x20\x0c\xcb\xb6\x88\xc1\x2e\xbe\x0b\x4f\x22\x65\x88\x9e\x8a\
\x85\xb6\x3c\xb9\x06\x1e\xb7\xf9\x08\xdd\xfa\x1c\x99\xe8\x70\x6d\
\x28\x23\x20\x97\x67\xa9\x08\x01\x22\x00\x02\x80\x96\x21\x11\xc4\
\xb2\x08\x89\x93\x90\x0d\x79\x78\xa0\xd7\x3d\xdd\xc0\xc4\xf3\xa1\
\xff\xb7\x30\x7c\xf7\xdf\x08\x58\xf9\x34\x32\x80\x55\x6e\xf8\xc5\
\xc7\x10\x01\x15\x07\x34\x00\x01\xe2\x06\x00\xeb\x3e\x36\x80\xa0\
\xbf\x50\x80\x04\x59\x04\x02\x62\x4f\x42\xa9\x35\xee\x56\x14\xda\
\xcb\x32\x12\xa0\x76\xdb\x94\x0e\x77\x3b\xf8\x7b\x18\x89\xee\x77\
\xa5\xba\x31\x77\x14\x02\x34\xea\x22\xd9\xc0\x12\x0e\x3b\x8c\x8a\
\xe9\xe2\x7b\xff\x26\x40\x55\xb7\xcc\xc1\x45\x40\xba\x69\x9d\x6c\
\x4e\x6e\xd6\xb0\x32\x25\x2c\xb6\x19\x13\x56\x45\xdb\x3e\xc7\x67\
\x30\x18\x74\x2b\x03\x88\xc0\xcf\xdb\xe1\x84\x12\x35\xe0\x60\x58\
\x98\x29\x94\xd5\x90\xbf\x54\x4c\xc0\xe6\x48\x01\x96\x17\x28\x60\
\xb8\x06\xcd\x3e\x32\x0e\xc8\xbb\x10\xf6\xa0\x10\x7f\x1c\xc0\x44\
\xc2\x9f\x04\x7c\xb1\xc9\x92\xc4\x6e\xe1\xf7\xd2\x56\x15\x84\x9a\
\x30\x81\x0f\x28\xe0\x02\x8e\x4a\xbe\x2a\x90\xbc\x75\x0e\x0e\xaf\
\x0b\x1e\x20\x32\x6f\x8e\x6f\x1b\x9a\xef\xd5\x5e\x1a\xb3\x85\x98\
\x95\x70\x8f\x0d\x9a\x6e\xfb\xec\xf8\xbd\xfd\xb3\x7c\x85\x0c\xf0\
\x0a\x2d\xcc\x85\x7f\xec\xf0\x24\x55\xc4\x31\x2b\x07\x5f\x7e\xc6\
\x14\xe6\x25\x80\xd2\x20\x00\x5f\x27\x6d\xf3\x90\x46\x09\xe0\x00\
\xff\x12\xb0\x61\x68\xa1\x09\x0c\x38\x0d\xa7\xc7\x3e\x40\xf5\x3c\
\x06\x90\x2e\x3a\xb1\x00\x4a\xa3\x15\xed\x91\x81\xd3\x00\x0c\xbb\
\x53\x6f\x78\xf2\x71\xa8\x37\x7f\x26\x98\x0a\x85\x24\x25\xa8\xf5\
\x82\xd3\xf0\x77\x4a\x02\x00\xda\x46\x83\xd1\x70\x23\x05\x87\x14\
\xc4\x82\x06\xe8\x70\x4c\x3a\x78\x82\xc0\x37\x1e\xe5\xf2\x16\x16\
\x50\x01\x11\x80\x00\x07\x20\x0a\x43\x28\x0d\x19\x80\x01\x75\x02\
\x79\xb1\x41\x00\x39\x58\x72\x6c\x44\x4e\x4f\x28\x0d\x46\xe1\x07\
\x6b\x20\x0f\x15\x20\x01\x15\xc8\x3c\x85\xb5\x85\x1b\x51\x56\xcf\
\x27\x01\x18\x40\x68\x42\x90\x5c\xa1\x96\x6e\x66\x48\x14\x14\x10\
\x2e\xf0\xa5\x7e\xb3\x65\x01\x1c\x17\x87\xef\x83\x69\x95\x31\x83\
\x7a\x28\x1a\xaf\x57\x19\x04\x40\x65\x7f\x38\x0d\x31\xe8\x19\x3d\
\x52\x88\x90\x61\x46\xc7\x53\x86\x8a\x28\x13\x1f\x00\x67\x07\xc7\
\x13\x7d\x35\x6a\x8f\x48\x14\x19\x43\x44\x15\xb0\x01\x82\x56\x3f\
\x7e\x42\x25\x84\x78\x89\x33\xd3\x01\x2c\xe1\x6e\x92\xf5\x01\x05\
\x66\x19\x9d\x22\x79\xa2\xb8\x2f\x5f\x96\x57\x35\xe4\x5b\xd4\xd1\
\x6e\xd4\xd4\x8a\x54\xc1\x52\x23\x38\x69\x20\xd0\x53\xca\x75\x4c\
\x44\x08\xf0\x14\xee\x67\x8b\x40\xf4\x00\xc5\x41\x0b\x0d\xc0\x8a\
\x46\xd0\x32\x77\xb2\x89\xc2\x28\x1a\x02\x30\x01\xfe\x65\x35\xcc\
\xd0\x41\xab\x53\x56\x4b\x87\x01\x02\xd7\x8c\x6c\x73\x01\x1d\x00\
\x2d\xca\xb2\x37\xe9\x42\x55\xc1\xa8\x8d\x1c\x91\x2e\x2e\x48\x8e\
\xe8\xc8\x05\x41\x00\x00\x21\xf9\x04\x09\x03\x00\x22\x00\x2c\x00\
\x00\x00\x00\xb3\x00\xa2\x00\x00\x06\xff\x40\x91\x70\x48\x2c\x1a\
\x8f\xc8\xa4\x72\x88\xd1\x6c\x3a\x0f\x09\x04\x04\xaa\x24\x96\xd8\
\xac\x76\xcb\xed\x7a\xbf\x60\xac\xa5\x31\x08\x98\x43\x00\x40\x28\
\x50\x29\x64\x05\x82\xb0\x7c\x4e\xaf\xdb\x93\x8e\x88\x3a\xc4\xef\
\xf3\x1b\x71\x4b\x0e\x1d\x12\x0f\x09\x0e\x77\x89\x8a\x8b\x8c\x42\
\x02\x0d\x7e\x91\x21\x03\x1c\x4b\x02\x0f\x04\x00\x01\x04\x11\x1d\
\x14\x6e\x8d\xa1\xa2\x8a\x81\x58\x0e\x90\x92\x7e\x12\x4b\x14\x07\
\x7e\x69\x0d\x07\x0a\x18\xa3\xb5\xb6\x5e\x13\x1c\x0f\x88\x4b\x18\
\x01\xa9\x7d\x00\x07\x06\x22\x19\x48\x16\xc0\xb0\x0a\xb7\xcc\xcd\
\x46\x06\x1c\x0d\x0b\x03\xc3\x4a\x02\x1a\x03\xc0\xc1\x20\x12\x4e\
\x06\x0e\x13\x22\x05\xd7\x03\x7b\xa9\x00\x10\xa5\xce\xeb\xa2\x14\
\x0a\x64\x7b\x03\x10\x14\x47\x09\xee\xa8\xda\xc1\x01\x03\x04\x04\
\x07\x08\x15\x2c\x10\xf8\xa5\x0d\x80\x05\x50\xec\x12\x2a\x72\xe0\
\x01\x41\x00\x73\x7c\x06\x28\x70\x13\x27\xc1\x86\x07\x07\x08\x64\
\xcb\x97\x8c\x4f\x1a\x88\xa9\x02\xac\x52\x48\xd2\x0e\x07\x3d\x20\
\xfb\x0c\xf0\xc0\xc1\x43\x84\x06\x0f\x53\x72\x9c\xa9\x2d\x80\x87\
\x92\x38\xe5\x5c\x22\x58\xb0\x0c\xcd\xff\x9f\x40\xd1\x2c\xcb\x49\
\xb4\x4b\x06\x08\x3c\x83\x2a\x5d\xda\x27\x40\x87\xa2\x50\xb7\x60\
\x63\x4a\x75\x29\x80\x01\x1d\x78\x45\xdd\x7a\xc4\xc0\x02\x99\x55\
\xc3\x9e\x03\x80\xc0\x83\xd6\x22\x0f\x2c\x70\xcd\x59\xa0\x02\x58\
\xb1\x70\x23\x11\x40\xa0\xa1\xc8\x05\x94\x04\xc2\xad\x55\x98\x41\
\xc2\xdb\xb8\x80\xd7\x88\xbc\x10\xe7\x03\x02\x3f\x94\xf6\x2a\x6c\
\xf0\x37\x70\xe0\x03\x11\x2a\x10\x90\x04\xe0\xa9\x62\x66\x05\x26\
\x1c\x48\xea\xb8\x73\xa4\x98\xc0\x20\x5c\xb6\x95\xc1\x83\x2b\xcf\
\xa8\x97\x82\x18\x5d\xa7\x80\x03\x7a\x46\x20\x4c\x4e\x4d\x3b\x28\
\x02\xd6\x73\x32\x46\xf8\x30\x24\x43\x82\x08\x1b\x6b\x0b\x9f\xd9\
\x00\x21\xee\x2e\xa7\x01\x2c\x00\x91\x60\x82\x02\x04\x8d\x87\x0f\
\x07\x20\xe1\xec\x71\x2d\x15\x22\x01\x20\xd0\x60\xb6\xf4\xef\xc0\
\x1a\x0c\xbd\xbe\x05\xd9\x39\xf0\xe8\x25\xb1\x21\xcf\x45\x41\xfa\
\xf7\x33\x09\xa8\x63\xaf\xe4\x02\x67\xf8\xf8\x3d\x22\xb8\x42\x7f\
\x49\x82\x05\xf9\x05\x28\xd7\x06\xfd\x2d\xf1\x40\x74\x02\x7e\x17\
\x81\x75\x05\x12\xa1\x40\x39\x09\x46\x58\x41\x83\x49\xf8\x15\x61\
\x82\x03\x8c\x44\x61\x11\x09\x64\x77\xff\xa1\x80\x0d\x78\x30\xdf\
\x86\x18\x1c\x80\xe0\x87\xb4\x1d\x00\x5b\x6f\x23\x92\x27\x01\x8a\
\x02\xde\x26\x40\x01\x14\x5c\x60\x41\x07\xb4\xf4\x57\x00\x52\x30\
\xe6\x17\x40\x03\x16\x48\x56\x46\x00\x0b\xf6\xd7\x4a\x8f\x01\x7e\
\x64\x4e\x00\xe3\xb9\x88\x24\x8c\xc2\xac\x78\x1c\x07\x10\x3e\xf9\
\x61\x62\xd7\x4d\x10\xc1\x7d\x56\x26\xd9\x80\x94\x97\x09\xc0\x81\
\x77\x5d\x5e\x38\x80\x06\x2d\x72\x55\x00\x08\x65\x42\xd9\x00\x83\
\x39\xcd\x38\x01\x1c\x42\x3c\xc0\x25\x7a\x9a\xec\xd3\x8f\x46\x03\
\x94\x73\x22\x7a\x12\xa5\x49\x92\x61\x08\x54\x61\x81\x04\x55\xa6\
\x97\xc6\x02\x07\x80\xf0\x00\x07\x1a\x60\xd0\xdc\x05\x14\x3c\x21\
\x41\x46\x69\x5c\x18\x80\x5a\x51\x19\x90\xdc\x2f\x99\x2a\x1a\xc0\
\x01\x16\x6c\x90\x80\x00\xc6\x20\xe1\x86\x06\x0a\x64\x94\xe0\x26\
\x7a\x41\xe5\x9e\x80\x57\x21\xc0\x01\x31\x5d\x14\xb0\x01\x52\x77\
\x0e\x37\x00\x02\x17\x6c\x55\xc0\x96\x01\x0e\xd0\x00\xa5\x3a\x71\
\x80\x00\x80\xe9\x05\xf0\x00\xae\x51\x25\x80\x0f\x7c\x04\x58\x60\
\x40\xaa\x73\x4c\x80\x11\x9e\xbb\xac\xf5\x41\xaf\xc2\x6d\x72\x01\
\x9c\x61\x88\x19\x01\x78\x03\x10\xa8\xff\xa6\x04\xe0\xd2\xf6\x63\
\xb0\x8c\x5c\xc0\xe3\x70\xce\x0a\x4a\xd2\x23\xf0\x8d\x5a\x57\x28\
\x06\x20\x2a\x1d\x08\xf6\x2a\xa4\x00\xb3\x78\x1e\xa0\xae\x28\x06\
\x40\x10\x1c\x6d\x5f\x72\xe5\xc1\x9f\x81\x85\x78\x8b\x01\x0e\x09\
\x07\xc0\x4d\x5b\x39\x60\x22\xc4\x62\x2d\xa0\xa1\x2d\x14\x90\x89\
\x1a\x75\xd8\x16\x25\x80\x03\x10\x2c\xd0\x2e\x60\x01\xdc\xd6\x8c\
\x00\x17\x10\x3c\x72\x03\xb1\x6e\xb5\x81\x64\xc3\x2d\x40\xae\x28\
\x5a\xae\x1c\xd6\x02\xd0\x72\x35\xc1\xbc\xa9\x5d\x1c\x70\x23\x5e\
\xd5\xb6\xa9\x71\x5b\x29\xe0\x73\x55\x07\xc0\xbb\x4e\x01\x16\x3c\
\x4d\x95\x78\xe3\x8a\xc0\x1f\x54\x1b\x58\xbd\x54\x00\xa2\x29\x84\
\xc1\xc2\xa8\x95\x11\x0b\x04\x0f\x44\xc5\x2e\x6d\x0b\x1c\x2d\x4a\
\x5b\x1c\x57\xb5\xdd\xc1\x38\x09\xf0\x62\xd1\x20\xd4\xcc\xce\x07\
\x71\x57\x65\x53\xc9\x24\xad\xd9\x37\x4d\x06\xe1\x44\xc1\xb4\x16\
\x77\xe0\xb6\x2d\x02\x1c\x96\x1a\x01\x41\x27\x24\xc0\xb9\xdf\x81\
\xbd\x78\x2d\x13\x20\xee\x58\x5e\x75\x57\xfd\x1d\x00\x11\x5c\x3e\
\xca\x04\x32\x77\x06\xc2\xce\xcd\x4c\xa5\x20\xd3\x0a\x69\x20\x72\
\x60\xa0\x03\x9e\x90\x01\x64\xd3\x26\xff\x0c\xeb\xce\xc4\x31\xb4\
\xbb\x16\xc8\xce\xce\xe1\x9f\x73\x9e\x90\x03\x83\xbc\x24\x5c\xda\
\x39\x69\x06\x5e\x03\x5b\x3b\x33\x01\x02\x03\xd1\x8b\x3c\x4e\x05\
\x68\xce\xb0\xc0\xb5\xa7\xe6\x94\xe8\xa1\x24\x70\x5a\xd1\x6b\xf8\
\x63\x00\xf7\x77\x74\xe0\x75\x58\xd4\x11\x05\x3c\xc3\x15\x7c\x40\
\x3c\x5f\x06\x9c\x2f\x77\xd8\xd4\xbf\x1e\x31\x81\xbe\x3b\x33\xf6\
\xe7\x11\x34\xaf\x90\x01\xf6\x03\x8c\xcb\x72\xb2\xbf\xef\x34\x0c\
\x27\x4e\x2b\xda\x41\x88\xe2\x80\x00\xa2\x86\x00\xa8\xbb\x85\x00\
\xbe\x55\xb4\x07\xe4\x6f\x1d\xd2\x02\x4f\x00\x3e\x40\xbe\x45\x80\
\x60\x70\x33\xc1\x4a\x51\x4e\x01\x42\xa5\x80\x0e\x27\x06\xb0\x1e\
\xcb\x72\xc4\x16\x13\x2d\x0f\x4c\xeb\xe0\x40\x09\x39\x32\x00\x16\
\xd6\xcd\x4e\x6a\x08\x95\xed\xa6\xc7\x8e\x35\xc9\x0f\x28\xcc\x83\
\x4a\xa5\x20\x10\x81\x8c\x94\xae\x33\x64\x89\xa0\x28\x2e\xa0\x42\
\xc0\xbc\x29\x2a\x74\x72\x00\xd5\x8e\xe8\x18\x9b\x28\xe4\x6e\x29\
\x82\x61\x54\x1c\x57\xb4\x6a\xac\x03\x1b\x33\xe4\x48\x00\x38\x80\
\x3b\xa2\x08\xc0\x73\xee\xe2\x8d\x33\xf2\xf0\x43\x13\x42\xa0\x12\
\x6b\x71\x00\x15\x61\x97\xae\x97\x7d\xff\xc0\x81\x9e\x69\x00\x04\
\x94\xf8\xbb\x26\xb2\x0c\x58\xcc\x28\x51\x7a\x7e\xe5\x3f\xb6\x58\
\x48\x69\x12\xd0\x1b\xd2\x28\x97\x1e\x9a\x39\xac\x8d\x41\x01\xc0\
\x03\x3a\xc8\x85\x84\x85\x91\x29\xab\xe1\x0a\x00\xbf\xf3\xb1\x45\
\xf4\x0b\x92\x61\x19\x00\x07\xd7\xc2\x45\x8b\x4d\x28\x5e\xc0\xc1\
\xcf\x00\xa4\x06\x45\x0f\x49\xe7\x76\x65\xfc\x42\x01\x52\x08\x4a\
\xb1\x44\x20\x96\x25\x19\xd3\x25\x81\x42\x00\x05\x44\x0e\x0c\x06\
\xf8\xc0\x57\x7c\xc4\xa9\x68\xc5\xac\x96\x4c\x21\xd2\x53\x28\x49\
\x01\x0c\x90\x41\x40\x03\xe0\xa3\x33\x28\xe0\x81\x44\x29\x8a\x51\
\x17\x60\x25\x16\x04\x60\x80\xe7\x58\x13\x3e\x00\xc8\x5b\xb4\x24\
\x30\xc7\x41\xea\x71\x03\x14\x98\x53\x20\xd6\x59\x00\x7b\x7c\x00\
\x02\x30\xd9\xa5\x52\xcc\x50\x86\x34\x64\x68\x2b\x09\x28\x25\xad\
\xae\xb2\x00\x04\x44\xc0\x02\x0f\xf8\xc0\x05\x3e\xf0\x80\x07\x54\
\xe0\x00\xf0\x90\xa7\x09\x2d\x30\x0b\x0b\x58\x00\x02\xc5\x8c\x0a\
\x23\xa1\xf4\x0b\x33\x98\xe1\x23\x09\x2a\x92\x23\x70\x79\x04\x98\
\x71\xa0\x90\x8b\xb8\x00\x1e\xdb\xf4\x9e\x5e\x5a\x23\x60\x9e\xda\
\xc7\x01\x20\xf0\x01\x0c\x38\x80\x92\xff\x4a\x10\x1c\x49\x23\x14\
\x00\x80\x25\xe1\x02\x12\xf8\x00\x48\x85\x50\x00\x3b\x79\x64\x13\
\x2b\x55\x80\x34\xb9\xd0\xc0\x99\x62\x48\x8b\x70\x18\xc3\x26\x46\
\x79\x04\x67\xd6\x84\x13\x4d\x9a\xc3\x6f\x90\x69\xd4\xb0\x4c\xd2\
\x08\x09\xd0\x40\x3c\xf9\x40\x80\x0d\xb4\x48\x61\xf9\xd0\x44\x3a\
\xee\x30\x81\x91\x56\x35\x45\xda\xbc\x06\xd1\x54\x72\x01\xc0\x15\
\x20\x13\x33\x81\xc0\x4e\xbf\x90\x80\x79\x7d\x24\x7b\x67\x75\xcc\
\x3d\x89\x40\x01\x09\x30\x06\x18\x04\x60\x65\x06\x3e\xf0\x13\xb9\
\x26\x42\xa4\x03\x58\x00\x01\x20\x00\x05\x36\xe5\xf5\x71\x08\x29\
\xc0\x07\x60\x12\xd6\xa8\x0d\xc1\x53\x85\x85\x29\x12\xb4\x45\x29\
\x50\x60\x00\x3a\x8f\xf5\x4c\x60\x87\xa0\xb0\xe8\xb4\x6c\x16\x18\
\x20\xd6\x4c\xd6\x63\x8b\x3b\x2a\x34\xb4\x21\x88\xc0\x10\xd6\x46\
\x93\x00\x4c\x43\x87\x62\xa4\x5f\x2d\x7c\x0a\xdb\xc0\x80\x4d\x08\
\x14\xa0\x2a\x30\x44\xc2\x8c\x33\xbe\x36\xb4\x04\x50\x5c\xf5\xdc\
\x65\x99\x8e\xa2\x2a\x11\x06\x50\x6d\x6f\xe3\x72\x80\x04\x50\xcd\
\x76\x0b\x1c\xc2\xc9\x9c\x03\x90\x5f\xce\x61\x03\x7f\x9d\x2e\x5c\
\x9e\xf8\x20\x86\x79\x55\x08\x18\x78\xff\x00\x70\xd2\xe0\x2c\x8e\
\x7a\xa1\x03\xc7\x3d\xab\x28\xaf\xd0\x8a\xf8\x46\xa4\x10\x08\xa0\
\xac\x1f\x1a\xe0\x5d\x39\xf8\x42\xbc\x61\xd9\x14\x6c\x04\x50\x01\
\xe1\xd6\x44\x26\xd4\xd1\x6c\x11\x04\xb0\x56\x00\x47\x12\x02\x41\
\x2b\x2f\x38\x17\x60\xc3\x39\x44\xc3\xc1\x1c\xd1\x44\x2a\x22\x50\
\x61\x05\xd8\x97\x70\x08\x70\xef\x1b\x20\x80\xe1\x7c\x70\x02\x04\
\x88\x3b\xc0\xbe\x86\xb0\xbe\xfc\x88\xb2\x0e\xff\x2d\x71\x2a\x0e\
\x60\x41\xb5\x66\x6a\xb1\x1d\xe8\xc0\x2c\x12\x40\xb1\x0f\x03\xc5\
\x8b\x72\xa0\xa0\x8c\x5f\x81\x00\x1b\x5e\xe3\x00\xe5\xd8\xc7\x02\
\xa6\x61\xd1\x08\x49\x52\xc4\x4a\xa0\xd8\x90\xfb\xb0\x80\x08\x64\
\x40\x76\x0f\xc0\xeb\x87\x08\xa0\xc5\x2e\x68\x40\xba\x18\x6e\x40\
\x27\x89\xd0\x60\xa6\xd8\xb3\x01\x08\xc8\x88\x81\x37\x55\x07\x79\
\xe1\xb5\x9e\x67\x6d\xc0\x06\xca\x58\x80\xef\x51\xe5\x2a\xb2\x30\
\x80\x01\x28\x70\x2a\x98\xc9\xa6\x84\x73\xb3\x83\x01\x1e\x20\x33\
\xb1\x6e\xc0\x02\x9b\x31\xea\x00\x0c\x10\x4b\x91\xa2\xaf\x01\x1d\
\xc0\x5d\x06\x1c\xe0\xcd\xbe\x01\x40\x3c\x0a\x26\xc2\x04\x3a\x80\
\x0f\x20\x31\x01\x13\x3e\x0e\xcc\x02\xff\x56\x7c\x84\x0f\x68\x79\
\x26\xe1\xec\x2f\x11\x1c\xe0\x2f\x13\xca\x19\xca\x5b\x48\x40\xab\
\x4e\xcb\xa1\x61\xc1\xb5\x4b\xce\x52\x82\x5b\xa8\xd2\xb2\x2e\x1b\
\xe1\x12\x10\x13\xc6\xf8\x18\x21\x00\x0a\x70\x60\x67\x1f\x48\xa5\
\x95\xd0\x41\x67\x3f\x56\x56\xd5\x47\x28\xc0\x21\x51\x8d\x80\xa1\
\x22\x6d\x4c\x5d\xe2\x2f\x12\x28\x70\x6a\x13\x33\x75\x0b\x29\x24\
\x5c\x75\x73\xe2\x00\xd0\x82\x33\x3e\x5d\x9e\x15\x53\x22\xe0\xeb\
\x24\xd8\x6d\x65\x03\x88\x28\x49\xea\x1a\xea\x57\xa0\x61\x01\xdd\
\x39\xf5\x76\x2a\x2c\x04\x94\x55\x85\x03\x1d\x74\xb4\x18\xc7\xac\
\x10\x3b\xd7\x46\x13\xbf\x92\xc0\x05\x78\x2c\x90\x73\x8c\x4a\x8d\
\x46\x40\xd9\x43\xbe\x16\x86\x3a\x37\x06\x00\x6d\xc8\x89\xf7\x56\
\x7b\xd1\x89\x2b\xc5\x58\x15\x50\x00\x61\x8a\xd1\x6f\x30\x6b\xa2\
\x01\x1f\x50\xb5\x00\x52\xdb\x6d\xca\x34\x40\x0e\x10\x88\x0e\x01\
\x3c\x00\x6b\x7e\x7d\x33\x12\x03\x78\x80\x06\xa0\x30\x05\xe8\x0d\
\x64\x65\x04\x30\x04\x9d\xbf\xc7\x0f\x5f\x6a\xe1\x02\x15\xb8\x79\
\x32\x06\xe8\x05\x01\xa8\x9b\x86\x11\x18\xb9\x42\x0e\xf7\x96\xca\
\xf0\x67\x46\x27\x73\x80\x01\x1a\x02\xff\xae\x4b\x2b\x92\x43\x07\
\xc0\xb7\xd1\xb9\xe0\xe7\x5b\x73\x24\x74\x61\x78\x18\x50\x1e\x6e\
\x6d\x45\xdc\x71\x98\x92\x38\x00\xbf\x89\x40\x25\x8e\x64\xdc\x1a\
\x09\x38\x36\x25\x29\x6d\x76\x6d\x54\xa0\xed\x44\xb0\x40\xb0\x09\
\x50\x01\x0d\xd4\x1c\xba\x1a\x38\xe8\x19\x22\x22\x6f\x23\x3c\xaf\
\xea\xa7\xb4\x85\x07\x68\x72\x80\xaf\x6b\x41\x0f\x56\x09\x7a\x49\
\x0c\x80\x74\x87\xf4\x13\x0b\x7d\x79\xcb\xf6\x6e\x11\xe3\x7c\x04\
\x60\xae\x4b\xa8\x9e\xa5\x65\x9b\x3c\x27\xf0\xb1\x9a\x05\x89\xaa\
\x28\x36\x50\xce\xa6\xf0\x90\x0b\xf6\xe1\xf5\xed\x4b\xb2\x38\x8b\
\x77\x7c\xc9\xf8\x1e\x2b\xe3\x2c\xd0\xf2\x4b\x03\x9e\xc1\x55\x21\
\xc0\xdc\x47\x23\x00\x6d\x75\xc0\x03\x0a\x88\x94\x01\x26\x40\x81\
\x0b\x92\xe2\x1d\x08\xda\x14\xf7\x30\x50\x7b\x8e\x8c\xbb\x40\x99\
\x96\x03\xa8\x7f\xb2\x1d\x05\x5c\xee\x02\xe6\xb6\x8a\x6e\x37\xe4\
\x8c\x2c\xbb\x1a\xe0\xdb\xa4\x00\x08\x20\x29\x42\xf6\x3b\x23\x01\
\xc4\x37\xb3\xc1\x70\x09\xb3\x44\x57\xa5\x01\xcb\x67\x7f\x8d\xe0\
\x00\x68\x44\x15\x0b\x90\x5d\xcf\x30\x7e\x61\x21\x4e\x02\x78\x0b\
\x0a\x60\x56\x34\x91\x70\x1e\xa0\x01\xff\x06\x90\x00\xc9\xa6\x5f\
\x62\x71\x55\x0d\x68\x0b\xde\x73\x49\x7a\xa2\x11\x79\x02\x18\x00\
\x00\x6d\x1b\xa8\x08\x05\xe4\x64\x16\x65\x0e\x0b\x50\x82\xcc\x70\
\x14\xf5\xb6\x5a\x08\xd0\x01\x0f\x55\x01\x91\x51\x01\x01\xc1\x82\
\xcc\xb0\x49\x49\x82\x00\x60\x72\x08\x09\x60\x7d\x38\x98\x08\x54\
\x63\x60\x4c\xd1\x00\x1c\x00\x84\x41\x58\x0b\x9e\xf2\x82\xa1\x01\
\x78\x49\x48\x0a\x1d\xd0\x72\x29\x72\x78\x4f\xb8\x08\xe5\x06\x11\
\x08\xa7\x66\x4a\xd3\x6e\x55\x68\x0b\xaa\x03\x54\xbb\x90\x0b\x20\
\xa0\x74\x71\x41\x5c\x5d\x48\x12\x29\x53\x01\x8f\xa2\x0e\x14\x00\
\x66\x9d\x71\x00\x4e\x78\x86\x77\x70\x08\xaa\x42\x84\x72\x01\x47\
\x72\xd8\x29\x10\x78\x67\x8a\x93\x87\x51\x81\x6d\x91\xf4\x27\xfd\
\xe3\x87\xb2\xb2\x87\x40\x85\x29\xb5\xd5\x78\x84\x48\x12\x1e\xd0\
\x7d\x7c\x40\x24\x18\x30\x27\x75\xd5\x2b\x27\xa7\x00\x96\xb7\x88\
\xec\x20\x61\xde\x47\x6a\x53\x15\x12\x04\x20\x01\xa7\x82\x89\x45\
\x81\x01\xd1\xf1\x64\x45\x40\x01\x15\x13\x0c\x9c\x40\x6a\xa2\x98\
\x13\x17\x20\x73\x70\x52\x22\x7b\x40\x16\x42\xd5\x8a\x9d\xb2\x55\
\xc3\x45\x70\x42\xa0\x55\xb6\x65\x89\x2d\xe1\x67\x8b\x56\xa8\x00\
\x10\x10\x76\x49\xb1\x1d\x97\x08\x33\x12\x30\x0e\xc0\xb8\x17\x19\
\x30\x4b\x87\x86\x62\x65\xb0\x57\xcb\x68\x7f\xdc\x24\x8c\x12\x40\
\x82\xd3\x98\x8d\x46\x10\x04\x00\x21\xf9\x04\x05\x03\x00\x22\x00\
\x2c\x00\x00\x00\x00\xb3\x00\xa2\x00\x00\x06\xff\x40\x91\x70\x48\
\x2c\x1a\x8f\xc8\xa4\xb2\xc8\x79\x40\x9e\x91\x08\x08\x81\x78\x2c\
\xaf\xd8\xac\x76\xcb\xed\x7a\xbf\x57\x03\x21\x10\x00\x84\x00\x66\
\x34\x61\x03\x6e\xbb\xdf\xf0\x38\x5c\x33\x08\xd9\xef\x77\x40\x27\
\x73\x2d\x14\x28\x72\x81\x82\x83\x60\x02\x59\x16\x01\x78\x8a\x00\
\x20\x09\x4b\x02\x0f\x07\x08\x16\x06\x05\x7c\x84\x98\x99\x99\x1b\
\x1e\x6c\x8f\x12\x66\x8a\x78\x0d\x05\x4b\x1c\x0d\x67\x00\x0d\x08\
\x1c\x17\x9a\xaf\xb0\x5f\x19\x09\x1b\x11\x63\x04\x0a\x4b\x0e\x08\
\xa1\xa2\x76\x0b\x1e\x86\x48\x05\x15\x8b\x01\x0d\x15\x1c\x0e\xb1\
\xcc\xcd\x46\x02\x06\x1a\x07\x04\xa1\x00\x08\x18\x48\x02\x09\x05\
\x04\xbe\x8a\x07\x1f\x17\x17\xdb\xc2\x42\x1f\xbd\x8b\x04\x10\x8e\
\xce\xed\xb0\x06\x1e\x0d\x75\x8a\x01\x12\xec\x22\x02\x02\x14\x0a\
\x1e\x08\xdd\xde\xf4\x06\x10\x90\x64\xe1\x81\x06\x03\x0a\xa8\x01\
\x0c\xd1\x60\x82\xbb\x87\x98\x34\x80\x28\xe3\x0d\x80\x07\x0a\x17\
\x36\x48\x40\x20\x8f\xe2\xc2\x8a\x00\x02\x2c\x18\xe0\x11\xe0\x81\
\x65\x10\x53\xc6\xc9\xa0\x21\xd1\xc7\x06\x63\x4a\x7e\x9c\x49\xf3\
\xcc\x81\x52\x2a\x73\xba\x51\xe0\xb2\xa6\xcf\xff\x9f\x0b\x01\x40\
\xc0\xa9\xb3\x68\x17\x03\xa8\x80\x2a\x5d\x6a\x07\x80\x04\xa3\x50\
\xb9\x08\x38\x80\x8e\xa9\xd5\x8f\x4e\xa3\x6a\xc5\x22\x40\x42\xcf\
\xab\x60\x01\x06\x78\x70\x6f\xab\x59\x22\x19\x1e\x54\x0d\xcb\x36\
\x0f\x80\x08\x0a\xca\x15\x49\x00\xe8\xac\x4a\x01\x18\x06\xac\x6d\
\xcb\x97\x61\x05\x87\x44\x12\x18\x98\xd6\xc1\x2e\xc4\x7d\x7a\xfb\
\x2a\xa6\x47\x40\x03\x60\x03\x1d\x16\x84\xb2\x60\x98\x50\x06\x3f\
\x47\x34\x54\xf8\xba\xb8\x73\x48\x08\x1f\x34\x20\x98\x77\x07\x42\
\x65\x41\x54\x28\x11\x11\xa0\xa0\x01\xe7\xce\xb0\x01\x90\x7c\x1d\
\xa2\xc2\xe9\x38\x07\xec\x0c\x68\x10\x57\x84\x01\xb5\x7b\x61\x0b\
\x07\x08\xe2\xb6\x1b\x04\x78\xd0\x54\x80\x00\x22\xf8\xf0\xe7\xbe\
\x10\x18\xff\x02\x02\x24\xf4\xeb\x33\xdf\x4e\xe7\x52\x0c\xbb\xf7\
\xa5\x11\xe4\x6e\x57\x22\xe1\xbb\xf9\x9f\x0b\x7a\x8f\x5f\xf2\xe0\
\xbc\xfb\x99\x01\x10\x00\x5e\x9f\xc4\x01\xd5\xf7\xf8\x45\x85\xd4\
\x40\x7f\x49\x81\x08\xb4\xe5\xe7\xde\x53\xfd\x2d\x91\xc0\x3f\x02\
\xe6\x17\x00\x65\x05\x2a\x91\x81\x18\x09\xe6\xf7\x96\x01\x0d\x2a\
\xe1\x80\x05\xa4\x45\x78\x5e\x00\x1d\x88\x57\xff\x21\x11\x06\x2c\
\xa0\x21\x7e\x01\x78\xf2\xa1\x11\x09\x8d\xf8\x9e\x2a\xfc\x9d\x48\
\x44\x01\xe5\xa9\xf8\x5e\x00\x15\xd4\xe5\xa2\x08\x1c\x38\x27\x23\
\x74\x03\xa8\x37\xc4\x25\xf4\x51\xd0\x80\x8e\x3b\x3e\x37\xc0\x05\
\xf9\xe8\xa3\x00\x06\xd8\xac\x07\x63\x86\x45\x9a\x07\xc0\x02\x16\
\x6c\x24\xcf\x00\x11\x50\x38\x1e\x06\x49\x45\xb9\x62\x48\xbd\x04\
\xe0\xe3\x6d\x02\x74\xe7\xe5\x88\xaa\xd8\xb8\xd5\x04\x06\x60\x30\
\x81\x43\x90\x04\x78\x26\x7e\x03\x60\xe0\x61\x51\x0e\x40\x40\xc0\
\x9e\x07\x44\x91\xd8\x9c\x2a\x1e\x70\xa7\x4e\x14\x20\x48\x24\x76\
\x68\x04\x30\x80\x40\x7b\x12\x30\x1b\x1a\x32\xe2\x02\x24\x54\xa0\
\x8c\x28\x52\x03\x12\x58\xb0\x01\x46\x06\xd0\xa5\x01\x06\x1f\x40\
\x80\xc0\x02\x72\xba\x17\x9e\x56\x14\x20\x17\xe1\x00\x07\x48\x40\
\x01\x05\x44\x19\xc1\x87\x03\x14\x3c\x00\x02\x49\x11\xa6\xa7\x15\
\x06\xa5\x5e\x17\x52\x04\x1f\x88\x10\xeb\x15\x7c\x28\x00\x81\x64\
\x02\x06\xf0\xc1\xa0\x0f\x11\xd3\xeb\x73\xf1\x75\x30\x2c\x17\x0e\
\x24\x30\x2a\x7e\xb2\xe5\x02\x55\x02\x5d\x9e\x17\xd2\x03\xae\xc4\
\x61\x41\x6e\x1b\x36\x50\x58\x54\x1d\x3c\x0b\xff\x5b\x00\xb8\x30\
\xfb\x45\x2d\x87\xf6\x05\x40\x32\x5a\x25\x50\x69\xb9\x26\x0a\x72\
\x81\x57\x88\x3e\xa0\x26\x54\x10\xc4\xab\x58\x7c\xf9\x0e\x62\x00\
\x22\xd7\x11\x10\xee\x56\x0e\x6c\x26\x30\x5b\x00\x1c\xa0\xad\x26\
\x06\x40\xa0\x2e\x58\x0b\xb4\x78\x56\x07\xf2\xf8\x4a\x40\xb0\xb1\
\x18\x00\x20\xb4\x05\x6f\x85\x01\x86\x3c\x32\xc8\x8c\x06\x0a\x09\
\x37\xef\xb4\x5a\x0d\xf6\x1c\x23\xee\x6c\x70\xb1\x55\x82\x56\x96\
\xc0\x7d\xc2\x35\x50\x16\x33\xf6\xde\xbc\x94\xc2\x95\x09\xd0\xed\
\x62\x03\x3c\x00\x33\x2c\x1c\xb4\xdc\x59\x00\x1e\x54\x06\x61\x6c\
\x04\x34\xf9\x50\x8c\xb1\x59\xb0\xb4\x51\x39\x0e\x67\xc1\xa4\xed\
\x5c\x70\xb4\x62\x07\xcc\x67\xd6\x07\x42\x03\x45\x00\x07\x39\x45\
\xf0\xb0\x52\x04\x18\xe0\x80\xbb\x2a\x05\x2c\xdc\x01\x39\x09\xc0\
\x01\x94\x8a\x11\x80\x80\x04\xe0\x6a\x69\x54\x02\x66\x2e\x06\xf5\
\xd6\xcc\x4c\x80\x60\x6c\x21\x09\x54\x72\x4a\x0e\x8c\xcd\xd7\x00\
\x8f\xb7\x43\xf8\xdb\x57\x05\x00\x01\xdd\xcc\x68\xb3\xb8\x62\x0d\
\x08\xae\x92\x5a\x88\x22\x80\x38\x2c\xfa\x4c\xd0\x01\xb9\x9e\x35\
\xc0\x79\x2c\x0a\xf0\x1d\x9b\xe9\x29\x7d\x20\xff\x41\x03\x23\x0d\
\x37\xef\xeb\xef\x7c\x3e\x1c\xed\x0f\x6d\x30\x24\xe6\x4c\x11\xa8\
\x93\x03\xbe\xc7\xe6\xf3\x43\x02\xd8\x8c\xa8\xca\x39\x4d\xc0\xfa\
\xcc\xcb\xbb\x93\x01\x4f\xd8\x71\xc8\xfb\x2b\xd2\x7b\x57\xbd\x3b\
\x1e\xa4\x6d\x15\x00\xd0\xab\x54\x80\xe4\xb0\x11\x80\x92\x3b\x2d\
\x21\x6a\x7c\x4e\xf6\x21\xba\xc0\xbf\xcd\x50\x20\xbb\x67\x12\x9c\
\xce\x0c\x52\xd0\x25\x6a\x1a\x44\xed\xc3\x0e\x02\x7e\x06\x91\x09\
\x88\x48\x38\x02\x39\x80\x05\xa4\x95\x92\xbc\x78\x6f\x7b\x9a\x70\
\x20\x6c\x1a\x60\x81\x04\xcc\x0d\x7e\xc9\x83\xcd\x02\xac\xa6\x12\
\x0b\x10\xaf\x26\x6f\xd1\x1f\x33\x22\xe7\x1d\x00\x58\x21\x27\xc4\
\xf8\x20\x4d\x94\x05\x95\x02\xb4\x26\x26\x2a\x04\x61\x05\x44\xa8\
\x09\xc5\x09\x47\x4c\x51\xf1\xc3\x05\xf8\xe1\x8f\xe1\x2c\x40\x74\
\x0f\x51\xc0\x01\x3b\x13\xb7\xb3\x18\xc2\x62\x08\xec\x90\x4a\x0a\
\xb7\x18\x02\x10\x30\x2a\x53\x83\x4d\xce\x20\xd2\xb4\x18\x62\x45\
\x3e\x86\x89\x9c\x15\x3f\x92\x34\x88\x14\xe0\x01\xe2\xf3\xc9\xee\
\x0c\x23\x00\xbb\x09\x67\x80\x0f\x39\xd0\x70\xea\x01\xb6\xad\x74\
\x60\x8b\x58\x79\x5f\x33\x26\xb2\xc6\x73\x19\xff\x06\x03\x19\x6c\
\x0b\x00\x70\xd1\x8e\x07\xe4\x51\x8f\xf9\xab\xcc\xf9\x66\x06\x02\
\x20\x6a\x82\x03\xd3\x73\x99\x6a\xec\xf2\x1f\x38\xce\x64\x28\x21\
\x63\xe2\x73\xaa\x60\x18\xb4\x5d\x47\x8e\x84\x30\xc0\xbd\xbc\x43\
\x80\x08\xd0\xd0\x1d\x1e\xf4\x15\x26\x03\xa1\xc9\x30\x86\xa5\x6a\
\x6d\xd4\x49\x42\x1c\x49\x93\x79\x89\x20\x95\x6e\xc0\x00\x12\xdd\
\x13\x00\x8d\x19\x65\x02\x68\x33\xa5\x55\x10\xd0\x29\x39\x64\x60\
\x03\x07\xd0\x65\x58\xd0\x08\x15\x0d\x98\xf1\x3c\xe6\x32\xa4\x17\
\x28\xf0\x01\x5c\xcd\xa8\x7c\x39\x49\xc0\x2c\xdf\xc3\x2a\x05\x3c\
\x31\x0b\x05\xe8\x00\x2f\x04\xb4\x00\xb3\xe9\x84\x5b\xac\x1c\x5f\
\x00\x22\x60\x85\x4f\x16\x40\x00\x1d\x98\x48\x38\x99\xf2\x96\xf5\
\x19\x85\x74\xab\xc2\x94\x07\x0c\x20\x00\x9c\x08\x23\x1f\x22\x48\
\xc0\x05\x8c\xd9\xb1\x08\x8d\x65\x2b\x62\x5b\x27\x58\xc8\xd0\x00\
\x64\x48\xa0\x03\x18\xf0\xc0\x07\x14\xf0\x80\x08\xf8\x43\x26\x09\
\x6a\x88\x59\x8e\x89\x26\x33\x90\xe1\xa2\x90\x4a\x10\x98\x42\x31\
\x4e\x11\x42\x26\x34\x14\x48\x00\x2c\xe5\xc0\x3f\x40\xa9\x08\x02\
\x05\x41\xc0\x01\x0a\x4a\x3f\x24\x40\x80\x24\xff\x0b\x58\x05\x68\
\x1c\x03\x41\x2d\x64\xc0\x6d\x26\xd5\x50\x04\xe0\xe4\x87\x09\xb0\
\x83\x6e\x07\xaa\x4a\x48\x62\x8a\x00\x08\xb8\x13\x0e\x36\xcc\xa9\
\x80\x78\x83\x04\x05\x44\x80\x03\x23\x55\x80\x8e\x42\xa2\xcc\x36\
\x38\x80\x8e\x67\x20\xc3\xfd\x94\xfa\x34\xdb\x18\xa1\x00\x7a\x52\
\xc5\x06\xee\x94\x81\x44\x7a\x03\xaa\x82\x10\x03\x51\x35\xf5\x00\
\xf4\x71\x15\x74\xc3\x12\xc0\x05\x82\xd9\x94\x35\x78\xc8\x00\xcf\
\xd2\x03\x21\x1c\x70\x10\x7c\x26\x20\x45\x6f\x45\x20\x06\x26\x95\
\x4d\xa7\x9d\xc1\xae\x81\xb1\xc0\x0a\x47\x49\x08\xc2\x6d\x35\xb0\
\x57\x99\x97\x8d\xa0\x01\xa0\xb5\xec\x31\x5f\x25\xfd\x88\xe6\x9a\
\x01\x4e\xc8\xca\x8b\x8f\x42\x48\x40\x3c\x74\x04\xda\x09\x4c\x73\
\x21\x34\x72\x06\xf2\x3c\xdb\x97\xe2\x08\xa1\x62\x8f\xbd\xc3\x31\
\x60\x72\xb1\xd4\x26\x41\x00\x23\xf5\x82\x0b\x87\xc8\xda\xc8\x46\
\x80\x1d\xfc\x02\x61\x46\x57\xe8\xd5\x22\x3c\xc8\x02\x10\xb0\x25\
\x52\x47\xd6\xdb\x81\x6a\xcb\x03\xbc\x55\x8c\x35\xe6\x93\x01\xbd\
\x81\xc0\x51\x01\x00\x81\x37\xdf\x20\x06\x81\x72\x75\x8f\xfc\xd1\
\x22\x02\x2b\x80\x01\x07\x38\x40\x01\x07\xd0\xff\x4b\x28\x06\xa0\
\xb5\x40\x34\xb2\xb9\x03\x05\x01\x20\x4e\xbb\x18\x55\x44\xc0\x35\
\x6b\x69\x00\x07\x6a\xaa\x84\x2a\xc2\x17\x2c\x03\xd0\x80\x3e\x62\
\x4b\xc8\x96\x7a\xc1\xb4\xc2\xfc\xef\x19\x3c\xc0\x07\x9c\x92\x48\
\x69\x6f\x78\x50\x74\x15\xac\x94\x2c\x09\x81\x02\xde\x55\xdb\x60\
\xdf\x60\x56\x0a\xff\x04\x01\x1a\xb3\x56\x82\x88\x09\x06\x3a\x78\
\x98\x29\xac\x78\xd1\x07\x34\x7a\x42\x30\xec\xe2\xc4\x15\x51\xd4\
\x6b\x0e\x50\xb0\x09\x48\x92\x96\x55\xd5\x02\x07\xaa\x03\x63\x3c\
\x04\xe0\x00\x1d\x50\x80\x04\x78\xdb\x80\xb1\xbe\x28\x5d\xfe\x8c\
\xc0\x1b\x34\xe0\xe0\x13\x87\x44\x02\x2d\x62\x13\x5d\x09\xf0\x80\
\x0d\xf0\x43\x01\x0a\x68\xc2\x1f\x4b\xf8\xbd\x36\xc8\x92\x33\x21\
\x39\x00\xa9\x20\xab\x28\x05\xb8\xd3\x10\x16\x88\xc0\x34\x1a\x35\
\x12\x88\xae\x90\x00\x0d\x58\x29\x76\xad\xa8\x8a\x85\xbd\x61\x5f\
\x3d\x39\xc6\x05\x28\x80\x01\x5b\xbc\xf5\xc7\x95\xc3\xd1\x96\x69\
\x32\x00\x10\x3c\x40\x01\x72\x33\xc4\x79\x6f\xc5\x4e\xa6\x92\x12\
\x43\x53\xaa\x80\xe0\x1c\x80\xc8\xe1\x9e\x89\xbd\x76\x36\x42\x64\
\x22\xdb\x00\x0f\x4c\x60\x50\x22\x4b\x9b\x2a\xff\x26\x16\x08\x0a\
\xd4\x82\x03\xff\xca\x87\x04\xc6\x30\x27\xa8\x1d\xd5\x08\xc1\x5d\
\xca\x84\xe8\xe6\x80\x07\x4c\x18\x20\xa3\xe6\x6f\x16\x70\xcb\x2c\
\x05\x54\x80\xc0\xf9\x59\x00\xdb\x96\x80\x00\x53\xbe\x85\x02\xb9\
\x1d\x42\x02\x50\x46\x93\x05\x2c\x4b\x25\x88\xf1\x52\x2d\xaf\x30\
\x24\xa6\x34\xc0\xc0\x48\x20\x9c\xba\x42\x47\xa8\x6a\x17\x49\x59\
\x74\x03\xb6\x2f\x02\x70\x81\x64\x1b\xa1\xbb\x33\x29\x62\xf4\x54\
\x15\x25\xe9\x58\x48\x85\xee\xee\x02\x3c\x83\x62\x64\x68\x0f\xda\
\x33\x67\x98\xc9\x4d\x6e\xcb\x01\x76\x92\x7a\x0b\x0e\x00\x36\x8d\
\x3f\x9d\x92\x10\x65\x87\x2f\xb2\xd9\x8d\x9a\x1f\xbb\xc7\x1c\x17\
\x40\xb1\x4b\x19\xc0\x76\xb3\x90\x00\x1e\x63\x65\x01\x20\x50\xc0\
\x27\x05\x11\x3e\xcd\x1e\x60\xa5\x32\xc6\x1c\x19\xfc\x56\x81\x79\
\x7e\x5a\x93\xf7\x3b\x46\x8b\x8f\x30\x81\x08\xc8\xba\x01\x60\xf8\
\xe2\x4f\xa6\x04\x81\x1c\x67\x02\x7b\xb8\x7e\xc0\xa7\x27\xb0\xc3\
\x2a\xad\xf4\x4f\x0b\xe9\xe4\xa7\x5e\x3d\x18\xce\xec\xe6\x03\x1c\
\x3c\x82\xcc\x94\x12\xb1\x42\x78\x00\x73\xb2\x41\x40\xd4\x9c\x51\
\x01\x6a\xec\x25\x02\xf4\x2b\x40\x02\x04\xf0\xff\x01\x6f\x7b\x83\
\x46\x13\x1f\xc2\x05\x86\xb8\x00\x89\xd1\xf3\x0a\x17\x32\x6c\x2b\
\xe3\xed\x85\x73\x2c\x25\x3e\xec\xe3\x58\x37\x7a\xf1\xb1\x25\x6c\
\xd2\x17\x00\xf8\xf7\x33\x34\xb0\x00\x02\x80\x20\x18\xdb\x2b\xc0\
\xc1\xd2\xfb\x30\x04\xe8\x5a\x08\x08\x63\x3a\xdb\x9b\x91\x01\x9e\
\x57\x00\xbf\xe3\xbc\xc2\x06\x1e\x4b\xb9\x3e\x50\x1a\xb7\x5e\xd0\
\xe7\x03\x1e\x4a\x93\x03\xd8\x5c\x09\x65\xfa\xe0\x66\x21\xc2\x07\
\x03\x70\xa0\x02\x8c\x9d\xcb\x1f\x9d\xd8\x8c\x09\xa0\xf7\x50\x6b\
\xfb\x42\xf7\x22\xbe\xf2\x94\x60\x1e\xed\x3c\xd3\x4f\x03\x5e\xfd\
\x0a\xbe\x67\xe7\x01\xba\x06\x2c\xdc\x02\x7d\x16\xb4\xa1\x61\xa3\
\x8b\xb2\xc8\xe1\x0b\xa1\x76\x5f\x1c\x00\xdb\xb7\x65\xae\x52\x0e\
\x90\xe9\xd3\x38\x60\x03\x0f\x58\xa0\x02\x3e\xd0\x89\x56\x2c\xbf\
\x0d\xb9\xc7\xf5\xb3\xb7\xc0\x01\x64\x81\x27\xec\x64\x34\x44\x75\
\x85\x60\xee\x4c\x0c\x92\xd0\xd0\x37\x82\x78\x99\x52\xc1\x1b\x35\
\x2b\x94\x35\x21\x00\xfa\x8b\x50\x80\xe6\x5c\xa5\xde\xf6\xc7\x59\
\x89\x07\x42\xb1\xb7\x04\xa9\x92\x60\xbc\x17\x80\x99\x70\x21\xe2\
\x96\x1c\x58\x62\x27\x45\x90\x0f\x85\xb5\x45\xff\x03\xa0\x80\x9c\
\x65\x6b\xec\xc4\x2e\x93\xe0\x01\x1c\xa0\x01\xfb\xa4\x27\x6e\x16\
\x14\x17\x45\x11\xaa\x60\x81\xb1\x50\x58\x61\x21\x1b\x7d\xe7\x28\
\xc4\xb3\x47\x15\xf0\x82\xcb\x61\x01\x1f\xc0\x01\x9f\x67\x82\x70\
\x70\x0a\x19\x06\x14\x7b\xa4\x00\x6d\xf4\x7d\x36\x98\x05\x83\x91\
\x83\x3f\x31\x00\x90\xf4\x83\xee\xc0\x75\xb7\x66\x1e\xfa\x65\x84\
\x10\xa1\x6d\x4b\x35\x6c\x4c\xe8\x0e\x48\x21\x84\x2b\x04\x7c\x51\
\x18\x44\xe6\xf7\x1e\x08\x10\x7f\x57\x48\x08\x65\x94\x60\xce\xe5\
\x83\x5d\xd8\x05\x9d\x25\x0a\x02\x01\x86\x33\x51\x01\xd7\x34\x86\
\x98\x90\x01\x12\xd4\x14\x58\x12\x64\x61\x35\x1c\x03\xc0\x85\x6c\
\xe8\x5e\xc0\xb1\x47\xc9\x85\x12\xcd\xe3\x75\xf5\x65\x47\x77\x18\
\x0b\x14\x70\x5f\x0a\xe0\x53\xc6\xc5\x01\x68\xf8\x75\xa9\x17\x88\
\x99\x00\x4b\xe5\xa7\x83\x79\x35\x00\x92\xc6\x88\x46\xb1\x01\xf7\
\x16\x02\xf1\x71\x68\x91\xe0\x1c\xaa\xd0\x01\x6b\x48\x89\xed\x20\
\x7c\xa8\xb5\x0e\xa5\x20\x00\xd2\x40\x1b\xe3\x04\x81\xa0\x58\x14\
\xa2\x08\x10\x4b\x38\x04\xa6\x48\x57\x78\x40\x65\xfb\xb7\x8a\xed\
\xc0\x32\xd9\x31\x43\xc6\x75\x8a\x59\x75\x0d\x47\x1b\x67\x8b\xaf\
\x10\x45\x00\x31\x00\x53\x67\x04\x17\x30\x1a\x54\x72\x41\xc0\x38\
\x38\xcd\xa7\x08\xbc\x94\x04\x13\xf0\x00\xaa\xb8\x8c\x50\x61\x0b\
\x72\x02\x00\xe3\x47\x8d\xe3\xf1\x20\xa1\xc2\x11\x73\xa6\x7f\xda\
\x58\x20\x05\xe0\x00\xd1\xe0\x01\x69\x76\x00\x56\x18\x8e\xea\x78\
\x04\x41\x00\x00\x3b\
\x00\x00\x04\x7c\
\x00\
\x00\x14\x1a\x78\x9c\xb5\x58\xdb\x6e\xdc\x36\x10\x7d\xb6\x01\xff\
\x83\x90\xbe\x05\x15\xb2\x76\xbc\x76\xa0\xa2\x0f\x75\x0a\xb4\x01\
\x1c\xc4\x9b\x14\xcd\x63\x40\x89\xb4\x96\xb0\x96\x14\x28\xaa\x6b\
\xd4\xf0\xbf\x77\x78\x15\x49\x5d\xbc\x4e\x1d\x09\x36\x20\x0e\xe7\
\xcc\x45\x33\x9c\xb3\x3a\x39\x7e\xf3\xfa\xe4\xf8\xe8\xfd\xa7\xeb\
\x4f\x9f\xbf\x61\x72\xcb\xfb\x46\x66\xea\xfa\x35\xfb\xe9\x56\x5f\
\x99\x17\x6f\xf9\x3f\x44\x18\x11\xd6\x97\x97\xb4\x82\x74\x1d\xc1\
\x4a\x52\xea\x6b\x50\x92\xe4\x5e\x1a\x9d\x0b\x7d\x0d\x92\x6a\xcb\
\xb9\x52\xd2\x42\x82\xd5\x0d\xc2\x93\xe3\xd7\x6f\xf4\xff\xec\x01\
\x76\x96\xa8\xba\xab\x05\xef\x19\x2e\x9c\x3f\xbf\xc0\x72\xc5\x1b\
\x2e\x0a\x07\xa9\x56\x4a\x2e\x30\x81\xa5\xd3\xf6\x3e\xeb\x78\x43\
\xb1\xf3\x44\x09\x5b\x84\x31\x65\x75\x91\xad\xda\x7b\xf5\xbc\x43\
\xa2\xa6\x0c\x1e\x33\xfd\xfc\xa8\xec\xa9\x7b\xf3\x95\xe2\x9a\xc8\
\xa2\xa0\x92\xec\x8a\x8e\x34\xa4\x92\xe0\xd4\xc8\x11\x13\xbd\xd3\
\xdc\xbc\xdf\x92\xea\xee\x8a\xdf\xff\x9c\x6d\x3e\x23\x4c\xf9\x55\
\x2f\x25\x67\x46\xcd\xba\xc5\x38\x23\x7e\x7f\xb0\x09\x4c\x31\x4c\
\x2b\x24\xb9\x00\x6d\x07\x14\xac\x6a\x94\x3d\xc5\x72\x0b\xb1\xbd\
\x35\xee\x6f\x09\xad\xb7\xd2\x3f\x2f\x81\x16\x45\xcf\x2a\x85\x4a\
\xf0\x34\x7e\xb0\x21\x72\x78\x32\x8f\x61\x12\x0e\x88\x68\x80\x2e\
\x74\xe9\xcc\x78\x90\xec\x9a\x73\xc3\xbf\xeb\xe5\x78\x9f\x88\xf6\
\xbb\x62\x1d\x96\x17\x6d\x1f\x12\xec\xf3\x42\x8d\xbd\x48\x32\xf0\
\x07\xac\xb7\x00\xaf\x51\x4c\x49\xe7\x92\xb7\x45\x76\x11\x94\x85\
\xdb\x54\x14\x92\xca\x86\xe8\xbd\x7a\x53\x7e\x69\x8a\xa9\x21\xb7\
\x50\x4a\x97\x81\xca\x97\x4a\xf0\xa6\xb9\x42\xb3\xee\xcd\x24\xc9\
\xb7\x67\x02\x03\xb1\x0a\xfa\x2f\x67\x12\x35\x1a\xd1\x97\xef\x3a\
\xe9\x46\xb0\x10\xfc\x4d\x00\x41\xca\x24\xe4\xb1\x89\x9a\xe2\xd9\
\x28\xc5\x16\x31\x6c\x53\x31\xdd\xd6\x8b\x41\xcf\xc0\xa5\x51\x1a\
\x88\xdc\x7a\xa9\xbc\x39\xb5\x5e\x9d\x2e\x79\x15\xc7\x18\x83\x04\
\x00\xcb\xa1\xa5\xbe\xec\xa0\x32\x2c\xc6\xd9\xb2\x62\x64\x5d\xa9\
\xb9\x97\x35\xa7\x07\x27\x6b\xde\x50\x96\x9a\xd4\x23\x24\x4b\x4e\
\x3f\xbb\x38\x77\x88\x04\xa8\x5d\x5f\xfe\x00\x54\xef\x6b\x18\xe5\
\x4b\x79\xfa\x7f\x31\x7f\x2b\x3b\x29\x50\x25\xed\xb1\x12\x9c\x0f\
\xd3\x25\x1a\xbe\x9c\xb7\x76\xae\xd9\x39\x97\x9b\x9e\x5e\xc7\x8b\
\xc2\xec\x75\xed\x32\x94\xc4\x7a\x35\xe7\x84\x1b\xeb\x23\x37\x86\
\x13\xe0\x47\xb8\x11\xb9\xf2\x01\x46\xf1\xdf\x94\xec\xc3\x7e\x10\
\x70\xfe\xf6\x9d\x1f\xe7\xdd\x96\xef\x73\x4c\x2a\x2e\x90\xa4\x9c\
\xe5\x6e\x70\x43\xc7\x68\xb1\x7e\x54\x82\x21\x86\xdc\x31\x08\xc3\
\x3b\xe2\x6d\x63\x76\x81\x1a\x49\x04\x43\x92\x4c\x41\x24\x6c\xe0\
\x4f\x82\xc0\xc7\xc4\xe5\xa5\xa3\x64\x50\x80\x72\x32\x2e\x2c\x71\
\x9f\xc3\x98\xce\x79\xd0\xae\x13\x06\x3c\xb9\x81\x31\x35\x25\x8e\
\xe7\xe4\x02\xf7\xf9\x0b\x95\x0d\x31\xba\x11\x69\x8a\xf5\x7c\xae\
\x6c\x18\x59\x10\x87\x7d\x89\x23\x40\x6d\xba\x16\x14\xab\xf6\xf2\
\x00\xa3\x50\xf3\x70\x80\xf9\x45\x3d\xe2\x2e\x63\x76\x67\x0b\x0b\
\x0c\xb8\xd9\x66\x87\xa6\x41\x38\x0b\x32\x66\xf6\xc0\xcc\x44\xe5\
\x42\xdd\x25\xc9\xf6\x23\xe8\x7c\x1a\xe9\x19\x84\x92\xef\x4a\x0e\
\x43\xfb\x61\xa6\x99\x1e\x83\x3d\x45\x81\xf9\x9e\xe5\x48\x08\xfe\
\x74\xc1\x1d\x64\x15\x10\x05\x6f\x73\x05\xfb\x62\x80\xb1\x8b\xb6\
\xe3\x13\x3a\x6b\x1f\x9f\x6e\x18\x77\x34\x7c\x69\x29\x73\xfc\x27\
\x39\x5e\x4e\xd7\xc1\x3b\x48\xf6\x03\xe5\x6d\xf3\x52\x9f\x70\x50\
\xfd\x23\xa1\xf6\xb5\x1c\x53\xf8\x67\x84\x7f\x04\x53\xa1\x82\xa9\
\x05\x53\x22\x87\x01\xa6\x8b\xc2\xc0\x2c\xfa\xa4\x13\x34\xeb\xd2\
\x4b\xa5\xcf\x4c\x30\x10\x24\xfc\x33\x9e\x70\x5a\x5e\x14\x10\x1b\
\x0c\xa2\x39\x06\xb7\x1e\xd5\xbd\xe6\x27\xe7\x29\x3f\x89\xc1\xa6\
\x58\xdc\x04\x89\x0b\xd0\x46\x48\x21\x83\xfb\xde\xea\x8c\xb1\xd2\
\x10\x67\xd8\x65\xee\xbc\xca\xe7\x82\x9c\x22\x52\x4b\x8c\x37\x42\
\x1c\xa1\x29\xca\xd2\xa2\x7a\xc0\x83\xf2\x70\x32\x45\x3d\xb4\x2c\
\x65\x9e\x61\xd0\x7e\xbe\xc5\xb8\x5e\x77\x02\xd7\xdb\x5c\xc2\x4d\
\x92\x79\x8d\x4a\xd2\xcc\x97\xd3\x8d\xe0\xb5\xe2\x12\xee\xe0\x55\
\x1f\x05\x72\xd4\xd0\x1a\x92\x50\x11\x26\x83\xc6\x08\xb6\xaa\x29\
\xd4\xb3\xbb\xe8\x7d\xd8\x22\x5f\x18\xe4\x06\xe6\x23\x61\xbd\x1a\
\x67\x2d\x12\xfe\x67\xf4\x1c\x93\x1a\xde\xc6\xd0\x23\x47\xea\xec\
\xe6\x7c\xf8\x19\x14\xea\x56\xfa\x8a\x46\xc0\x2a\x42\x1a\x1a\xd1\
\x4c\xa2\x30\x19\x16\xd5\x50\xac\x2e\x7b\xc8\xb4\xb1\x45\xa4\x69\
\xdb\x49\xa6\x9d\xc1\x92\x03\xf0\x2e\x6e\x88\x77\xea\x0e\x0f\x8b\
\x0b\x3b\xc2\x6c\x5a\xdd\xa3\x1f\xd3\x67\xea\x56\x2b\xb7\xf0\xfe\
\xf3\xbd\xd5\xba\x5c\xad\xc0\x9a\xd8\x41\x41\x9c\xa9\xb2\x7d\xf5\
\x61\xd7\xc2\x39\xf5\x6a\x3a\xb4\x39\x0e\x6b\xbf\x10\x45\xf6\xa2\
\x9f\x8e\x09\xcc\x01\x2c\x74\x1a\x67\x84\x34\x4b\x6a\x9e\x46\xda\
\xdc\xf4\xdd\x36\xf8\xb0\xf3\xc2\xbc\xd7\xda\xb9\x06\xcd\xdf\x79\
\x75\x67\xbe\x43\xdd\x34\x5c\x06\x3c\x65\xcc\x3b\x56\xf1\x91\xef\
\x0b\x78\xf3\x11\x51\xf6\x95\x32\x98\x1b\x0f\xe3\xfd\x8f\xb6\x3d\
\x20\x31\x13\x52\x1f\xf1\x7f\x7f\xa8\x2b\x41\
\x00\x00\x07\xe3\
\x00\
\x00\x44\x12\x78\x9c\xed\x5c\x4f\x6c\xe3\x58\x19\x7f\x69\x32\x99\
\xb6\xdb\x4e\xd3\x2e\xab\xed\x8c\x56\xc5\xf5\x86\x11\xff\x5c\xdb\
\xf9\xdb\x98\x34\x93\x4e\x3d\x6c\x82\x26\xb3\x55\xa7\x68\x5b\x24\
\xa4\x71\x1c\xa7\xb5\x26\x89\x43\xe2\x4e\xd3\x02\x52\xda\x6a\xb7\
\xd9\xe5\xd2\x19\x81\x60\x47\x48\xbb\xd2\xc2\x81\x0b\x42\xe2\x04\
\x1c\xb6\xd5\x66\x85\x90\x46\x2b\x24\x40\x20\x0e\xa8\x5a\x24\xc4\
\x01\x41\xd9\x1b\x1c\x18\xbe\xe7\x38\xa9\x13\x3b\xa5\xd2\x2c\x20\
\xd0\xb3\x14\xc7\xef\xfb\x7e\x7f\xbe\xf7\x9e\xfd\x9e\x73\x68\x5f\
\x5d\xbc\xf5\xc2\xe8\xf0\x95\x61\x84\xd0\x68\x3a\x25\x2e\x21\xe4\
\x3a\xc0\x9f\x41\x2f\x44\xea\x6f\x47\x1e\xc1\xd7\x50\x39\xb5\x5a\
\x45\xe8\xa9\xa7\xf1\xc7\x85\x1e\x7e\x7b\x12\xa1\xcf\x3c\x54\x97\
\x57\xf4\x95\xcc\x4d\x41\xd6\x8a\x33\x52\x4e\xcb\x2a\x33\xb5\x62\
\x19\xe1\x23\x7e\xad\x56\x96\xe4\xbb\x8a\x4e\x65\x95\x35\xb5\x34\
\x47\xff\xe5\x27\x6f\xd3\x94\x9a\x9b\xa3\x5f\x0a\x67\xb8\x4c\x79\
\x41\x59\x57\x53\xdb\x15\xe5\xf6\xf6\xad\x65\x79\xfb\xae\x1c\xcb\
\xd1\xd7\x12\xc3\xf1\x9a\x00\x02\x45\x45\x97\xa8\x5a\xb1\x50\xaa\
\x0a\xb5\x39\xda\xd0\x15\xe0\x1a\x87\x59\x9a\x32\x20\xfa\xdd\x39\
\x7a\x1e\x27\xa8\x95\xcc\x22\xb5\xa0\x55\x14\x2a\x3c\x13\x61\x64\
\x3e\x38\x4b\x45\x63\x33\x7c\x38\x36\x1b\x08\x7d\x9a\x0a\x70\x7c\
\x84\xe5\x62\x2c\x1f\x62\x38\x5e\xe0\x62\x02\xc7\x53\xe6\x41\x27\
\x86\xe1\x1c\xaf\xe4\xf2\xc2\x92\xf8\x59\xd3\x0e\x5a\x73\xf4\xba\
\xae\x97\x05\x96\xdd\xdc\xdc\x9c\xd9\x0c\xce\x68\x95\x35\x96\x8f\
\xc5\x62\x2c\x17\x60\x03\x01\x06\x10\x4c\x75\xab\xa4\x4b\x35\xa6\
\x54\x7d\xbe\x25\xd2\xd6\x11\x95\xaa\x5c\x51\xcb\xba\xaa\x95\x28\
\xdc\x96\xb2\xda\x86\x3e\x47\xd3\xc3\x94\xe5\x30\xfb\x55\x2c\x77\
\x8c\x4a\x55\x73\xec\x60\x14\xd9\x9a\x54\x66\xf9\x19\x8e\x75\x22\
\xe5\xe4\x0e\xa7\xbc\x51\x29\x18\xa5\xe5\x64\x56\x29\x28\x45\xa5\
\xa4\x57\x81\xc7\x3b\xf2\xca\xeb\x9a\xae\x55\xd7\xb5\x3e\x96\x9d\
\x74\x5f\x63\xa8\x36\x93\x39\xbb\xde\x62\xd1\x91\x59\xd5\x6f\xdc\
\xd3\xcf\x66\x56\x97\xb7\xca\x0a\xbb\xa4\x54\xb5\x8d\x8a\xac\xdc\
\xb8\x07\x5d\x79\xde\x49\x4a\x57\xf3\x79\x67\x25\x9c\xe9\x5b\xbb\
\x52\x53\xfb\xd0\x70\xa6\x45\x4b\x9c\xf2\xe2\xd0\x57\x61\xa1\xa2\
\x48\xba\x56\x59\xd6\xb4\x42\xa2\x75\x97\x2d\xb6\xc7\x88\x5a\x58\
\xc0\x77\x55\x94\xfa\xf8\x4b\x6a\x29\xa7\x6d\x56\x3f\x11\x67\x7b\
\x29\x4e\x6a\x8a\x08\x9f\x04\x66\x32\xdc\x2c\x13\x08\x2e\xf3\x21\
\x81\x0f\x0b\x21\xfe\x53\x5c\x50\xe0\x38\x8b\x48\x0b\xd9\xa3\x91\
\xd1\x72\x6a\x7e\xcb\x41\x23\x18\x12\x02\x01\xab\x86\x05\xd9\xab\
\x01\xcf\x4f\x4e\xd2\xa5\x73\xa9\x58\xb1\x16\x9d\x9c\x2c\xe4\xb5\
\x4a\x51\xd2\x13\x6a\x51\x5a\x53\xd8\x72\x69\x2d\xce\x9e\x06\x2d\
\xc8\xce\x5d\x25\x2c\x68\x05\xad\x02\x65\x29\x89\x60\x9c\x75\x0a\
\x77\xd7\x99\xc9\x08\xe9\x52\x55\x97\x4a\xb2\x92\x16\x13\x10\x98\
\x51\xd5\x9c\x90\x0b\xf0\x59\x59\x89\x84\x98\xbc\x34\xab\xc0\x29\
\x24\x33\x12\xa7\xf0\x4c\x4c\x0e\x47\xf8\x6c\x40\xe1\x95\x18\x6f\
\x94\xde\x4d\xb7\x49\x8b\x9a\xbc\x81\x9f\x16\x53\x3a\x07\xd2\xe1\
\x58\x30\x1b\x09\x47\x23\x4c\x34\x26\x85\x98\x2c\x17\x0a\x33\x31\
\x69\x36\xc7\xe4\xc3\x12\x17\x9d\x55\xe4\x40\x54\xea\x48\x5b\xe8\
\x36\xe9\x17\x2b\x2a\xac\x74\x52\xe1\x09\x2d\x1c\x64\x6c\x56\x29\
\xb5\x0a\x37\xdb\x56\xa2\xeb\x7e\x37\xd6\xa0\xdb\xca\x97\xba\xa3\
\xed\x44\x41\x35\xd6\xa4\xb2\x54\xa9\x2a\xf8\x89\x9b\xa3\xdb\x8f\
\x1c\x6d\x23\x60\x8e\xf1\xe4\x0a\x92\x8c\x57\xb3\x84\x6c\xdc\x98\
\xb9\x38\xdb\x15\xed\x4f\x53\xed\x13\x78\xbe\x21\xb0\xd1\xfb\x7b\
\x6c\xae\x2b\xa5\xb3\x1e\x28\x0b\xaa\xbf\x48\x55\xcb\xeb\x9b\x52\
\x45\x99\x5f\x83\x91\x3e\xcf\xb3\xee\x44\xb3\x8d\x37\xdb\x1a\xf0\
\x7f\xc3\x44\x54\xa5\x7b\x4f\x36\x0d\x72\x38\xcc\xc5\xb8\x48\x96\
\xe1\x42\x51\x8e\xc9\x87\x42\x1c\x13\xe3\x73\x1c\x93\x0d\xf1\x91\
\x59\x3e\x9a\xe5\xe4\x60\xe0\x89\xa7\x21\x26\x04\x83\xff\xfd\x69\
\x38\x95\x97\xd7\xa5\xd2\x9a\x92\x4b\xb0\x6d\x62\x3b\xf0\xbf\x34\
\x73\xe7\x5b\x01\x9f\x6c\xe6\xba\xf6\x81\xff\x83\x99\x6b\x45\xbb\
\xd7\xc4\xf6\x3a\x6b\x5f\x43\xe3\xf8\x45\x02\xaf\xbf\x50\x93\x64\
\x4c\x10\x0c\xa8\x2d\xd6\x8b\x5f\xc1\x37\x41\x61\xc3\xc8\x45\x03\
\x1c\x1c\x2c\x8f\xcf\x26\xd5\x9a\xee\xa5\xae\x9e\x4d\x5d\x3d\x83\
\x7a\x9a\xfa\x7c\x49\xd5\x13\x01\x93\xd2\x13\xb6\xb0\xf0\xdb\x4e\
\x6b\xcf\xbd\x0d\x2f\xe6\x4a\x22\x12\x0e\x07\xc3\x71\xb6\x37\xdc\
\xcb\x58\x54\x6b\x4a\x61\x45\x54\x61\x27\xaa\xe2\x3a\x42\xb8\x3a\
\xc7\x8c\x23\x73\xb5\x2f\x73\xd5\xc6\x6c\x4d\x96\xe5\x25\xba\xf5\
\x86\xce\x9a\xaf\xe8\xf0\xeb\x80\xed\xfc\x3c\x70\xba\x65\x3e\xfc\
\x83\x98\x10\x13\x62\x42\x4c\x88\x09\x31\x21\x26\xc4\x84\x98\x10\
\x13\x62\x42\x4c\x88\x09\x31\x21\x26\xc4\x84\x98\x10\x13\x62\x42\
\x4c\x88\x09\x31\x21\x26\xc4\x84\x98\x10\x13\x62\x42\x4c\x88\x09\
\x31\x21\x26\xc4\x84\x98\x10\x13\x62\x42\x4c\x88\x09\x31\x21\x26\
\xc4\x84\x98\x10\x13\x62\x42\x4c\x88\x09\x31\xf9\x90\x4d\x86\x4f\
\xff\xe0\x56\x29\xe5\xe6\xe8\x4d\xfa\x5a\xe2\xcf\x89\xd5\x21\x84\
\x10\x25\xa7\x96\x32\x08\x6d\x7f\x0c\xa1\xfa\x1e\x42\x7f\x7b\x0c\
\xdf\x7f\x44\x68\x69\x10\xb9\x9e\x59\x41\x48\xf8\x26\x42\xcf\x6a\
\xbf\xfe\xc2\x47\x0f\x10\xba\xf8\x41\x5a\x9c\x5f\xae\xfd\xf6\x4f\
\xbf\x3a\x1a\x3d\xa4\x7c\x1e\xfe\xef\xda\x95\xed\x63\xf7\x8f\xff\
\xfa\xb9\x5f\xa0\xe9\x5a\x31\x18\xfc\xe1\xd7\x98\x17\xee\xe4\xf3\
\x88\x0f\x06\xeb\xdf\x7a\xfd\x72\xf2\xd1\xa3\x11\x2a\x6f\x6b\x7b\
\x7d\x41\x5b\xdb\xdd\x78\xdd\xd6\x76\x35\xed\x6d\x94\xb5\xb7\xb1\
\x7c\x6f\x1b\xe4\xff\x55\x1b\xdb\xf5\xb4\xff\xf1\xa3\xdf\xb3\x20\
\x75\x99\x42\xb2\xd7\xb7\x77\x61\x19\xd2\x3f\xa8\xbf\x06\x89\x2f\
\x7e\x64\x11\x2a\x39\x44\xaf\xb9\x9a\x23\x57\x38\xde\xdd\x98\x77\
\x5f\x05\xde\xfa\xe0\x55\xc0\xbd\x72\x27\x8b\xf8\xf2\xa0\x1f\xea\
\x5a\x3f\x6c\x8e\x50\xde\x4b\x3b\x4d\x94\x3d\xf6\xa5\xe0\x72\xf4\
\xa8\x73\x79\x69\x08\x10\x7b\xfb\x54\x1b\xec\xde\x4f\xe2\xcb\x14\
\xe5\x6a\xec\x2c\x0c\xbc\xea\x6a\x1e\x4f\x37\x26\x93\x23\xcf\x59\
\x2e\x27\x52\x28\x7b\x72\x00\x0c\xd7\xbe\x67\xc2\xdd\x38\x5a\xf0\
\xf1\xf5\xc9\xb8\xbf\x81\x9a\x87\xd3\x3b\xcd\xaf\x70\xb5\x14\x04\
\x0e\x17\x76\x1b\x2e\x08\x6c\xbd\x61\x80\x07\xc0\xc3\x33\xee\x1e\
\x04\xd8\x64\xf2\x78\x7a\xbe\x89\xde\xff\x72\x6a\x77\xd0\xaa\xb6\
\x63\x02\xb6\x7e\x8a\x06\xc6\xd2\x3e\x17\x08\x63\xc0\xd4\x84\x38\
\x42\x99\x00\xf0\xf0\x4c\x3d\x30\xc5\xea\x93\x49\x7f\xdd\x14\x33\
\x08\xc0\x9d\xf7\x50\xde\xb1\x21\x1a\xf1\x66\x0d\x13\x22\x1a\xf0\
\xa5\x91\x99\x7a\xef\x45\x68\x9b\xa5\x37\xfc\x75\x53\xab\x86\xeb\
\x38\x9e\x1e\xa2\xa7\x44\x77\x4f\x14\xd1\x43\x94\x61\x3b\x69\x00\
\x6c\x2c\x9c\xf7\xf6\x40\x91\x87\x7a\x80\x70\xbe\xdb\xfb\xe4\xc0\
\xe3\xab\x23\x11\x07\xc7\xd2\x0e\xf8\x7a\x6a\x00\x57\x81\xbb\x91\
\xf4\xbb\x0c\xfc\x38\xc6\x27\x31\xfe\x93\x34\x28\x0d\xf4\x31\xa1\
\xb1\x47\x2f\x07\xe0\xa9\xa7\x7c\xcf\xae\x74\x8a\x30\x01\xdf\xb9\
\x4a\xa3\xfb\xb8\x13\x26\xdf\xa8\x24\x8d\x3b\x06\xe9\x07\x50\xa2\
\x65\xcc\x92\x7e\x70\x03\xf0\x23\x6f\xf3\xc2\x37\xac\xca\x9d\x0c\
\x6a\x7e\xf7\xeb\xce\x89\xd6\x20\x19\x9d\xea\xd6\x6f\x63\x4d\xfd\
\x93\x03\xe8\x8c\xd8\x19\x00\xa3\x83\xa7\xe0\x54\x17\xd6\x10\x36\
\xb0\x69\x67\xe8\xe9\x48\x74\x43\xfd\x2d\xa4\xd1\x6b\x0b\xb4\xd1\
\x42\x1a\x45\xd9\xa1\xf4\x83\x63\x97\x33\xd6\xda\xd9\x0b\x49\x8a\
\x1e\x9a\x72\x52\x1f\x14\xfd\x47\x6e\x27\xf9\x9d\x86\xbf\xd6\x99\
\xf4\x16\x58\x75\x0d\x8c\xa7\x4f\x50\xbb\x76\x93\x12\x78\xc6\xd7\
\x48\xed\x5e\xec\xf4\xd4\x28\xea\x97\xef\xba\x2d\xe3\x68\x65\xf9\
\xeb\xcd\x6e\x6d\xf0\xa3\xe8\x34\x13\xb7\x97\xd3\xa2\x82\x74\x4f\
\x3d\xa6\x5d\x67\x18\x7d\xf7\x3d\x63\x56\x27\xd1\xdf\xe9\xab\x39\
\x3c\x86\x47\x2b\xe8\x80\x4f\x62\x4f\xef\x78\xb7\x7d\x52\x9c\x88\
\xb7\xf2\x0d\x97\x55\xba\x9d\x9f\x0d\xa6\x4f\xb8\x8b\xc0\xfa\xdd\
\x75\x13\xeb\xeb\x08\x78\xc7\x87\xa6\xbc\x50\xe6\x09\xd7\x5d\x56\
\x77\xaa\xcb\x01\x2a\x1c\xa1\x27\xe2\x23\x50\xdc\xb1\x64\x76\xd6\
\x28\x7e\xaf\x01\xc5\x4e\x8a\xfe\xda\x24\x74\xe1\xe8\x1d\x93\x30\
\x2f\xc2\x10\x60\x02\xca\x52\xf7\x0f\x31\xc1\x33\xe6\x1e\x34\x50\
\xad\x28\xc8\xb4\xb8\xee\xc1\x94\xbf\x8c\xa3\xbb\xfb\xae\x26\x28\
\x40\x09\x13\x43\xcf\x4d\x4d\xef\x59\x18\xfe\x01\x6b\xee\x0f\x6f\
\x5d\x17\x31\x38\x49\x97\x4f\x73\x06\x6c\x62\x16\x96\xe2\x89\x9d\
\x77\xc0\x74\xbc\x73\xe9\x1b\x8f\xe3\xcb\x9f\xc1\xe9\xe9\xf9\xee\
\x14\x37\x1e\x82\x95\x9f\x72\xed\x5f\x4e\x8e\x5c\x0d\xc0\x1a\x2c\
\xfe\x9c\xab\x4f\xde\xf4\x8c\xc2\x36\x71\xf3\x4d\x09\xf1\xee\x61\
\x0e\xb6\x89\xa4\xeb\x15\xd8\x26\xbe\xfa\xf2\xcb\x70\x7e\xf3\xfd\
\xc7\xb0\x9f\xb8\xbc\xbe\xf3\x6f\x74\xe3\xff\xf1\xdd\xd0\x61\xf7\
\xb3\x6d\xd6\x85\xdf\xbc\x87\x1e\x5e\x8a\x7d\xf0\xf8\x7b\x7b\xef\
\xe2\xff\xda\x91\xbe\x71\x4b\xfc\xfe\xf5\x3b\xbb\xff\x04\x17\xf9\
\x8f\x78\
\x00\x00\x0c\xa7\
\x89\
\x50\x4e\x47\x0d\x0a\x1a\x0a\x00\x00\x00\x0d\x49\x48\x44\x52\x00\
\x00\x00\x80\x00\x00\x00\x80\x08\x06\x00\x00\x00\xc3\x3e\x61\xcb\
\x00\x00\x00\x19\x74\x45\x58\x74\x53\x6f\x66\x74\x77\x61\x72\x65\
\x00\x41\x64\x6f\x62\x65\x20\x49\x6d\x61\x67\x65\x52\x65\x61\x64\
\x79\x71\xc9\x65\x3c\x00\x00\x03\x64\x69\x54\x58\x74\x58\x4d\x4c\
\x3a\x63\x6f\x6d\x2e\x61\x64\x6f\x62\x65\x2e\x78\x6d\x70\x00\x00\
\x00\x00\x00\x3c\x3f\x78\x70\x61\x63\x6b\x65\x74\x20\x62\x65\x67\
\x69\x6e\x3d\x22\xef\xbb\xbf\x22\x20\x69\x64\x3d\x22\x57\x35\x4d\
\x30\x4d\x70\x43\x65\x68\x69\x48\x7a\x72\x65\x53\x7a\x4e\x54\x63\
\x7a\x6b\x63\x39\x64\x22\x3f\x3e\x20\x3c\x78\x3a\x78\x6d\x70\x6d\
\x65\x74\x61\x20\x78\x6d\x6c\x6e\x73\x3a\x78\x3d\x22\x61\x64\x6f\
\x62\x65\x3a\x6e\x73\x3a\x6d\x65\x74\x61\x2f\x22\x20\x78\x3a\x78\
\x6d\x70\x74\x6b\x3d\x22\x41\x64\x6f\x62\x65\x20\x58\x4d\x50\x20\
\x43\x6f\x72\x65\x20\x35\x2e\x30\x2d\x63\x30\x36\x30\x20\x36\x31\
\x2e\x31\x33\x34\x37\x37\x37\x2c\x20\x32\x30\x31\x30\x2f\x30\x32\
\x2f\x31\x32\x2d\x31\x37\x3a\x33\x32\x3a\x30\x30\x20\x20\x20\x20\
\x20\x20\x20\x20\x22\x3e\x20\x3c\x72\x64\x66\x3a\x52\x44\x46\x20\
\x78\x6d\x6c\x6e\x73\x3a\x72\x64\x66\x3d\x22\x68\x74\x74\x70\x3a\
\x2f\x2f\x77\x77\x77\x2e\x77\x33\x2e\x6f\x72\x67\x2f\x31\x39\x39\
\x39\x2f\x30\x32\x2f\x32\x32\x2d\x72\x64\x66\x2d\x73\x79\x6e\x74\
\x61\x78\x2d\x6e\x73\x23\x22\x3e\x20\x3c\x72\x64\x66\x3a\x44\x65\
\x73\x63\x72\x69\x70\x74\x69\x6f\x6e\x20\x72\x64\x66\x3a\x61\x62\
\x6f\x75\x74\x3d\x22\x22\x20\x78\x6d\x6c\x6e\x73\x3a\x78\x6d\x70\
\x4d\x4d\x3d\x22\x68\x74\x74\x70\x3a\x2f\x2f\x6e\x73\x2e\x61\x64\
\x6f\x62\x65\x2e\x63\x6f\x6d\x2f\x78\x61\x70\x2f\x31\x2e\x30\x2f\
\x6d\x6d\x2f\x22\x20\x78\x6d\x6c\x6e\x73\x3a\x73\x74\x52\x65\x66\
\x3d\x22\x68\x74\x74\x70\x3a\x2f\x2f\x6e\x73\x2e\x61\x64\x6f\x62\
\x65\x2e\x63\x6f\x6d\x2f\x78\x61\x70\x2f\x31\x2e\x30\x2f\x73\x54\
\x79\x70\x65\x2f\x52\x65\x73\x6f\x75\x72\x63\x65\x52\x65\x66\x23\
\x22\x20\x78\x6d\x6c\x6e\x73\x3a\x78\x6d\x70\x3d\x22\x68\x74\x74\
\x70\x3a\x2f\x2f\x6e\x73\x2e\x61\x64\x6f\x62\x65\x2e\x63\x6f\x6d\
\x2f\x78\x61\x70\x2f\x31\x2e\x30\x2f\x22\x20\x78\x6d\x70\x4d\x4d\
\x3a\x4f\x72\x69\x67\x69\x6e\x61\x6c\x44\x6f\x63\x75\x6d\x65\x6e\
\x74\x49\x44\x3d\x22\x78\x6d\x70\x2e\x64\x69\x64\x3a\x37\x38\x39\
\x30\x37\x36\x35\x43\x33\x35\x41\x45\x45\x30\x31\x31\x39\x42\x34\
\x30\x38\x37\x33\x32\x44\x38\x31\x43\x36\x30\x46\x37\x22\x20\x78\
\x6d\x70\x4d\x4d\x3a\x44\x6f\x63\x75\x6d\x65\x6e\x74\x49\x44\x3d\
\x22\x78\x6d\x70\x2e\x64\x69\x64\x3a\x46\x42\x31\x30\x37\x39\x36\
\x43\x42\x37\x30\x31\x31\x31\x45\x30\x39\x44\x43\x30\x38\x30\x39\
\x30\x45\x38\x34\x44\x41\x41\x38\x42\x22\x20\x78\x6d\x70\x4d\x4d\
\x3a\x49\x6e\x73\x74\x61\x6e\x63\x65\x49\x44\x3d\x22\x78\x6d\x70\
\x2e\x69\x69\x64\x3a\x46\x42\x31\x30\x37\x39\x36\x42\x42\x37\x30\
\x31\x31\x31\x45\x30\x39\x44\x43\x30\x38\x30\x39\x30\x45\x38\x34\
\x44\x41\x41\x38\x42\x22\x20\x78\x6d\x70\x3a\x43\x72\x65\x61\x74\
\x6f\x72\x54\x6f\x6f\x6c\x3d\x22\x41\x64\x6f\x62\x65\x20\x50\x68\
\x6f\x74\x6f\x73\x68\x6f\x70\x20\x43\x53\x35\x20\x57\x69\x6e\x64\
\x6f\x77\x73\x22\x3e\x20\x3c\x78\x6d\x70\x4d\x4d\x3a\x44\x65\x72\
\x69\x76\x65\x64\x46\x72\x6f\x6d\x20\x73\x74\x52\x65\x66\x3a\x69\
\x6e\x73\x74\x61\x6e\x63\x65\x49\x44\x3d\x22\x78\x6d\x70\x2e\x69\
\x69\x64\x3a\x32\x32\x44\x35\x36\x39\x42\x34\x30\x30\x42\x37\x45\
\x30\x31\x31\x41\x35\x45\x31\x42\x36\x42\x46\x32\x32\x44\x32\x31\
\x33\x34\x39\x22\x20\x73\x74\x52\x65\x66\x3a\x64\x6f\x63\x75\x6d\
\x65\x6e\x74\x49\x44\x3d\x22\x78\x6d\x70\x2e\x64\x69\x64\x3a\x37\
\x38\x39\x30\x37\x36\x35\x43\x33\x35\x41\x45\x45\x30\x31\x31\x39\
\x42\x34\x30\x38\x37\x33\x32\x44\x38\x31\x43\x36\x30\x46\x37\x22\
\x2f\x3e\x20\x3c\x2f\x72\x64\x66\x3a\x44\x65\x73\x63\x72\x69\x70\
\x74\x69\x6f\x6e\x3e\x20\x3c\x2f\x72\x64\x66\x3a\x52\x44\x46\x3e\
\x20\x3c\x2f\x78\x3a\x78\x6d\x70\x6d\x65\x74\x61\x3e\x20\x3c\x3f\
\x78\x70\x61\x63\x6b\x65\x74\x20\x65\x6e\x64\x3d\x22\x72\x22\x3f\
\x3e\xb8\x4c\xa9\xf6\x00\x00\x08\xd9\x49\x44\x41\x54\x78\xda\xec\
\x9d\x7f\x64\x9d\x57\x18\xc7\x9f\xe5\x46\x28\x97\x72\x29\x21\x84\
\x90\x09\x9d\x4e\xe7\x4e\x68\x75\x5a\x99\x55\xab\x33\x3a\xab\x4e\
\xa7\x63\xfa\x47\x99\x8d\x69\x65\x12\x8d\xb1\xea\xdc\x5a\xe8\x3f\
\xa5\xfb\xab\x36\xaa\xd3\x5a\xb5\x56\x8d\xc4\x6a\xb1\x58\xed\x52\
\x0b\xd5\x12\x1b\x21\x54\x43\x18\xa1\x84\x70\xb9\xec\x3c\xb9\xcf\
\x9b\xbe\xb9\xb9\x3f\xde\xf7\xbe\xe7\x7d\xcf\x73\xce\x79\xbe\x3c\
\xdc\xa4\x49\x7b\xde\xe7\xfb\xe9\x39\xe7\x3d\x3f\x5f\xbb\x76\xed\
\x1a\x38\xa8\xbc\x8a\x21\x15\x7b\x55\x0c\xaa\x28\xd0\xe7\x5c\xe8\
\x67\xf6\xa8\xe8\xa1\xcf\x15\x15\xcf\x42\x7f\x56\x55\xf1\x44\xc5\
\xaa\x8a\x45\xfa\xfc\xaf\x8a\x35\xd7\x12\xd5\xed\x88\xd9\x07\x54\
\x1c\xa4\x18\x50\xd1\x1b\xf3\xef\x40\x10\x8a\x75\xdf\x1b\x6e\xf0\
\x73\x2b\x2a\x96\x54\xcc\x51\x3c\xb2\x1d\x0a\x1b\x01\xc8\x85\xcc\
\x0e\x22\x2b\xf5\x52\xec\x53\x31\x46\xdf\x0b\xc3\x30\x4b\xb5\x87\
\x00\x90\x82\x30\xe9\xa7\x28\x0a\x8c\xca\x15\x86\x10\x9b\x8c\x9f\
\x29\xca\x02\x40\x72\xf5\xa9\x38\x43\xa6\x0f\x59\x90\x4f\x04\xf3\
\x0b\x0a\xec\x3b\xdc\x50\x71\x5d\xc5\x32\xd7\x02\x77\x31\x2d\x17\
\xb6\xc7\x77\x55\xbc\x50\xf1\xad\x25\xe6\xd7\x6b\x90\xca\xfe\x82\
\x9e\xa5\x28\x00\x44\xab\xe6\xa7\x55\xfc\xad\xe2\xb8\x43\x9d\xed\
\xe3\xf4\x4c\xd3\xf4\x8c\x02\x40\x9d\xb0\x17\xff\x87\x8a\xbf\x54\
\x1c\x01\x77\x75\x84\x9e\x11\x9f\x75\x44\x00\xa8\xb5\xf1\xb7\x54\
\xfc\x99\x71\x6f\x9e\x43\xc7\xf1\x77\x15\xbf\x50\x0e\xbc\x03\x00\
\x5f\xe5\x46\x55\xfc\xa3\xe2\x24\xf8\xab\x8f\x28\x07\xa3\xb0\x75\
\x90\xca\x69\x00\xb0\xba\x7f\xaa\xe2\x7b\xa8\x0d\xe2\xf8\xae\x3c\
\xe5\xe2\x29\xe5\xc6\x59\x00\x90\xf0\x12\x55\xf7\xbb\xc5\xf7\x6d\
\xda\x4d\xb9\x29\x65\x59\x1b\x64\x05\x40\x1f\x75\x7c\xc6\xc4\xe7\
\xb6\x1a\xa3\x5c\xf5\xb9\x02\xc0\x31\x53\xd5\x9b\xc5\x0a\x9a\xc9\
\x63\xb6\x03\x80\xd5\xd9\x03\xe0\x35\x74\x6b\x8b\x0a\x94\xbb\x92\
\x8d\x00\xf4\xd0\xeb\x9d\x54\xf9\x7a\x9a\x84\x5b\xf0\x6a\xea\x9a\
\x3d\x00\xd8\xab\x9d\xf6\xfc\xf5\x4e\xb7\x4e\x52\x4e\xf3\xdc\x01\
\xe8\x05\x46\xa3\x5c\x8e\x69\x84\x72\xdb\xcb\x15\x80\x7e\x7a\x8d\
\x29\x8a\x57\xa9\xa9\x48\x39\x1e\xe0\x06\xc0\x2e\xa8\x0d\x6d\x0e\
\x8a\x47\xa9\x0b\x73\xfc\x1b\xe5\x9c\x05\x00\x79\xea\xad\x8a\xf9\
\xd9\x42\x80\x39\xdf\x69\x1a\x00\xec\x99\xfe\x0a\x8d\xd7\xcf\x89\
\xd2\x15\xe6\xfc\x6e\xd2\xb7\x83\xa4\x00\xfc\x28\x1d\x3e\xe3\x1d\
\x43\xf4\x20\x67\x02\x00\x9c\xc0\x38\x25\x1e\x18\x17\x7a\x50\xca\
\x1a\x00\x5c\xd8\x30\x2a\xb9\x67\xa3\x51\xe8\x70\x21\x4d\x27\x00\
\xe0\xeb\xde\x4d\xc9\x39\x3b\xdd\x24\x6f\x52\x05\x20\x47\xff\x90\
\x8c\xed\xf3\x53\x81\xbc\xc9\xa5\x09\xc0\x25\x90\x59\x3d\xce\x3a\
\x10\xb7\x3f\xd0\x15\xf3\x2f\x97\xc9\x1d\x3b\xfa\x03\x07\x74\x03\
\x80\xd5\xca\x55\xc9\xad\x35\xba\x1a\x75\x7c\xa0\x2b\x06\x55\x7b\
\x25\xaf\xd6\x08\xbd\x3a\xa7\x0b\x00\x5c\x9a\x74\x41\x72\x6a\x9d\
\x2e\x40\x84\x65\x65\x51\x00\x90\xd5\xbb\x76\x2a\x58\x6d\x9c\x08\
\x00\x1c\x6a\xe4\x34\xda\x57\xb1\x20\xf1\x9c\xca\x88\xde\xbd\x97\
\x04\x80\x12\xa3\x87\x59\x57\x71\x54\xc5\x38\x63\xf3\xc7\xa9\x8c\
\xeb\x8c\xca\x74\xa9\x53\x00\x3e\x00\x3e\xb3\x7c\x98\xd0\xf7\xa1\
\x76\x00\xc3\x65\xa6\x10\x8c\x53\xd9\x66\xa9\xac\x5c\x20\x18\x26\
\x2f\x63\x03\xf0\x0d\x43\xf3\x03\x71\x83\x20\x30\x3f\x10\x37\x08\
\x2e\xc4\x05\x00\x37\x2f\x16\x99\x9a\xcf\x0d\x82\x7a\xf3\x39\x42\
\x30\x0c\x4d\x36\xdf\x36\x03\xe0\x1c\x73\xf3\xb9\x40\xd0\xcc\x7c\
\x8e\x10\x9c\x8b\x0a\x40\x7f\xab\x36\x83\x91\xf9\xa6\x21\x68\x67\
\x3e\x37\x08\xd0\xd3\x81\x28\x00\x9c\xb6\xc8\x7c\x53\x10\x44\x35\
\x9f\x1b\x04\xa7\xb8\x03\xd0\x89\xf9\x59\x43\x10\xd7\x7c\x4e\x10\
\x9c\x6e\x07\x00\x76\x16\x86\x2c\x34\x3f\x2b\x08\x3a\x35\x9f\x0b\
\x04\x43\xf5\xaf\xf6\x5d\x4c\xfe\xf7\x57\x34\x98\x9f\x36\x04\x49\
\xcd\xaf\x87\xa0\xc2\xa1\x16\x08\x03\xd0\x03\xe6\x86\x7d\x7b\x34\
\xbf\x76\xea\x86\x40\x97\xf9\x81\x8a\x90\xd2\x66\xcf\x88\xfd\x80\
\x9e\x46\x00\xe0\x98\xb1\xc9\xa5\x5e\x38\x71\x31\xca\x10\x02\xdd\
\xe6\x8f\x42\x84\x49\x9a\x14\x55\x80\xd0\xfc\x40\x18\x00\x0e\x4b\
\xbd\xb8\x41\xe0\x9a\xf9\xdb\xbc\x0e\x03\x70\x0c\x78\x88\x0b\x04\
\xae\x9a\xbf\xc5\xeb\x00\x00\xdc\x72\xbc\x07\xf8\xc8\x34\x04\x2e\
\x9b\x0f\xe4\x75\x6f\x18\x00\x8e\x2b\x7d\x4d\x41\xe0\xba\xf9\x5b\
\x9a\x01\xce\x00\x98\x80\xc0\x17\xf3\xb7\x01\xc0\xf9\x50\x87\xac\
\x20\xf0\xc9\xfc\x4d\xcf\x03\x00\xb8\xaf\xf8\x4d\x1b\x02\xdf\xcc\
\x0f\xfa\x01\x1b\x17\x46\xe0\x0c\x91\x0d\x8b\x3e\x83\x84\x4e\x6a\
\x84\xa0\xd1\x67\x1f\xcc\x47\xe1\xe1\x12\x03\x08\x80\x4d\x97\x31\
\xa4\x09\x81\x4f\xe6\x07\xda\x8d\x4d\x80\x6d\x47\xbb\xe8\x6e\x0e\
\x7c\x35\x1f\x35\x80\x00\xf4\x83\x7d\xe2\x06\x81\x8d\xe6\xa3\xfa\
\xbb\x40\xe3\x91\x63\x9e\x42\x60\xab\xf9\x9b\x35\x80\xcd\x7b\xfd\
\x4d\x43\x60\xb3\xf9\xa8\x02\x02\xb0\x0b\xec\x96\x29\x08\x6c\x37\
\x1f\xb5\xcb\x05\x00\x4c\x40\xe0\x82\xf9\x9b\x00\xec\x00\x37\x94\
\x15\x04\xae\x98\x8f\xda\x81\x00\xe4\xc0\x1d\xa5\x0d\xc1\x98\x43\
\xe6\xa3\x72\x08\x80\x6b\x5b\xbf\xd3\x82\x00\xcd\x2f\x39\x96\xab\
\x7c\x17\xb8\xa9\x1c\x88\x22\x09\x01\x58\x73\xec\x99\x74\x4f\xec\
\x04\xe2\xba\x2b\x39\x89\xd6\x10\x80\xaa\x98\xef\x2d\x04\x55\x04\
\x60\x5d\xcc\xf7\x16\x82\x75\x04\x60\x55\xcc\xf7\x16\x82\x55\x04\
\x60\x45\xcc\xf7\x16\x82\x15\xdb\x6b\x00\x53\xe6\xbb\x02\xc1\x46\
\x0d\xb0\x24\xe6\x7b\x0b\xc1\x12\x02\xf0\x5c\xcc\xf7\x16\x82\xe7\
\x36\xd6\x00\xdc\xcc\xb7\x19\x82\x8d\x1a\x60\xc1\x63\xf3\xc7\x40\
\xef\x09\xe8\xb6\x41\xb0\xd0\x4d\x35\x00\x8e\x06\xe6\x3d\x34\xbf\
\x54\x67\x9e\x2e\x08\x00\xf8\xcf\x1b\xac\x05\x35\x00\xea\x99\xe7\
\xe6\x97\x3c\xac\x09\x36\x3c\x0f\x00\x78\xec\xb1\xf9\xbe\x42\xf0\
\x38\x0c\xc0\x23\xcf\xcd\xf7\x11\x82\x47\x61\x00\xca\x62\xbe\x77\
\x10\x94\xc3\x00\x2c\x33\xeb\x07\x98\x32\xdf\x17\x08\x9e\x91\xe7\
\x5b\x4e\x08\x99\x13\xf3\xbd\x81\x60\xd3\xeb\x30\x00\x33\x62\xbe\
\x37\x10\xcc\x34\x02\x00\xcf\xaf\x5b\x15\xf3\x9d\x87\x60\x15\x42\
\xe7\x31\x86\x01\xc0\x85\x21\x53\x86\x0a\x55\xd1\xdc\x11\xd5\xbd\
\x80\x53\x37\x04\x65\x30\x77\x50\xe4\x14\x84\x16\x01\xd5\x2f\x0a\
\xbd\x6d\xa8\x50\x78\x70\xe1\x34\x34\x39\xd3\xde\xb0\xf9\xba\x21\
\x38\x48\xcf\x6a\xea\xa0\xc8\x2d\x1e\x77\x35\x68\x1b\x4c\x2d\x10\
\xd9\xa1\x01\x82\xb4\x97\x6e\x27\x85\x20\x30\xdf\xd4\x66\x9c\x95\
\xfa\xbe\x5e\x3d\x00\xb8\x40\xf4\x27\x83\xed\x53\x12\x08\xb2\x5a\
\xb7\xdf\x29\x04\xa6\xcd\x07\xf2\xb6\xda\x0a\x00\xd4\x75\xc3\x3d\
\xd4\x4e\x20\xc8\x7a\xd3\x46\x5c\x08\x38\x98\xdf\xd0\xdb\x46\x00\
\x2c\x32\x78\x25\x8c\x03\x81\xa9\x1d\x3b\x51\x21\xe0\x62\xfe\x0c\
\x79\xdb\x16\x00\x00\x1e\x0b\x2e\xa2\x40\x60\x7a\xbb\x56\x3b\x08\
\xb8\x98\xdf\xd4\xd3\x66\x00\xe0\x48\xd1\x3c\x23\x08\x46\x18\x9a\
\xdf\x0e\x02\x4e\xe6\xcf\x43\x93\x91\xde\x56\x7b\x03\xbf\x03\x1e\
\xc2\x04\x3e\xa8\x83\x80\xdb\x46\xcd\x7a\x08\x46\x18\x99\xdf\xd2\
\xcb\xee\x16\xbf\x74\x8f\xc8\x29\x32\x82\x00\x6f\xda\x18\x06\x9e\
\xab\x6d\x82\x32\x3d\xa6\xb2\x72\x31\x7f\x9e\xbc\x8c\x0d\x00\x6a\
\x82\x48\xe6\x52\x13\x98\x1c\x40\x89\x0a\x41\x85\x59\x19\x27\x5a\
\xfd\x61\xbb\xed\xe1\x33\xad\xe8\x31\x20\xce\xe6\x73\x2c\xe3\xfd\
\x76\x6f\x74\x51\xce\x07\xf8\x12\xdc\xdb\x42\xee\x83\xd0\xb3\xcf\
\xdb\xfd\x50\x14\x00\x96\x19\x75\x08\x45\xf1\x3a\x7e\xcb\x3a\x00\
\x40\x5d\x01\xbb\xf6\x0f\xf8\xae\x05\xf2\x0c\x74\x01\x80\x1d\x9b\
\xb3\x92\x57\x6b\x74\x16\x22\x4e\x37\xc7\x39\x23\x08\x57\x91\x4e\
\x4a\x6e\xd9\x6b\x12\x62\xac\xf2\x8e\x7b\x48\xd4\x04\xf0\x5d\x42\
\x2e\xaa\x2d\x34\x99\x88\xf3\x0b\x71\x01\xc0\x6a\xe5\x13\x70\xe3\
\x54\x11\xd7\x84\x9e\x7c\x0c\x31\x57\x1a\x75\x72\x4c\x1c\x6e\x27\
\xff\x54\xf2\xcd\x4e\x9f\x41\x07\x5b\xfd\x3b\x3d\x27\x70\x4a\xfa\
\x03\xec\xda\xfd\xfb\x9d\xfc\x62\x92\x83\x22\x71\x65\xeb\x6d\xc9\
\xbd\x71\xdd\x86\x04\xab\x8c\x93\x00\x50\xa5\xa6\x60\x56\x3c\x30\
\xa6\x59\xf2\xa0\x6a\x02\x80\xa0\x53\xf8\x21\xf0\xde\x5d\xec\xaa\
\xe6\x29\xf7\x89\x96\x97\xeb\x38\x2b\xf8\x25\xd4\xa6\x69\x17\xc5\
\x93\xcc\x84\xb9\x3e\x4a\xb9\x07\xd3\x00\xa0\xfe\x53\xf1\xae\x40\
\x90\x99\xf9\x87\x29\xe7\xc0\x05\x80\xe0\xf5\xf0\x1d\xe0\xb1\x94\
\xcc\xe5\x6a\x1f\x73\xac\xed\x60\x2f\xdd\xc7\xc5\xe3\xc6\x83\x43\
\xd2\x31\x4c\xad\xc3\x77\x08\x34\x6f\xdc\x49\xe3\xbe\x80\x35\x6a\
\x9f\xe4\x15\x51\xef\xab\xde\x51\x48\x61\x5d\x46\x5a\x17\x46\x04\
\x43\xc6\x57\xc4\xbb\xc4\xba\x42\xb9\x4c\x65\x33\x69\x9a\x37\x86\
\xe0\xbb\xe9\x79\x7a\x43\x90\xb9\x83\xf8\x5a\xa5\xdc\x9d\x87\x14\
\xef\x74\xc8\xe2\xca\x18\x1c\x36\x7e\x0b\x64\x16\x31\x8e\xca\x94\
\xb3\xd4\xb7\xeb\x67\x75\x67\xd0\x73\xea\xc0\x5c\x16\x6f\xdb\xea\
\x32\xf5\xf4\x33\x39\xc3\x39\xcb\x4b\xa3\xb0\x1a\x1b\xa7\x87\x93\
\xe5\x65\xdb\xb5\x40\xb9\x19\x87\x0c\xaf\xf1\x31\x71\x6b\x18\x36\
\x05\x6f\xaa\xf8\x1a\x64\xb5\x71\xf0\xd6\xf4\xb5\xa9\x66\xd2\xd4\
\xb5\x71\x48\x38\x4e\x61\xbe\xa1\xe2\x8e\xc7\xe6\xdf\xa1\x1c\x4c\
\x82\xa1\x23\x63\x4c\xdf\x1b\x88\xed\xdc\x09\xa8\x0d\x6d\x96\x3d\
\x32\xbe\x4c\xcf\x7c\x02\x0c\xdf\xd7\xc0\xe5\xe2\xc8\x87\x2a\xf6\
\x53\x47\x71\xc6\x61\xe3\x1f\xd2\x33\xee\xa7\xcf\xc6\xc5\xed\xe6\
\x50\xdc\xc2\x8c\x23\x5e\x6f\x03\xaf\x2d\x69\x49\x75\x8f\x9e\xe9\
\x30\xf0\x39\x90\x73\x43\xdd\x4c\x13\x16\xcc\x75\xf7\xa9\x38\xa3\
\xe2\xb4\x8a\x41\xcb\x4c\xc7\x59\xbb\x1b\x50\x3b\x96\x65\x99\x6b\
\x21\xb9\xdf\x1d\x8c\x89\xbb\xa8\xe2\x75\xaa\x36\x7f\x00\xde\xa3\
\x8a\xab\x54\xc6\xfd\x54\xe6\x8b\x9c\xcd\xe7\x5c\x03\x34\xeb\x38\
\x61\x7c\x05\xb5\xd3\x37\x30\xf0\x20\x86\x7d\x0c\xca\x35\x4b\x55\
\xfb\x1c\x98\x3b\x00\xd2\x79\x00\x02\x55\xa8\x03\x15\x74\xa2\xf2\
\x21\x20\x0e\x52\x53\x51\x48\xf1\x7f\xf8\x62\xc8\xec\x39\xdb\xc7\
\x32\xba\xc1\x7e\xa1\x01\x53\xb0\x75\xdc\x7c\x27\x81\x80\xa7\x9b\
\x0c\x10\x10\x7b\xe1\xd5\xb5\xf2\x39\xfa\x3a\xac\x27\xf0\x6a\x04\
\xae\x4a\x5f\xa3\xe1\x4b\xd4\x27\x41\xe3\x5f\x82\x63\xfa\x5f\x80\
\x01\x00\xc8\x1b\x17\xda\x03\x9b\xcc\xbb\x00\x00\x00\x00\x49\x45\
\x4e\x44\xae\x42\x60\x82\
\x00\x00\x81\xcf\
\x89\
\x50\x4e\x47\x0d\x0a\x1a\x0a\x00\x00\x00\x0d\x49\x48\x44\x52\x00\
\x00\x01\xfb\x00\x00\x02\x00\x08\x06\x00\x00\x00\x85\x36\xc5\x95\
\x00\x00\x00\x09\x70\x48\x59\x73\x00\x00\x0b\x13\x00\x00\x0b\x13\
\x01\x00\x9a\x9c\x18\x00\x00\x3b\x9a\x69\x54\x58\x74\x58\x4d\x4c\
\x3a\x63\x6f\x6d\x2e\x61\x64\x6f\x62\x65\x2e\x78\x6d\x70\x00\x00\
\x00\x00\x00\x3c\x3f\x78\x70\x61\x63\x6b\x65\x74\x20\x62\x65\x67\
\x69\x6e\x3d\x22\xef\xbb\xbf\x22\x20\x69\x64\x3d\x22\x57\x35\x4d\
\x30\x4d\x70\x43\x65\x68\x69\x48\x7a\x72\x65\x53\x7a\x4e\x54\x63\
\x7a\x6b\x63\x39\x64\x22\x3f\x3e\x0a\x3c\x78\x3a\x78\x6d\x70\x6d\
\x65\x74\x61\x20\x78\x6d\x6c\x6e\x73\x3a\x78\x3d\x22\x61\x64\x6f\
\x62\x65\x3a\x6e\x73\x3a\x6d\x65\x74\x61\x2f\x22\x20\x78\x3a\x78\
\x6d\x70\x74\x6b\x3d\x22\x41\x64\x6f\x62\x65\x20\x58\x4d\x50\x20\
\x43\x6f\x72\x65\x20\x35\x2e\x36\x2d\x63\x31\x33\x38\x20\x37\x39\
\x2e\x31\x35\x39\x38\x32\x34\x2c\x20\x32\x30\x31\x36\x2f\x30\x39\
\x2f\x31\x34\x2d\x30\x31\x3a\x30\x39\x3a\x30\x31\x20\x20\x20\x20\
\x20\x20\x20\x20\x22\x3e\x0a\x20\x20\x20\x3c\x72\x64\x66\x3a\x52\
\x44\x46\x20\x78\x6d\x6c\x6e\x73\x3a\x72\x64\x66\x3d\x22\x68\x74\
\x74\x70\x3a\x2f\x2f\x77\x77\x77\x2e\x77\x33\x2e\x6f\x72\x67\x2f\
\x31\x39\x39\x39\x2f\x30\x32\x2f\x32\x32\x2d\x72\x64\x66\x2d\x73\
\x79\x6e\x74\x61\x78\x2d\x6e\x73\x23\x22\x3e\x0a\x20\x20\x20\x20\
\x20\x20\x3c\x72\x64\x66\x3a\x44\x65\x73\x63\x72\x69\x70\x74\x69\
\x6f\x6e\x20\x72\x64\x66\x3a\x61\x62\x6f\x75\x74\x3d\x22\x22\x0a\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x78\x6d\x6c\x6e\
\x73\x3a\x78\x6d\x70\x3d\x22\x68\x74\x74\x70\x3a\x2f\x2f\x6e\x73\
\x2e\x61\x64\x6f\x62\x65\x2e\x63\x6f\x6d\x2f\x78\x61\x70\x2f\x31\
\x2e\x30\x2f\x22\x0a\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x78\x6d\x6c\x6e\x73\x3a\x64\x63\x3d\x22\x68\x74\x74\x70\x3a\
\x2f\x2f\x70\x75\x72\x6c\x2e\x6f\x72\x67\x2f\x64\x63\x2f\x65\x6c\
\x65\x6d\x65\x6e\x74\x73\x2f\x31\x2e\x31\x2f\x22\x0a\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x78\x6d\x6c\x6e\x73\x3a\x70\
\x68\x6f\x74\x6f\x73\x68\x6f\x70\x3d\x22\x68\x74\x74\x70\x3a\x2f\
\x2f\x6e\x73\x2e\x61\x64\x6f\x62\x65\x2e\x63\x6f\x6d\x2f\x70\x68\
\x6f\x74\x6f\x73\x68\x6f\x70\x2f\x31\x2e\x30\x2f\x22\x0a\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x78\x6d\x6c\x6e\x73\x3a\
\x78\x6d\x70\x4d\x4d\x3d\x22\x68\x74\x74\x70\x3a\x2f\x2f\x6e\x73\
\x2e\x61\x64\x6f\x62\x65\x2e\x63\x6f\x6d\x2f\x78\x61\x70\x2f\x31\
\x2e\x30\x2f\x6d\x6d\x2f\x22\x0a\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x78\x6d\x6c\x6e\x73\x3a\x73\x74\x45\x76\x74\x3d\
\x22\x68\x74\x74\x70\x3a\x2f\x2f\x6e\x73\x2e\x61\x64\x6f\x62\x65\
\x2e\x63\x6f\x6d\x2f\x78\x61\x70\x2f\x31\x2e\x30\x2f\x73\x54\x79\
\x70\x65\x2f\x52\x65\x73\x6f\x75\x72\x63\x65\x45\x76\x65\x6e\x74\
\x23\x22\x0a\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x78\
\x6d\x6c\x6e\x73\x3a\x74\x69\x66\x66\x3d\x22\x68\x74\x74\x70\x3a\
\x2f\x2f\x6e\x73\x2e\x61\x64\x6f\x62\x65\x2e\x63\x6f\x6d\x2f\x74\
\x69\x66\x66\x2f\x31\x2e\x30\x2f\x22\x0a\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x78\x6d\x6c\x6e\x73\x3a\x65\x78\x69\x66\
\x3d\x22\x68\x74\x74\x70\x3a\x2f\x2f\x6e\x73\x2e\x61\x64\x6f\x62\
\x65\x2e\x63\x6f\x6d\x2f\x65\x78\x69\x66\x2f\x31\x2e\x30\x2f\x22\
\x3e\x0a\x20\x20\x20\x20\x20\x20\x20\x20\x20\x3c\x78\x6d\x70\x3a\
\x43\x72\x65\x61\x74\x6f\x72\x54\x6f\x6f\x6c\x3e\x41\x64\x6f\x62\
\x65\x20\x50\x68\x6f\x74\x6f\x73\x68\x6f\x70\x20\x43\x43\x20\x32\
\x30\x31\x37\x20\x28\x57\x69\x6e\x64\x6f\x77\x73\x29\x3c\x2f\x78\
\x6d\x70\x3a\x43\x72\x65\x61\x74\x6f\x72\x54\x6f\x6f\x6c\x3e\x0a\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x3c\x78\x6d\x70\x3a\x43\x72\
\x65\x61\x74\x65\x44\x61\x74\x65\x3e\x32\x30\x31\x37\x2d\x30\x38\
\x2d\x32\x38\x54\x31\x30\x3a\x33\x39\x3a\x35\x32\x2b\x30\x33\x3a\
\x30\x30\x3c\x2f\x78\x6d\x70\x3a\x43\x72\x65\x61\x74\x65\x44\x61\
\x74\x65\x3e\x0a\x20\x20\x20\x20\x20\x20\x20\x20\x20\x3c\x78\x6d\
\x70\x3a\x4d\x6f\x64\x69\x66\x79\x44\x61\x74\x65\x3e\x32\x30\x31\
\x37\x2d\x30\x39\x2d\x30\x35\x54\x31\x34\x3a\x30\x32\x3a\x31\x33\
\x2b\x30\x33\x3a\x30\x30\x3c\x2f\x78\x6d\x70\x3a\x4d\x6f\x64\x69\
\x66\x79\x44\x61\x74\x65\x3e\x0a\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x3c\x78\x6d\x70\x3a\x4d\x65\x74\x61\x64\x61\x74\x61\x44\x61\
\x74\x65\x3e\x32\x30\x31\x37\x2d\x30\x39\x2d\x30\x35\x54\x31\x34\
\x3a\x30\x32\x3a\x31\x33\x2b\x30\x33\x3a\x30\x30\x3c\x2f\x78\x6d\
\x70\x3a\x4d\x65\x74\x61\x64\x61\x74\x61\x44\x61\x74\x65\x3e\x0a\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x3c\x64\x63\x3a\x66\x6f\x72\
\x6d\x61\x74\x3e\x69\x6d\x61\x67\x65\x2f\x70\x6e\x67\x3c\x2f\x64\
\x63\x3a\x66\x6f\x72\x6d\x61\x74\x3e\x0a\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x3c\x70\x68\x6f\x74\x6f\x73\x68\x6f\x70\x3a\x43\x6f\
\x6c\x6f\x72\x4d\x6f\x64\x65\x3e\x33\x3c\x2f\x70\x68\x6f\x74\x6f\
\x73\x68\x6f\x70\x3a\x43\x6f\x6c\x6f\x72\x4d\x6f\x64\x65\x3e\x0a\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x3c\x78\x6d\x70\x4d\x4d\x3a\
\x49\x6e\x73\x74\x61\x6e\x63\x65\x49\x44\x3e\x78\x6d\x70\x2e\x69\
\x69\x64\x3a\x36\x62\x35\x34\x39\x37\x39\x62\x2d\x32\x34\x65\x66\
\x2d\x33\x62\x34\x31\x2d\x61\x37\x64\x65\x2d\x34\x62\x36\x62\x39\
\x33\x62\x35\x33\x31\x31\x65\x3c\x2f\x78\x6d\x70\x4d\x4d\x3a\x49\
\x6e\x73\x74\x61\x6e\x63\x65\x49\x44\x3e\x0a\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x3c\x78\x6d\x70\x4d\x4d\x3a\x44\x6f\x63\x75\x6d\
\x65\x6e\x74\x49\x44\x3e\x78\x6d\x70\x2e\x64\x69\x64\x3a\x62\x32\
\x64\x38\x62\x64\x65\x64\x2d\x65\x35\x38\x34\x2d\x35\x63\x34\x64\
\x2d\x62\x65\x66\x39\x2d\x36\x62\x33\x35\x66\x34\x62\x33\x37\x32\
\x36\x34\x3c\x2f\x78\x6d\x70\x4d\x4d\x3a\x44\x6f\x63\x75\x6d\x65\
\x6e\x74\x49\x44\x3e\x0a\x20\x20\x20\x20\x20\x20\x20\x20\x20\x3c\
\x78\x6d\x70\x4d\x4d\x3a\x4f\x72\x69\x67\x69\x6e\x61\x6c\x44\x6f\
\x63\x75\x6d\x65\x6e\x74\x49\x44\x3e\x78\x6d\x70\x2e\x64\x69\x64\
\x3a\x62\x32\x64\x38\x62\x64\x65\x64\x2d\x65\x35\x38\x34\x2d\x35\
\x63\x34\x64\x2d\x62\x65\x66\x39\x2d\x36\x62\x33\x35\x66\x34\x62\
\x33\x37\x32\x36\x34\x3c\x2f\x78\x6d\x70\x4d\x4d\x3a\x4f\x72\x69\
\x67\x69\x6e\x61\x6c\x44\x6f\x63\x75\x6d\x65\x6e\x74\x49\x44\x3e\
\x0a\x20\x20\x20\x20\x20\x20\x20\x20\x20\x3c\x78\x6d\x70\x4d\x4d\
\x3a\x48\x69\x73\x74\x6f\x72\x79\x3e\x0a\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x3c\x72\x64\x66\x3a\x53\x65\x71\x3e\x0a\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x3c\
\x72\x64\x66\x3a\x6c\x69\x20\x72\x64\x66\x3a\x70\x61\x72\x73\x65\
\x54\x79\x70\x65\x3d\x22\x52\x65\x73\x6f\x75\x72\x63\x65\x22\x3e\
\x0a\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x3c\x73\x74\x45\x76\x74\x3a\x61\x63\x74\x69\x6f\x6e\
\x3e\x63\x72\x65\x61\x74\x65\x64\x3c\x2f\x73\x74\x45\x76\x74\x3a\
\x61\x63\x74\x69\x6f\x6e\x3e\x0a\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x3c\x73\x74\x45\x76\x74\
\x3a\x69\x6e\x73\x74\x61\x6e\x63\x65\x49\x44\x3e\x78\x6d\x70\x2e\
\x69\x69\x64\x3a\x62\x32\x64\x38\x62\x64\x65\x64\x2d\x65\x35\x38\
\x34\x2d\x35\x63\x34\x64\x2d\x62\x65\x66\x39\x2d\x36\x62\x33\x35\
\x66\x34\x62\x33\x37\x32\x36\x34\x3c\x2f\x73\x74\x45\x76\x74\x3a\
\x69\x6e\x73\x74\x61\x6e\x63\x65\x49\x44\x3e\x0a\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x3c\x73\
\x74\x45\x76\x74\x3a\x77\x68\x65\x6e\x3e\x32\x30\x31\x37\x2d\x30\
\x38\x2d\x32\x38\x54\x31\x30\x3a\x33\x39\x3a\x35\x32\x2b\x30\x33\
\x3a\x30\x30\x3c\x2f\x73\x74\x45\x76\x74\x3a\x77\x68\x65\x6e\x3e\
\x0a\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x3c\x73\x74\x45\x76\x74\x3a\x73\x6f\x66\x74\x77\x61\
\x72\x65\x41\x67\x65\x6e\x74\x3e\x41\x64\x6f\x62\x65\x20\x50\x68\
\x6f\x74\x6f\x73\x68\x6f\x70\x20\x43\x43\x20\x32\x30\x31\x37\x20\
\x28\x57\x69\x6e\x64\x6f\x77\x73\x29\x3c\x2f\x73\x74\x45\x76\x74\
\x3a\x73\x6f\x66\x74\x77\x61\x72\x65\x41\x67\x65\x6e\x74\x3e\x0a\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x3c\
\x2f\x72\x64\x66\x3a\x6c\x69\x3e\x0a\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x3c\x72\x64\x66\x3a\x6c\x69\x20\
\x72\x64\x66\x3a\x70\x61\x72\x73\x65\x54\x79\x70\x65\x3d\x22\x52\
\x65\x73\x6f\x75\x72\x63\x65\x22\x3e\x0a\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x3c\x73\x74\x45\
\x76\x74\x3a\x61\x63\x74\x69\x6f\x6e\x3e\x73\x61\x76\x65\x64\x3c\
\x2f\x73\x74\x45\x76\x74\x3a\x61\x63\x74\x69\x6f\x6e\x3e\x0a\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x3c\x73\x74\x45\x76\x74\x3a\x69\x6e\x73\x74\x61\x6e\x63\x65\
\x49\x44\x3e\x78\x6d\x70\x2e\x69\x69\x64\x3a\x64\x39\x39\x64\x66\
\x39\x37\x39\x2d\x33\x39\x38\x30\x2d\x64\x38\x34\x32\x2d\x38\x66\
\x63\x35\x2d\x65\x31\x34\x36\x64\x61\x30\x64\x36\x64\x66\x62\x3c\
\x2f\x73\x74\x45\x76\x74\x3a\x69\x6e\x73\x74\x61\x6e\x63\x65\x49\
\x44\x3e\x0a\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x3c\x73\x74\x45\x76\x74\x3a\x77\x68\x65\x6e\
\x3e\x32\x30\x31\x37\x2d\x30\x39\x2d\x30\x34\x54\x32\x33\x3a\x32\
\x39\x3a\x30\x37\x2b\x30\x33\x3a\x30\x30\x3c\x2f\x73\x74\x45\x76\
\x74\x3a\x77\x68\x65\x6e\x3e\x0a\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x3c\x73\x74\x45\x76\x74\
\x3a\x73\x6f\x66\x74\x77\x61\x72\x65\x41\x67\x65\x6e\x74\x3e\x41\
\x64\x6f\x62\x65\x20\x50\x68\x6f\x74\x6f\x73\x68\x6f\x70\x20\x43\
\x43\x20\x32\x30\x31\x37\x20\x28\x57\x69\x6e\x64\x6f\x77\x73\x29\
\x3c\x2f\x73\x74\x45\x76\x74\x3a\x73\x6f\x66\x74\x77\x61\x72\x65\
\x41\x67\x65\x6e\x74\x3e\x0a\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x3c\x73\x74\x45\x76\x74\x3a\
\x63\x68\x61\x6e\x67\x65\x64\x3e\x2f\x3c\x2f\x73\x74\x45\x76\x74\
\x3a\x63\x68\x61\x6e\x67\x65\x64\x3e\x0a\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x3c\x2f\x72\x64\x66\x3a\x6c\
\x69\x3e\x0a\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x3c\x72\x64\x66\x3a\x6c\x69\x20\x72\x64\x66\x3a\x70\x61\
\x72\x73\x65\x54\x79\x70\x65\x3d\x22\x52\x65\x73\x6f\x75\x72\x63\
\x65\x22\x3e\x0a\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x3c\x73\x74\x45\x76\x74\x3a\x61\x63\x74\
\x69\x6f\x6e\x3e\x73\x61\x76\x65\x64\x3c\x2f\x73\x74\x45\x76\x74\
\x3a\x61\x63\x74\x69\x6f\x6e\x3e\x0a\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x3c\x73\x74\x45\x76\
\x74\x3a\x69\x6e\x73\x74\x61\x6e\x63\x65\x49\x44\x3e\x78\x6d\x70\
\x2e\x69\x69\x64\x3a\x36\x62\x35\x34\x39\x37\x39\x62\x2d\x32\x34\
\x65\x66\x2d\x33\x62\x34\x31\x2d\x61\x37\x64\x65\x2d\x34\x62\x36\
\x62\x39\x33\x62\x35\x33\x31\x31\x65\x3c\x2f\x73\x74\x45\x76\x74\
\x3a\x69\x6e\x73\x74\x61\x6e\x63\x65\x49\x44\x3e\x0a\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x3c\
\x73\x74\x45\x76\x74\x3a\x77\x68\x65\x6e\x3e\x32\x30\x31\x37\x2d\
\x30\x39\x2d\x30\x35\x54\x31\x34\x3a\x30\x32\x3a\x31\x33\x2b\x30\
\x33\x3a\x30\x30\x3c\x2f\x73\x74\x45\x76\x74\x3a\x77\x68\x65\x6e\
\x3e\x0a\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x3c\x73\x74\x45\x76\x74\x3a\x73\x6f\x66\x74\x77\
\x61\x72\x65\x41\x67\x65\x6e\x74\x3e\x41\x64\x6f\x62\x65\x20\x50\
\x68\x6f\x74\x6f\x73\x68\x6f\x70\x20\x43\x43\x20\x32\x30\x31\x37\
\x20\x28\x57\x69\x6e\x64\x6f\x77\x73\x29\x3c\x2f\x73\x74\x45\x76\
\x74\x3a\x73\x6f\x66\x74\x77\x61\x72\x65\x41\x67\x65\x6e\x74\x3e\
\x0a\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x3c\x73\x74\x45\x76\x74\x3a\x63\x68\x61\x6e\x67\x65\
\x64\x3e\x2f\x3c\x2f\x73\x74\x45\x76\x74\x3a\x63\x68\x61\x6e\x67\
\x65\x64\x3e\x0a\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x3c\x2f\x72\x64\x66\x3a\x6c\x69\x3e\x0a\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x3c\x2f\x72\x64\x66\x3a\x53\
\x65\x71\x3e\x0a\x20\x20\x20\x20\x20\x20\x20\x20\x20\x3c\x2f\x78\
\x6d\x70\x4d\x4d\x3a\x48\x69\x73\x74\x6f\x72\x79\x3e\x0a\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x3c\x74\x69\x66\x66\x3a\x4f\x72\x69\
\x65\x6e\x74\x61\x74\x69\x6f\x6e\x3e\x31\x3c\x2f\x74\x69\x66\x66\
\x3a\x4f\x72\x69\x65\x6e\x74\x61\x74\x69\x6f\x6e\x3e\x0a\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x3c\x74\x69\x66\x66\x3a\x58\x52\x65\
\x73\x6f\x6c\x75\x74\x69\x6f\x6e\x3e\x37\x32\x30\x30\x30\x30\x2f\
\x31\x30\x30\x30\x30\x3c\x2f\x74\x69\x66\x66\x3a\x58\x52\x65\x73\
\x6f\x6c\x75\x74\x69\x6f\x6e\x3e\x0a\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x3c\x74\x69\x66\x66\x3a\x59\x52\x65\x73\x6f\x6c\x75\x74\
\x69\x6f\x6e\x3e\x37\x32\x30\x30\x30\x30\x2f\x31\x30\x30\x30\x30\
\x3c\x2f\x74\x69\x66\x66\x3a\x59\x52\x65\x73\x6f\x6c\x75\x74\x69\
\x6f\x6e\x3e\x0a\x20\x20\x20\x20\x20\x20\x20\x20\x20\x3c\x74\x69\
\x66\x66\x3a\x52\x65\x73\x6f\x6c\x75\x74\x69\x6f\x6e\x55\x6e\x69\
\x74\x3e\x32\x3c\x2f\x74\x69\x66\x66\x3a\x52\x65\x73\x6f\x6c\x75\
\x74\x69\x6f\x6e\x55\x6e\x69\x74\x3e\x0a\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x3c\x65\x78\x69\x66\x3a\x43\x6f\x6c\x6f\x72\x53\x70\
\x61\x63\x65\x3e\x36\x35\x35\x33\x35\x3c\x2f\x65\x78\x69\x66\x3a\
\x43\x6f\x6c\x6f\x72\x53\x70\x61\x63\x65\x3e\x0a\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x3c\x65\x78\x69\x66\x3a\x50\x69\x78\x65\x6c\
\x58\x44\x69\x6d\x65\x6e\x73\x69\x6f\x6e\x3e\x35\x30\x37\x3c\x2f\
\x65\x78\x69\x66\x3a\x50\x69\x78\x65\x6c\x58\x44\x69\x6d\x65\x6e\
\x73\x69\x6f\x6e\x3e\x0a\x20\x20\x20\x20\x20\x20\x20\x20\x20\x3c\
\x65\x78\x69\x66\x3a\x50\x69\x78\x65\x6c\x59\x44\x69\x6d\x65\x6e\
\x73\x69\x6f\x6e\x3e\x35\x31\x32\x3c\x2f\x65\x78\x69\x66\x3a\x50\
\x69\x78\x65\x6c\x59\x44\x69\x6d\x65\x6e\x73\x69\x6f\x6e\x3e\x0a\
\x20\x20\x20\x20\x20\x20\x3c\x2f\x72\x64\x66\x3a\x44\x65\x73\x63\
\x72\x69\x70\x74\x69\x6f\x6e\x3e\x0a\x20\x20\x20\x3c\x2f\x72\x64\
\x66\x3a\x52\x44\x46\x3e\x0a\x3c\x2f\x78\x3a\x78\x6d\x70\x6d\x65\
\x74\x61\x3e\x0a\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x0a\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x0a\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x0a\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x0a\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x0a\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x0a\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x0a\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x0a\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x0a\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x0a\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x0a\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x0a\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x0a\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x0a\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x0a\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x0a\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x0a\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x0a\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x0a\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x0a\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x0a\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x0a\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x0a\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x0a\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x0a\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x0a\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x0a\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x0a\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x0a\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x0a\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x0a\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x0a\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x0a\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x0a\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x0a\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x0a\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x0a\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x0a\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x0a\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x0a\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x0a\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x0a\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x0a\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x0a\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x0a\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x0a\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x0a\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x0a\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x0a\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x0a\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x0a\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x0a\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x0a\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x0a\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x0a\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x0a\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x0a\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x0a\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x0a\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x0a\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x0a\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x0a\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x0a\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x0a\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x0a\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x0a\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x0a\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x0a\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x0a\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x0a\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x0a\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x0a\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x0a\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x0a\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x0a\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x0a\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x0a\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x0a\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x0a\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x0a\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x0a\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x0a\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x0a\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x0a\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x0a\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x0a\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x0a\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x0a\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x0a\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x0a\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x0a\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x0a\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x0a\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x0a\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x0a\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x0a\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x0a\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x0a\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x0a\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x0a\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x0a\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x0a\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x0a\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x0a\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x0a\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x0a\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x0a\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x0a\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x0a\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x0a\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x0a\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x0a\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x0a\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x0a\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x0a\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x0a\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x0a\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x0a\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x0a\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\x20\
\x20\x20\x20\x0a\x3c\x3f\x78\x70\x61\x63\x6b\x65\x74\x20\x65\x6e\
\x64\x3d\x22\x77\x22\x3f\x3e\x8e\xa7\xed\xc1\x00\x00\x00\x20\x63\
\x48\x52\x4d\x00\x00\x7a\x25\x00\x00\x80\x83\x00\x00\xf9\xff\x00\
\x00\x80\xe8\x00\x00\x52\x08\x00\x01\x15\x58\x00\x00\x3a\x97\x00\
\x00\x17\x6f\xd7\x5a\x1f\x90\x00\x00\x45\xaf\x49\x44\x41\x54\x78\
\xda\xec\xbd\x5f\x90\x5c\x57\x9d\xe7\xf9\x3d\x99\x59\x99\x59\x25\
\xcb\x86\xee\xc6\x80\x04\x3d\x4d\x1b\x4d\x1b\x68\x8b\x6e\x2c\x77\
\x63\xb0\x0c\x9a\x71\x35\xb8\x86\x61\xf6\xc1\xb0\x13\x33\x2f\x13\
\x81\x6d\xc9\x85\xd5\xb3\xfb\xe0\x97\x7d\xd9\x87\x7d\x5b\x3d\x6c\
\x44\x0b\x24\xcb\x76\x47\xec\xbe\xec\x03\xea\x89\x98\x20\xdc\xe5\
\xde\x2d\x6f\x88\xb0\x3c\xcd\x80\x65\x58\x44\xf3\xc7\x5d\xfc\x35\
\xb6\xc0\x34\x30\xc6\xb2\xaa\x2a\xab\x2a\xf3\xcc\x43\xde\x9b\x75\
\xf2\xe6\xcd\xcc\x7b\x33\xef\xcd\x3f\xf7\x7c\x3e\x8e\x13\x96\x4a\
\x55\x59\x95\xa7\xee\xbd\x9f\xf3\x3d\xf7\xdc\xf3\x2b\x59\x6b\x45\
\xa3\xd1\x68\x34\x1a\xad\xb8\xad\x24\x00\x00\x00\x28\x34\xc8\x1e\
\x00\x00\x00\xd9\x03\x00\x00\x00\xb2\x07\x00\x00\x00\x64\x0f\x00\
\x00\x00\xc8\x1e\x00\x00\x00\x90\x3d\x00\x00\x00\x20\x7b\x00\x00\
\x00\x40\xf6\x00\x00\x00\xc8\x1e\x00\x00\x00\x90\x3d\x00\x00\x00\
\x20\x7b\x00\x00\x00\x40\xf6\x00\x00\x00\x80\xec\x01\x00\x00\x00\
\xd9\x03\x00\x00\x00\xb2\x07\x00\x00\x40\xf6\x00\x00\x00\x80\xec\
\x01\x00\x00\x00\xd9\x4f\x96\x4f\x7f\x6a\xe5\x17\x9f\xfe\xd4\x8a\
\xfd\xf4\xa7\x56\x44\x1b\xdc\x00\x00\x00\xd9\xcf\x2b\x6f\x0f\xfe\
\x6f\xfb\x34\x90\xf4\xe5\xa7\xd7\xe8\x04\x00\x00\x64\x5f\x58\x18\
\x00\x00\x00\x00\xb2\xf7\xf0\x3d\x7b\x35\x0b\x40\xaa\x07\x00\x00\
\x16\xe8\x15\x78\x16\x00\xd1\x03\x00\x00\xb2\x67\x16\x00\x00\x00\
\x90\x3d\xcc\xeb\x2c\x00\xa9\x1e\x00\x00\x90\x3d\xb3\x00\x00\x00\
\x80\xec\x61\x5e\x67\x01\x48\xf5\x00\x00\x80\xec\x99\x05\x00\x00\
\x00\x64\x0f\xf3\x3a\x0b\x40\xaa\x07\x00\x00\x64\x0f\x00\x00\x80\
\xec\x61\x5e\x21\xd5\x03\x00\x00\xb2\x07\x00\x00\x40\xf6\x00\x00\
\x00\x80\xec\x61\x26\x61\x0a\x1f\x00\x00\x90\x3d\x00\x00\x00\xb2\
\x07\x00\x00\x00\x64\x0f\x33\x09\x53\xf8\x00\x00\x80\xec\x01\x00\
\x00\x90\x3d\x00\x00\x00\x20\x7b\x00\x00\x00\x40\xf6\x30\x79\xb8\
\x5f\x0f\x00\x00\xc8\x1e\x00\x00\x00\xd9\x03\x00\x00\x00\xb2\x07\
\x00\x00\x00\x64\x0f\x00\x00\x00\xc8\x1e\x00\x00\x00\x90\x3d\x00\
\x00\x00\x20\x7b\x00\x00\x00\x40\xf6\x00\x00\x00\x80\xec\x0b\x01\
\x1b\xea\x00\x00\x00\xb2\x07\x00\x00\x00\x64\x0f\x00\x00\x80\xec\
\x01\x00\x00\x00\xd9\xc3\x74\xf8\xf4\xa7\x56\xe8\x04\x00\x00\x40\
\xf6\x00\x00\x00\xc8\x1e\xe6\x16\x56\xe3\x03\x00\x00\xb2\x2f\x38\
\x4c\xe3\x03\x00\x00\xb2\x27\xd9\x03\x00\x00\x20\x7b\x00\x00\x00\
\x64\x0f\x33\x0b\xd3\xf8\x00\x00\x80\xec\x0b\x0e\xd3\xf8\x00\x00\
\x80\xec\x01\x00\x00\x00\xd9\x03\x00\x00\x20\x7b\x98\x59\xb8\x67\
\x0f\x00\x00\xc8\x1e\x00\x00\x00\x90\x3d\xe9\x1e\x00\x00\x90\x3d\
\x00\x00\x00\x20\x7b\x00\x00\x00\x40\xf6\x00\x00\x00\x80\xec\x01\
\x00\x00\x00\xd9\x03\x00\x00\x00\xb2\xf7\x11\x56\xe4\x03\x00\x00\
\xb2\x07\x00\x00\x40\xf6\x00\x00\x00\x80\xec\x01\x00\x00\x00\xd9\
\xc3\xf4\xe0\xbe\x3d\x00\x00\x20\x7b\x00\x00\x00\x64\x0f\x00\x00\
\x00\xc8\x1e\x66\x1a\xa6\xf2\x01\x00\x00\xd9\x03\x00\x00\x20\x7b\
\x00\x00\x00\x40\xf6\x30\xd3\x30\x95\x0f\x00\x00\xc8\x1e\x00\x00\
\x00\xd9\x03\x00\xcc\x26\xcb\xcb\x27\xe8\x04\x00\x64\x0f\x00\x45\
\x17\xfd\xf2\xf2\x09\xa4\x0f\x80\xec\x01\xc0\x17\xf9\x23\x7e\x00\
\x64\x0f\x00\x05\x4b\xf5\x71\xac\xaf\x5f\xa2\x83\x00\x90\x3d\x00\
\xcc\x3b\xeb\xeb\x97\xba\x5a\x9c\xe8\x97\x97\x4f\x98\xe5\xe5\x13\
\x26\xfc\xfb\x27\x3f\xf9\x2f\xb5\xb2\x7a\x26\x97\x81\x47\x9a\x96\
\xe6\x75\x00\x90\x3d\x00\x40\x20\xf5\x40\xf2\x26\x14\xfc\xca\xea\
\xff\x7e\x64\xe1\xbd\xf7\xdf\xb9\x70\x64\xe5\x9e\x95\xd5\x33\x5a\
\x59\x3d\xa3\xd2\x1f\x7e\x52\x92\x14\xfe\xbd\x5f\x4b\x2b\xf8\x90\
\x85\x23\x2b\x9d\xd6\x07\x23\xa9\xb2\xbc\x7c\x62\xc1\x69\x95\xe0\
\x67\x4e\x34\x00\x00\x40\xf6\xd0\x17\x9e\xb5\x87\x82\xa7\x7c\xeb\
\x26\x78\x49\x65\x59\xdd\x29\x63\x3e\x26\xe9\xdf\x49\xfa\xbf\x25\
\x5d\x94\xf4\x2d\x49\x5f\x95\xf4\x9f\x13\x88\xdc\x04\x22\xee\x12\
\xf3\x27\x3e\xf1\x2f\x4b\x29\x05\xef\x5e\x5b\x17\x83\x56\x0b\xda\
\x82\xa4\x96\x24\x9b\x76\x16\x01\x00\xd9\x03\x80\x77\xc9\x3e\xf2\
\x21\x2b\xa3\xb7\x4b\xfa\x13\x49\xc7\x24\xfd\x0f\x92\x1e\x90\x74\
\x87\xa4\xbb\x24\xdd\x2f\xe9\x4d\x49\xaf\x4b\x7a\x4d\xd2\xcb\x92\
\x36\x24\x7d\xd7\x11\xb8\x5d\x38\xb2\x72\xd1\x18\x53\x95\x54\x37\
\xc6\xd4\x96\x96\x96\x24\xa9\x95\x42\xf0\xee\x75\xf5\x80\xa4\x6a\
\xf0\xe7\x72\xf0\xf1\xed\x40\xf6\x5d\x0c\x7b\x5d\xd6\x24\x00\xb2\
\x07\x00\xef\x59\x38\xb2\xf2\x67\x92\xf9\x67\x92\xfe\x45\x20\xfb\
\xc5\xe0\x9f\x4c\x20\xda\x6a\x20\xdf\x5b\x24\xdd\x2a\xe9\xdd\x92\
\x6e\x93\x74\xbb\xa4\x66\xd8\xac\x6d\x7d\xa2\x72\xdb\x27\x7e\xb4\
\x70\xe4\xfe\x6f\x54\xde\x7b\xff\x9b\xbb\x87\x3f\xbe\x57\xbe\xed\
\x93\xa3\x5c\x53\x6f\x0a\xbe\xaf\x0d\x7e\x86\x66\x30\xd8\x68\x45\
\x25\x3f\x44\xf4\x46\xce\xad\x8a\x70\x90\x43\xda\x07\x64\x0f\x00\
\x85\x4f\xf5\xeb\xeb\x97\xac\xdb\xd4\x9e\xaa\xff\x9c\xa4\x43\x29\
\x5e\xca\x04\xad\x14\x36\x63\x4a\x8b\x32\xa5\x5b\x25\xf3\xde\x40\
\xd4\xd1\x36\x8c\x8a\xa4\x83\xc1\xeb\x5a\x49\x25\x6b\xed\x4e\x20\
\xfa\x34\x92\x77\x07\x2a\x25\xe7\xef\x00\xc8\x1e\x00\xbc\x94\x7f\
\xf8\xc7\x9b\x27\xf0\xed\x6c\xbf\x41\x40\x20\xf0\xbd\x85\x23\x2b\
\xff\xd5\x18\xd3\x94\xa4\x4a\xa5\xd2\x38\x78\xf0\xa6\xad\x9b\x6e\
\x3a\xa0\x94\xb7\x02\x8c\xda\xf7\xf8\x2b\xc1\x35\xda\x48\xb2\xc1\
\x5a\x85\xb8\xf7\x0e\x80\xec\x01\xa0\x38\xa9\xbe\x8f\xe8\xa7\x4d\
\x47\xfc\xd6\xb6\xde\x5b\xb9\xed\x13\x3f\x5b\x38\x72\xff\x8b\xe6\
\x3d\x7f\xb1\xd9\x78\xe7\xc7\x6c\xe3\x9d\x1f\x4b\xf3\x5a\xe5\x60\
\x76\x60\xc1\x99\x79\x30\x92\x6c\xf4\xfd\x2e\x1c\x59\x41\xf8\x80\
\xec\x01\xa0\xf8\x89\x3e\xc5\xa2\xb9\x89\x60\x4c\xa9\x22\x53\x7a\
\x8b\x64\x6e\x53\xfa\x5b\x01\x15\x49\x4b\xda\xbf\xc5\xb0\x60\xad\
\x95\xda\xf7\xfc\xe5\xcc\x20\x74\xbd\x6f\x84\x0f\xc8\x1e\x00\x0a\
\x2b\xfa\x39\x25\xf6\x56\x80\x73\x1b\xe0\xfa\xc2\x7b\xef\xff\xad\
\x31\x66\xcf\x18\xb3\x73\xcb\x2d\x37\xef\xdc\x7c\xf3\xc1\xa1\xb7\
\x00\x58\xb4\x07\xc8\xde\x53\x78\xd6\x1e\x0a\x48\x57\x3a\x8e\xc8\
\xef\xb7\x05\x79\x6f\x56\x52\xb3\x7c\xdb\x27\x7e\x5e\x79\xef\xfd\
\xbf\xdc\x7a\xfb\x71\xbb\xf5\xf6\xe3\xfc\xe6\x01\xd9\x03\x80\x9f\
\x69\x7e\x77\x63\xad\xd3\x24\xdb\x28\xcc\x9b\x35\xa6\x64\x4c\xe9\
\x66\xb5\xef\xdd\xbf\x2e\xe9\x17\x92\xbe\x23\xe9\x7f\x92\xf4\x69\
\x49\x77\xc6\x7d\x19\xcf\xe3\x03\xb2\x07\x80\x42\x89\xbe\x47\x72\
\xb6\xb0\x8f\xa6\xdd\xa2\xf6\xbd\xfc\x9a\xa4\xbb\xd5\xde\x30\xe8\
\x7f\x94\x74\xdf\xda\xb9\xc7\x62\xeb\x05\x00\x20\x7b\x00\x28\x9e\
\xe8\x8b\xcf\xef\x4a\xfa\x3d\x49\x1f\x90\xf4\x3e\x49\x1f\x0c\xc4\
\x3f\xb4\xef\xb8\x8f\x0f\xc8\x1e\x00\x10\xfd\x7c\x25\xfc\x0f\x48\
\xfa\x7d\x49\xef\x94\x74\xef\xa0\x22\x3e\x3c\x8f\x0f\xc8\x1e\x00\
\x10\xfd\xfc\x72\x48\xed\x3d\xff\xef\x4b\x93\xe6\x11\x3e\x20\x7b\
\x00\x98\x1b\xd1\xf7\xbd\x3f\x6d\x92\x57\x92\x2b\x0a\x6b\xe7\x1e\
\x4b\xfc\xb9\xdc\xd3\x07\x64\x0f\x00\x73\x23\xfa\xe5\xe5\x13\x5c\
\xb3\x52\xf6\x1d\xa2\x07\x64\x0f\x00\x53\x95\x93\x3b\xed\x9c\x40\
\xf4\xa6\xef\x35\xcb\xfa\x5b\x28\x66\xd0\x42\x3c\x44\x0f\xc8\x1e\
\x00\xe6\x29\xd1\x87\x5b\xc8\x42\xca\x7e\x8b\xa9\x29\xd0\xb7\x6c\
\x2e\xf7\xf6\x91\x3d\x00\xc0\x44\x24\xd5\x27\x99\xba\xe5\x68\x7b\
\x5f\xc3\x68\xd7\xb7\x3e\x1c\xb4\x1a\x3f\xd2\x6f\x5d\xa2\x8f\x7c\
\x5e\x4f\x81\x1d\xa4\x8f\xec\x01\x00\x26\x86\x3b\x05\xbd\xbe\x7e\
\xa9\xa5\xf6\x56\xb2\xbb\xae\xe8\x97\x97\x4f\x04\xd2\x33\x87\x7c\
\xec\xa3\xb8\x3d\xf3\xfb\x4d\xdd\x87\xa2\x5f\x5f\xbf\x64\xc3\x86\
\xd4\x91\x3d\x00\xc0\xd4\x52\x7d\x54\x58\x81\xa8\x5a\x08\xaa\x97\
\xf6\x76\xc1\x7d\x45\x6f\x23\x89\xbe\x6b\xea\x3e\x69\xff\x03\xb2\
\x07\x00\x18\x4b\xf4\x51\xb1\xf4\x13\x4d\x54\xf4\xc3\x2a\xc1\xf9\
\xc6\x00\x41\x1b\xa7\x69\xd0\x80\x89\xad\x77\x91\x3d\x00\xc0\xd4\
\x84\x45\xa2\x1f\x9c\xea\x07\x08\xba\xa4\xee\xfb\xf6\x99\xf4\x23\
\xbf\x0b\x64\x0f\x00\x90\x4a\x10\xcb\xcb\x27\x7a\x12\x65\xdc\x4a\
\x71\x17\x12\x7d\xa2\x44\xef\x26\x7b\xb7\x84\x6e\xdf\xcf\x8b\x2e\
\xe0\x43\xf8\xc8\x1e\x66\x9c\x2f\x3f\xbd\x46\x27\xc0\xcc\x8b\xbe\
\x9f\xac\x58\x40\x96\x2c\xd5\x27\x14\x7d\x27\xd5\xf7\xeb\xff\xa0\
\xd9\xf5\xf5\x4b\x76\xd8\xef\x31\xba\xef\x3e\xbf\x23\x64\x0f\x00\
\x30\xf2\x42\xb0\x7e\x5f\x47\xaa\x4f\xd5\x0f\x46\x52\x6b\x48\xa2\
\x07\x64\x0f\x00\x30\x3b\xa2\x87\x7d\x12\xee\x8d\xdf\x0c\x64\x9f\
\xfa\x77\x30\x28\xd1\x8f\xf2\x1a\x80\xec\x21\x07\x3e\xfd\x29\xd2\
\x0f\xcc\x2e\x39\x88\xfe\xd7\xf4\x6a\x2c\xad\x7e\xfd\x9f\x46\xf4\
\xe3\xbe\x06\x20\x7b\xc8\x09\xee\xd9\x43\x51\x45\xbf\xbb\xb1\xd6\
\xd3\x24\xdb\xa4\x67\x93\xf7\xa5\x5b\x50\x28\xcd\xa2\xbc\x51\x7f\
\x0e\x66\x6a\x90\x3d\x00\x14\x54\x34\x49\x9e\xa9\xcf\x20\xd1\xb7\
\x5f\x93\x42\x38\x3d\x6d\x00\xe5\x50\xf8\x83\x44\x9f\xc5\xd4\x7d\
\xdc\x62\x3e\xc4\x8f\xec\x01\xa0\xc0\x89\x32\x37\xd1\x7b\xca\xca\
\xea\x99\xb4\xfd\x66\x02\xd1\x87\x75\x06\xdc\x4d\x76\x7a\x0a\xe3\
\xf4\xeb\xef\x2c\xa6\xff\x01\xd9\x03\x00\xa2\x47\xf4\xf9\xd0\x25\
\x79\x05\xab\xf4\x83\xfe\xb7\x92\x86\x3e\x7a\x97\xe7\x71\x30\x68\
\xb6\x02\x90\x3d\x00\xcc\x88\xe4\xd3\x5e\xe0\xc7\xb9\x90\x23\xfa\
\x36\x29\xb6\x0c\x2e\x45\xae\xf7\xb1\x8f\xe3\x65\x3d\x75\x9f\xd5\
\xd7\x23\x7c\x64\x0f\x00\xb3\x9d\xe6\x4d\xd6\x69\x3e\x56\x1a\xc6\
\xef\xe7\xc8\x07\x08\xdf\x48\x5a\x08\x5a\x39\x68\x56\x03\x1e\xc7\
\x4b\x2a\xea\xb8\x81\xc1\xb4\x07\x0a\x80\xec\x01\x60\xf2\xa2\x0f\
\x3f\xc7\xb8\x7f\x1e\x47\xf4\xfd\x17\x94\x19\x56\xe3\xc7\x53\x93\
\x54\xd5\xfe\xf4\xfd\x5e\xd0\xc6\x16\x7d\x54\xfa\x79\x89\x1a\xd1\
\x23\x7b\x00\x98\xa2\xe4\x93\x5c\xdc\x9d\x6d\x6f\x43\x49\x8f\x94\
\xc0\x07\x89\xfe\x2f\xfe\xe2\x84\x24\xbd\xdd\xe7\xdf\x87\x5b\xe6\
\x36\xf2\x7b\x58\x08\xfa\x3c\xdc\x49\xaf\x99\xb6\xdf\x93\x0e\xf0\
\xc6\x4d\xf4\x69\x9f\xde\x48\x7a\x3c\x02\xb2\x07\x80\x0c\xd3\xbc\
\x7b\x71\x8e\x8a\x79\x9c\x7d\xee\x03\xd1\x97\xfa\xfd\x2c\x95\xf7\
\xae\x70\x2d\x8b\xf4\x97\x23\xc9\x70\x05\x7e\x4b\xd2\x4e\xdc\x60\
\xeb\x33\x57\xaf\x4c\x55\xf4\x59\x0c\x14\x46\xf9\xf9\x90\x3d\x00\
\xc0\x08\xe9\x29\x9a\xe8\x47\x95\x44\x1a\xd1\x43\x7c\xaa\x77\x30\
\x41\x9a\xdf\x8e\xfb\xc7\x7e\xa2\x57\xca\x0a\x78\xe3\x88\x7e\xdc\
\x44\x0f\xc8\x1e\x00\x72\x4e\xf2\x11\x29\x67\xbe\x18\xcf\x79\x4d\
\xe3\x5e\xaf\xc2\xd7\xa4\x28\xce\x50\x49\xee\x5a\x6b\xb7\xac\xb5\
\xb2\xd6\x76\x04\x1f\xb6\x01\x03\x04\xe3\x0a\x3f\xcd\x34\x39\xa2\
\x47\xf6\x00\x30\x87\x92\x1f\x74\xf1\x0d\xa7\x8c\xf3\x10\x7d\x44\
\xf2\x86\x8b\xfc\xe0\x54\xdf\xe7\xf7\xb4\xa9\x60\xea\xfe\xb3\xdf\
\x7e\x71\x90\xe0\xa3\xfd\xdd\x79\x54\xaf\x5f\x7f\xc7\xbd\xd6\xa0\
\xc7\x2c\xd3\x8a\xde\xdd\xe4\x27\xe9\x71\xc5\x62\x3e\x64\x0f\x00\
\x23\xa6\xad\x61\x8b\xa7\x96\x97\x4f\x98\xb8\x5a\xe8\xe3\x8a\xde\
\x99\xbe\x6f\xa9\xbd\xe1\x4b\x53\xce\x3d\x67\x52\x7d\xf7\x80\xab\
\xdf\xef\xf1\xb3\xdf\x7e\x51\x9f\xfd\xf6\x8b\x49\x7d\x50\xd7\xfe\
\x2e\x7b\x5a\x5f\xbf\x64\xdd\x59\x01\x77\x66\x60\x9c\xf4\x3e\xec\
\xd8\x88\x3e\xc1\x11\xf9\x3f\xa2\x47\xf6\x20\x51\x04\x07\x46\x13\
\x7c\x34\xc9\x07\x89\x7d\xe8\x85\x35\x6e\xd7\xb5\x71\xa7\xee\x83\
\x0b\xbb\xfb\xba\x2d\x12\x7d\x3a\xac\xb5\x69\xa4\x5c\x93\xb4\x14\
\xfc\xb9\x62\x8c\x29\x4b\xda\xbb\xef\xbe\x8f\xcb\x9d\x15\x18\xb4\
\x98\xcf\xfd\xdd\x0d\x12\xf3\x80\x81\x63\xe7\xeb\xa2\x83\x47\x44\
\x8f\xec\x01\x60\x4c\xc1\x2f\x2f\x9f\x70\xd3\xf4\x50\x61\x47\x2f\
\xac\xd1\xa9\xd6\x0c\xee\xd1\x87\x4d\x41\xa2\xef\xd9\xed\x8d\x54\
\xdf\x9e\xc2\xef\x97\xe8\xef\xbb\xef\xe3\x6e\x9a\xb7\x31\xcd\xfd\
\xb7\x1f\x3c\x70\xf5\xca\xf7\x1f\xb8\x7a\xe5\x9b\x0f\x5c\xbd\x72\
\xf9\x33\x57\xaf\xfc\x27\x49\xdb\x9f\xb9\x7a\x65\xe8\xac\x40\x8c\
\xfc\x3b\x6b\x2b\x92\xce\x10\xc5\x1d\x43\xce\xc7\x4c\xe4\x67\x45\
\xf4\xc8\x1e\x00\xd2\x88\x7e\xd8\xbf\xc7\x5d\x44\x07\x6f\x6c\x93\
\xd9\x62\x3c\x57\x48\x96\x44\x1f\x4f\xdc\x80\xc7\x9d\xba\x1f\x24\
\xc8\x48\x1f\xdf\x66\xa4\x3f\x30\xd2\x7b\x8d\x74\xa7\xa4\xfb\x1f\
\xf8\xd6\x0b\xe1\xe7\xfd\x26\xc1\x8f\x52\x5e\x5e\x3e\x51\x59\x5e\
\x3e\x51\x09\x9c\xd2\x19\x9c\xc5\x2d\x06\x8c\x99\x21\x28\xc5\xbc\
\x8f\x92\xba\x8b\xf6\x20\x7a\x64\x0f\x51\x3e\xfd\x29\x52\x4f\x11\
\xc5\x3c\x6c\x45\x74\xd2\x15\xd3\x49\x44\x1f\xf7\x79\xfd\x76\xc5\
\x0b\x9f\xa1\x1f\x45\xca\x71\x0b\xfc\x9c\x29\x5c\x9b\x54\x72\x3e\
\xb2\x76\xee\xb1\x81\x69\xfb\xe1\xd7\xae\x8f\xfa\xd2\xee\x0c\xc0\
\x5b\xfb\xcc\x08\x48\xd2\x79\x49\xff\xdb\x03\x57\xaf\x9c\x79\xe0\
\xea\x95\xff\xf5\x81\xab\x57\xfe\x97\xcf\x5c\xbd\xf2\xc7\x92\x6c\
\xdc\x94\x7f\x9f\xdb\x00\x95\xa0\x85\x5b\xf9\x9a\xe5\xe5\x13\x55\
\xed\xef\xfa\x27\xf5\xd9\xda\x97\x0d\x77\x90\x3d\x40\x61\x24\x1f\
\x26\xec\x01\xd3\x9f\xb1\xf7\xdb\x93\x08\x36\x22\xef\xa1\x5f\x93\
\x47\x9a\x0f\x07\x0e\xa1\xe0\xc3\xfb\xb4\x5c\x9c\xb3\x9f\xad\xc9\
\x08\x57\xfc\x0f\x4b\xfa\x8f\x46\xfa\x77\x46\xfa\xf7\x46\x3a\x29\
\xe9\xff\x0f\x84\xfe\x95\x04\xaf\xe5\x4a\xbd\x12\xbc\xe6\xa2\xf6\
\xb7\xf8\xad\x1b\x63\x3a\xb3\x04\xd5\xea\xc2\x48\xa2\x47\xfa\xc8\
\x1e\x60\x2e\x2e\xdc\xfd\x16\x39\x0d\x4a\xde\x83\x06\x05\x49\x92\
\xfb\xa0\x8f\x67\x21\xe5\x61\x0b\xfc\x46\xe0\x35\xdf\x07\x85\x53\
\xf2\xc7\x41\xb5\xb7\x2a\x7e\x8f\xa4\x43\xce\x40\xe0\x63\xea\xbf\
\x4e\xe0\xff\x93\xf4\xb7\x0f\x5c\xbd\xb2\xfe\xc0\xd5\x2b\x7f\xfb\
\xc0\xd5\x2b\xeb\x9f\xb9\x7a\xe5\xab\xc6\x98\x7a\x20\xfd\x92\x31\
\xc6\x1c\x38\xb0\x74\x23\x2b\xd1\x4f\x61\x50\x84\xec\x01\x60\xbc\
\x0b\x77\xda\x8d\x48\x92\xae\x88\xce\xe2\x75\xd3\x8a\x7e\x94\xf7\
\xbf\xbb\xb1\xd6\xd3\x24\x6b\x7c\x3d\x5e\x5c\xd2\x3c\x12\x37\x05\
\x42\xe9\xff\x0b\x49\x2b\x46\xba\xd7\x48\x1f\x37\xd2\x3d\x92\xde\
\xff\xc0\xb7\x5e\xf8\xf9\x03\x57\xaf\xfc\xe3\x03\x57\xaf\xfc\xc3\
\x03\xdf\x7a\xe1\xb7\x2b\x5f\x7d\xae\xf9\xc0\xb7\x5e\x18\xe9\x3d\
\x31\x33\x84\xec\x01\x0a\x45\xdf\x92\xaf\x09\xe5\x3a\x8e\x94\xb3\
\x7c\xcd\x71\xab\xe1\xc9\xca\x3b\xd9\xaf\xac\x9e\x29\xd2\xdb\xa9\
\x4a\x3a\x68\xa4\x5b\x8d\xf4\xae\x3e\x33\x02\xa5\x24\xc7\x32\xa2\
\x47\xf6\x00\x33\x9d\xe6\xd3\x5e\xa4\x86\x5d\xf8\x46\x7d\xdd\x69\
\x88\x5e\x63\x54\xc3\xf3\x99\x85\x23\x2b\x9d\x05\x8b\x33\x9e\xea\
\xc7\x9a\x11\xf8\x37\x57\xbe\xaa\x4f\x5f\xf9\xea\x4b\x88\x1e\xd9\
\x03\xcc\xad\xe4\xf3\x90\xdc\x38\x17\xbd\x49\x88\x3e\xb2\x15\x2a\
\xa2\xcf\x40\xfa\x05\xc7\x1a\xe9\xc8\x28\xc7\x7c\xcc\x9a\x13\x64\
\x0f\x00\x93\x13\x7d\x1e\x32\x9e\x65\xd1\x67\x5d\xf6\x16\xbc\x63\
\x07\xd1\x23\x7b\x88\xc0\xb3\xf6\xc5\x15\x7d\x74\x4b\xd2\xac\x84\
\x3c\xa8\x88\x49\x96\x89\x7e\x1c\xd1\xf7\xfd\x39\x8d\xac\xef\xc7\
\xd5\xc5\xa3\xc7\xba\x5a\x11\x27\x30\x10\x3d\xb2\x07\x28\x3c\xa1\
\xe8\xfb\x3d\xaa\x96\xd7\xea\xf8\x2c\x67\x09\xc6\x79\x64\x2f\x78\
\xff\x95\xf8\x7f\x35\x4d\x9f\x8f\x8d\x68\x4d\x7b\x5f\xc4\x86\xe8\
\x91\x3d\x40\x21\x45\xef\xa6\xe3\x3c\x92\xf7\xac\x8a\x5e\xed\x9d\
\xd5\x16\xd4\x7e\x0e\xbb\x8b\x60\x55\xfa\x3b\x39\x4a\x10\x1b\xef\
\x1f\xd9\x03\xcc\xed\x85\xcb\x4d\xf4\x6e\xaa\x4f\x32\x15\x3e\xac\
\x16\xbd\x23\xf6\x44\x65\x44\xd3\x5c\x6c\xe3\x6e\x37\x8c\x2a\xfa\
\x40\xf2\x46\xd2\x5e\x56\x03\x92\x22\xa6\x7a\x9f\x44\x97\x76\x5f\
\x08\x64\x0f\x85\x85\xfb\xf6\xf3\x71\x81\x4a\x2a\x6a\x57\x9c\x49\
\xef\x79\x0f\x9a\xe6\x8c\xbb\xef\x3f\xee\xa2\xb9\x98\xc5\x78\x63\
\x89\x3e\x2c\x7d\xaa\xf6\x8a\xfd\x16\xa2\x27\xd1\x8e\x23\x7a\x9f\
\xb7\xcc\x45\xf6\x00\x33\x7a\xe1\x8e\x4b\xc6\x61\xba\x1f\x74\xc1\
\xaa\x56\xab\x43\x93\x72\x50\x55\xac\x33\xb5\x9e\xe5\xf6\xb7\x91\
\x01\x84\x1d\x67\x31\xde\xf2\xf2\x89\xb2\x73\x9d\xea\x94\x3c\x0d\
\x5f\xcf\xf7\xa2\x38\x61\xaa\x47\xf4\x97\xc6\x7e\x0d\x64\x0f\x00\
\x93\xc6\x04\x92\xeb\x4a\xc7\x49\x84\xfc\xd4\xe9\xa5\x24\xe9\xdb\
\x86\x12\xce\xe2\x02\xd8\x6f\x3d\x41\x92\x81\xc9\x90\x3e\x58\x50\
\xbb\x12\x5a\xc9\x4d\xf7\x24\x7a\x7f\x13\xfd\x13\x6f\x3f\x38\xf2\
\xfb\xf7\xfd\xb8\x41\xf6\x05\x87\xa9\xfc\xd9\x4e\x24\x31\x17\xad\
\xb0\x8e\x77\x28\xf9\x4e\x2d\xef\x7e\x53\x90\x4f\x9d\x5e\xea\xb4\
\xa4\x52\x48\x23\xfa\x4a\xa5\x92\x5a\xf4\x63\x5e\x60\x8d\xda\x8f\
\x59\x85\xd7\xa7\x70\xdb\xd4\x66\xd0\x48\xf5\x41\xaa\xef\x27\xba\
\x38\x29\x16\x05\xf6\xca\x47\xf6\x00\x73\x9d\xce\x82\x34\x5f\x51\
\xfb\xde\x74\xa7\xb4\xa7\x23\xbc\xd4\x82\x8f\x24\x65\xb3\xbc\x7c\
\xa2\x1c\xb7\x9a\xbf\xdf\x2c\xc1\xa0\xd7\x8f\x88\xa6\x1c\x99\x81\
\xb0\x63\x88\xbe\x1c\xbc\x5f\xe3\xcc\x6e\x44\xfb\x03\x3c\x15\x5b\
\xb8\x87\x40\x92\xba\x10\x88\x1e\xd9\x03\xcc\x12\xc6\x11\x7d\x29\
\x48\xb5\x55\xed\xd7\xf8\xb6\x23\x0a\x3e\xbc\x18\x56\x02\x81\x96\
\x23\xe2\x37\x83\x66\x0a\x92\xcc\x12\x04\x03\x87\x52\x46\x17\xd7\
\x92\xf6\xeb\x9b\x87\x82\x97\xda\x2b\xf0\xbb\x16\xe7\xf9\x9e\xea\
\xfb\xf5\x01\x62\xa3\x3f\x90\xbd\xc7\x30\x95\x3f\xd3\x17\x9d\xf0\
\xb1\xb2\xf0\xfe\x74\xf8\xe7\x85\x5a\xad\xda\x94\xd4\x4a\x2b\x78\
\xf7\xfc\x5e\x5e\x3e\x51\x97\x54\x0b\x24\xba\x10\xb4\x92\xb5\xb6\
\x6b\xb6\x20\xe5\x40\xc2\x2c\x2f\x9f\x28\x05\x8b\xfc\xc2\xf4\x1d\
\x57\xa5\x2c\xed\xb5\xa8\xe2\xbc\x5e\xf8\x9a\x3b\x24\xfa\x78\xd6\
\xce\x3d\x16\x7b\x8c\x15\xb8\x20\x4e\xcf\x60\x13\xd1\x23\x7b\x80\
\xb9\x48\xf4\x81\x84\x17\x03\x21\x2f\x48\x2a\x3f\xf9\xe8\xd2\x37\
\x9f\x3a\xbd\xf4\xe6\x17\x1f\xae\x34\x47\x94\xbc\x82\x81\xc3\x81\
\xe0\x75\xc3\x01\x44\xdd\x5a\xab\x6a\x75\xa1\x19\x9d\x2d\x48\xf9\
\x33\x97\x9c\x99\x82\x70\x4d\x41\xdf\x69\xf6\x04\xdf\x23\x9c\xcd\
\x08\x5f\x2b\x9c\xba\xdf\x8d\x7b\x4d\x52\xbd\xdf\x62\x43\xf4\xc8\
\x1e\x48\xf7\xf3\x74\x21\x36\x92\x96\x82\x66\x8c\x31\xf6\xc9\x47\
\x97\xbe\xf1\xe4\xa3\x4b\xdf\x30\x46\x47\x22\x49\xb9\x5f\xeb\x2b\
\xe4\x52\xa9\x54\x37\xc6\xb8\xf7\xe6\x4b\x0b\x0b\x0b\x9b\x37\xdf\
\x7c\x73\x43\x92\xfd\xeb\xbf\x3c\x30\xca\x6c\x81\x51\xf7\xea\x78\
\xb7\x6a\x5d\xec\x2c\x41\x82\xef\x51\x0e\x44\x6f\x9c\x6b\x52\x33\
\x10\x3d\xa4\x3c\xbe\x8a\x9e\xea\x1f\x7e\xed\xfa\xd8\xa2\xa7\xea\
\x1d\x00\x4c\x32\x99\x84\x69\xbb\x65\x8c\xd1\x13\x9f\x5f\xfc\xa6\
\xa4\xb7\x18\xa3\x3f\x54\xf2\x69\xeb\xb8\x01\xc0\xee\x17\x4f\x56\
\xfe\xe9\xc2\x6a\xfd\x47\x4f\x7c\x7e\xf1\x7b\x4f\x3e\xba\x74\xf5\
\xc9\x47\x97\xbe\xf1\xe4\xe9\xa5\x4b\xe7\x4f\x2d\x34\xfe\x8f\xff\
\xd0\xb4\xe7\x4e\x2e\x8c\x3a\x53\x50\x55\xf7\x02\x3a\x5b\x2a\x95\
\x9a\x41\xaa\x4f\x35\x4b\x10\xe9\x03\x77\x95\xfd\x5e\xd0\x62\xfb\
\x60\xe1\xc8\xfd\xfd\xc6\x3e\xd7\x7c\x3b\x8e\x56\x56\xcf\x90\x60\
\x47\x48\xf4\xcb\xcb\x27\xbc\x14\x3e\xb2\x27\xdd\xc3\x04\x2f\x3e\
\xc1\xaa\x7b\xf7\x91\x32\x95\xcb\xe5\x1d\x49\x37\x1b\xa3\xdf\xc9\
\xe0\x5b\x56\x8c\xf4\xbb\xc6\xe8\x56\x63\x74\xc8\x18\xfd\xbe\x31\
\xfa\x43\x23\x7d\x70\x8c\xd9\x82\x4a\xb9\x5c\xae\x97\x4a\xa6\x6c\
\x8c\x59\x08\x66\x22\xca\xf5\x7a\xbd\x29\xc9\x26\x95\xfc\x53\xa7\
\x97\xf4\x64\xf0\x79\xc1\x82\xc4\x70\xf0\x50\x71\x12\xfd\xde\xa0\
\xc1\xce\xee\xc6\x33\xb1\x4d\x31\x7b\xe6\xfb\x86\x0f\xf7\xea\xc7\
\x18\x5c\x93\xec\x39\x14\x00\x26\x86\x71\x76\x84\x2b\xa9\x6d\x4d\
\x2b\x69\xcb\x5a\xd5\x66\xe4\x67\x8c\xca\xff\xc6\xf9\x53\xd5\x5f\
\x3d\xbe\x5a\xfb\xe9\x85\xd5\xc5\x1f\x3e\xf1\xf9\xc5\x97\x9e\x7c\
\x74\xe9\x1f\x9e\x7c\x74\x71\xfb\x0b\x0f\x95\x5a\x4f\x7c\xbe\x3e\
\xca\xf7\x08\x9f\x36\x70\x1f\xaf\x6b\x55\x2a\x95\x3d\x8d\xb0\x18\
\x6f\x7d\xfd\x92\x64\x65\x7c\x3c\xa0\x16\x8e\xac\x74\x1a\x03\xeb\
\xe1\x3b\xeb\x51\xcf\x1e\x48\xf7\x90\xf7\xc5\xc7\xbd\xc7\xdd\x11\
\xeb\xc2\x42\x79\xfb\xf1\x47\xaa\x2a\x95\x34\xab\xbb\xa0\x2c\x19\
\xa3\x5b\x82\xd9\x82\x77\x18\xa3\x77\x39\xb7\x1a\x46\x99\x29\xf8\
\x5a\xa5\x52\xa9\x96\xcb\x65\x95\xda\x18\x6b\x6d\x78\x8f\xde\x46\
\xef\xf7\xa7\x7c\xd6\x1f\x3c\x3e\xd7\x86\x89\x9d\x7a\xf6\x00\x90\
\x2b\xce\x45\xc6\x15\xa0\x35\xc6\x6c\xab\xfd\x68\xd9\x8d\x02\xbf\
\xfd\x6e\xf9\x5b\x7d\xf0\xfc\xa9\xea\xcf\x1f\x5f\xad\xbd\x7a\xe1\
\xf3\xf5\x1f\x5f\xf8\x7c\xfd\xa5\xbf\xfe\xcb\x03\x5b\x4f\x9d\x5e\
\xd2\xe3\x8f\x54\x47\xed\x57\x60\x50\xdd\x35\xb8\x4e\x22\x7a\xdf\
\xd6\x3b\x20\x7b\x12\x27\xe4\x98\x34\x22\xf7\xe8\xdd\x64\xdf\x94\
\xb4\x73\xee\x64\x55\x6a\xaf\xc8\xf7\x02\x63\x54\x33\x46\x07\x8d\
\xf4\x56\x23\xbd\xcd\x48\x87\xb5\xff\xc8\x5d\xe2\xe7\xf4\x11\x7d\
\x2f\x17\x8f\x1e\xeb\x6a\xbe\x5e\xcb\x78\x34\x0f\xd9\x03\xc2\x9f\
\xa8\xe8\x9d\x8b\x4f\xcb\xd9\x8b\xbe\x67\x8f\x77\xe8\x3b\x1b\x90\
\x5c\xf4\xc6\xcf\x7b\xf6\x21\x6e\x4d\x7b\x5f\x06\x43\xe3\x5e\xc3\
\x7c\x1b\x30\x22\x7b\x80\x8c\x89\x96\x7b\x0d\x5a\x29\x22\x33\x3d\
\xf9\xe8\x22\x9d\x35\x5c\xfa\xdd\x4a\x57\xbf\x85\x8c\xa6\x41\x77\
\xf9\x2d\x7a\xf6\xca\x47\xf6\xc0\x41\x3f\x6d\x8c\xda\x25\x65\x29\
\xe6\x32\x5e\x1f\xd6\xe2\x64\xbf\xb2\x7a\x46\x6a\xdf\x0e\xf0\x3e\
\xd5\x93\xe8\xb9\xe6\x21\x7b\xe0\xe0\x9f\x4e\xca\xea\xd4\x8e\x77\
\xfb\x7a\x8c\x6d\x70\x7d\xe4\x3b\x92\xea\x6a\x3f\xae\xd7\xe2\xf8\
\xf5\x37\xd1\xf7\x2b\xdd\x4b\xa2\x47\xf6\x80\xf0\xa7\xdd\xb7\x26\
\x2a\x7a\x48\x85\xb5\x56\xa5\x40\xf6\xee\xbe\xf9\x1c\xb7\x4e\xaa\
\xf7\xe9\xfe\x73\x74\xf3\xa0\x34\xa2\xe7\x39\x7b\x40\x4a\x5c\x38\
\x33\x15\x7c\x58\x33\x3e\x4e\xf4\xa4\xfa\x91\xae\x53\xe1\x2d\x90\
\x3d\xf7\x78\x65\x33\x19\xbf\x05\x96\x36\xd1\x33\x8d\x0f\x00\x59\
\x5e\x80\x3a\xd3\xf6\x0c\xa2\xc6\x66\xc7\xf9\x73\x4b\xd2\x0e\x7d\
\xba\x9f\xea\xfb\xc9\xae\xdf\x74\x77\x11\xf8\xd2\x1d\x77\x8e\x24\
\x7a\x46\xcc\x00\x9c\x18\x13\xeb\x4b\x52\x7d\x7a\x4e\x9d\x6f\xdc\
\x15\xa4\xfa\x86\x9c\x47\x16\x7d\x4f\xf5\x71\xef\xdf\x97\x01\xe6\
\x38\x53\xf7\xec\x8d\x0f\x80\xf0\xe9\xc3\xd9\xa4\xa5\xf6\x2e\x83\
\xec\x4d\xe0\xb0\x76\xee\x31\xef\xde\xf3\x97\xee\xb8\x53\xcf\x3e\
\xfb\x95\x54\xe7\x60\xf4\x7c\xa4\xea\x1d\x00\xb2\xca\xb5\xef\x48\
\xf5\xa3\x71\x61\xb5\xf6\x42\x54\xf4\xdc\xab\xef\x7f\xec\x15\xb9\
\xfa\xdd\x67\xbe\xfd\x22\xbf\x68\x64\x0f\x48\x7f\xb6\xfb\xeb\xc1\
\xb3\x9b\x7a\xf0\xec\x66\xdc\x3f\xbd\x41\xef\xf5\xa5\x2a\xe9\x7d\
\x74\x03\xe7\xaa\x24\x9d\x7c\xed\xfa\xd8\x7d\xc1\x34\x3e\x40\xcc\
\x09\x83\xf0\x93\xf5\x55\x9a\x7e\x0a\xa5\xff\xe0\xd9\x4d\x9d\x3c\
\xd7\x90\x95\xb6\xe8\xc5\xc1\xb8\x15\xf0\x48\xf5\xfd\xe5\xe6\x7b\
\x4d\x7b\xae\x57\xc8\x1e\x38\x81\x66\xb5\x6f\xca\xbe\xd6\x62\x87\
\xf1\x58\x59\x3d\xc3\xb9\x39\xe4\x5c\x8c\x6e\xa1\xcb\x73\xf6\x00\
\x08\x7f\x1a\x7d\x52\x51\x7b\xb3\x18\x48\x85\x8d\x6b\xd7\x7c\xef\
\x15\x9f\x53\xfd\xa8\xd5\xef\x90\x3d\x40\x9f\x13\x0a\xe9\x67\x98\
\xe8\xa5\x45\x89\x54\x9f\x96\xdd\x8d\x67\x7a\x5a\x30\x70\xf2\x8e\
\x85\x23\x2b\x9d\xc6\xb9\x38\x58\xf4\xbe\xcb\x1f\xd9\x03\x29\x7f\
\xf8\xfb\x35\x59\xbd\x7f\x67\x5a\xd1\x68\x7f\x57\xb8\x37\x39\xaa\
\x34\x56\x9f\x72\x2b\x84\x6b\x51\x1a\xd1\x53\xcf\x1e\xa0\xdf\xc5\
\xd4\xe3\x11\xb2\x53\x8b\x7e\x6c\xd1\x3b\xe5\x6e\x8d\x24\x19\x23\
\x23\xa3\x6d\x8e\xb2\x64\x44\x9f\x66\x60\xaa\x76\x9f\x8b\x47\x8f\
\x75\x35\x44\x0f\xc8\x1e\x46\x16\x7d\x78\x92\x45\x9b\x0f\xb3\x15\
\xe3\x8a\x3e\xe6\x9c\x33\x92\xf6\x4c\x7b\x67\x38\x18\xc2\xe7\xfe\
\xea\x06\x17\xf6\x3e\xb8\x65\x6e\x7d\xe8\x1b\x6e\x27\x22\x7b\xc8\
\xe1\xa4\x72\x77\x9c\xea\x77\x11\x99\xd7\x93\x2f\xfa\xfe\xf2\x14\
\x7d\x70\x3b\xc0\x2d\xd1\xda\x7c\xfc\x91\xda\xff\x29\x76\x86\xcb\
\x64\x10\x0a\x7e\xf7\x4d\xd2\x2d\x74\x7d\x1d\x28\x20\x7b\x48\x35\
\x92\xee\x77\xa2\xcc\xdb\x05\xc6\x3d\xe9\x07\xfd\xec\xe3\x5e\x1c\
\x82\xa9\xfb\x92\x3b\x75\xaf\x60\xf9\x78\xb9\x5c\xde\x96\xf4\x6f\
\x25\xdd\x16\x19\x04\x40\x84\x47\x1e\xdf\x1d\x7c\xac\x19\x7f\xef\
\xd9\xbb\xa9\xde\x07\xd1\x8f\x3a\x7d\x4f\x3d\x7b\x80\x31\x47\xcd\
\xf3\x72\x81\x89\xbb\xed\xe0\xfe\xec\x6e\x69\xda\x2c\x2e\x0e\x91\
\x7e\xb1\xeb\xeb\x97\x5a\xce\xfd\xff\x66\x20\x7d\x49\xda\x0e\x1a\
\x0c\xc6\xa8\xef\xa3\x8a\x86\x5b\x21\x1e\x10\x57\xcd\x0f\xd1\x23\
\x7b\xc8\x69\x34\x1d\xae\x28\x8f\x6e\x58\x31\x8b\x27\x5c\xbf\x75\
\x05\x71\x3f\x7b\x58\x9a\x36\x2b\xd1\x3b\x83\x87\xb0\xe4\xad\x59\
\x5e\x3e\x61\x82\xef\x61\x9d\x4f\xbf\xae\xa0\x4e\x3b\xf4\x4d\xf5\
\xc6\x18\x53\x57\x7b\xfb\xdc\x2e\x56\x56\xcf\x48\xd2\x61\x9f\x53\
\x7d\xda\x73\x71\x9e\x71\xf7\x13\x18\x47\xf4\xbe\x0d\x00\x90\x3d\
\x8c\x22\xb1\xd4\x82\x8f\xde\x17\xcf\xf3\xde\xd9\xb8\xb7\x1c\x32\
\x4e\xf4\x5d\xab\xf9\xc3\x3a\xf7\x92\x74\x61\xb5\x16\x7e\xb8\x25\
\xa6\xf1\xfb\x72\xee\xd4\x82\x76\x76\x76\xea\x41\xaa\xb7\x24\xb6\
\xf4\xc9\xb6\x48\x84\x4f\x1a\xb0\x6e\x03\xd9\xc3\x04\x12\xfe\x28\
\xc2\x4f\x93\xbc\x93\xbe\x56\xbf\x27\x03\x66\x41\xf4\xae\xe4\x03\
\x6c\x9f\xd7\xb7\x62\x91\xde\x20\xbe\x1b\xa4\xfa\x96\x2b\x7b\x44\
\xdf\x9f\xb8\xe9\x6e\x9f\xaf\x57\x80\xec\x21\xc7\x93\xcc\x5d\x00\
\x17\x9d\x11\x18\xe7\xd9\xfd\x7e\xd3\xf2\xe3\x26\xa0\x8c\x36\xcb\
\x89\x4d\xf5\xd1\xd7\x8e\x94\xbb\xad\x90\xec\x07\x60\x15\x7d\x8a\
\xa1\xd3\x9f\x3e\xef\x1c\xb7\xbb\xb1\xd6\xf7\xd1\x58\x66\x33\x06\
\x0f\xf8\xa9\x67\x0f\x90\x91\xe8\xfb\x4d\xd9\x47\x13\x78\xd2\x13\
\x2f\xee\x11\x40\xf7\x64\x1e\xb7\xac\x65\x46\xcf\xd0\xf7\xec\xb6\
\x97\xf0\xb5\xad\xd8\x36\x37\xbe\x63\xac\x1a\xce\x75\xaa\x25\x69\
\x9b\xb4\xa6\xbe\x03\x1d\x44\xdf\x7d\x0d\x2a\xc2\xc2\x62\x64\x0f\
\x33\x9d\xe6\x93\xc8\x37\xe9\xc9\x16\x95\x7a\xdc\x2c\xc1\x38\x27\
\x75\x56\xa2\x77\x93\xfc\xa0\xd7\x8e\xa4\x7a\x49\xba\xa1\xf6\x5e\
\xf9\x10\xc1\x18\x99\x53\xe7\x1b\x77\x05\x03\xa2\x2d\x39\x0b\x19\
\x7d\x2f\x75\xbb\x76\xee\xb1\xd8\xe3\xb8\xc8\x05\x71\x1e\x4e\x51\
\xcf\xbe\xdf\xa2\x5c\x9e\xb3\x07\x98\xa1\x91\x79\x74\xf0\x30\x6c\
\xd4\x3e\xca\x3d\xfa\xa4\x1b\xea\x4c\x60\x10\x51\x13\xd3\xf8\x83\
\x68\x49\xda\x14\x4f\x2c\xe4\x32\x60\x2d\x72\x3f\x44\x83\xc2\x38\
\xe7\x3b\xb2\x07\xef\x93\x7c\x1e\x2b\xeb\xa3\xd3\xfc\x71\x85\x2c\
\x86\x9d\xb8\xc3\x44\x3f\xce\x85\x72\x54\xd1\xc7\xa4\xfa\xf0\x3c\
\x64\x1a\x3f\x06\x6b\x65\x2f\xac\xd6\x5e\x88\x8a\xde\xf7\x54\xdf\
\xef\x58\xa3\xcc\xad\x62\xd3\x7c\xda\xa0\x81\xec\x01\xc6\x94\x62\
\x9a\x85\x35\xa3\x6e\x7f\x39\x6c\x5a\x3f\xeb\x47\xeb\xc6\x14\xbd\
\xd4\x5e\x89\x4f\x5d\xfb\x18\x8c\x51\x4d\xd2\xfb\xe8\x09\x12\xfd\
\x28\xa2\x47\xf2\xc8\x1e\x26\x24\xfa\x41\x2b\xf0\x93\x24\xee\xb4\
\x5f\x9f\xc1\x62\xb9\xd4\xa2\x0f\xbf\xcf\x18\x33\x1c\x6f\x41\xf6\
\x83\x79\xea\xf4\x52\xa7\x91\xea\xdb\x04\x9b\x09\x79\x9f\xea\x93\
\x16\xb1\xa2\x9e\x3d\x40\x8e\x27\x61\x9a\x9d\xf6\x06\xed\x74\x35\
\x48\xa4\xfd\xbe\x47\x92\xc5\x72\x59\x24\x7a\x77\xa3\x9c\x41\x3c\
\x78\x76\xb3\xa7\x9d\x3c\xd7\x90\xa4\xd7\x38\x17\x61\x14\x16\x8e\
\xac\x74\x1a\xf4\x3f\x57\xa9\x67\xcf\x05\x06\x66\x6c\x60\x90\xf4\
\x64\x1d\x65\x64\x9f\x87\xe8\x33\x78\x6d\x63\xdb\x0b\xf4\x20\x31\
\x36\xae\xbd\x42\xbf\x90\xea\x87\x9d\xab\x24\x7b\x80\x1c\x46\xd4\
\x69\xef\xb9\x0f\x5a\x34\x37\x48\xa8\x93\xde\xfe\x36\xc3\xd7\x2e\
\x49\x5a\x90\xe5\x3c\x4c\xc3\xee\xc6\x33\x3d\x4d\x31\x7b\xe6\x03\
\xa2\xcf\xe3\x7a\x80\xec\x01\x94\x7e\x71\x5d\x12\xd1\x8e\x9a\xf8\
\xc7\x3d\xb1\x73\x5e\xe8\x67\x02\x41\x55\x25\xb1\xb7\xe9\xb8\x83\
\x31\xcb\xd3\x0c\x17\x8f\x1e\xeb\x6a\x88\x1e\xd1\x23\x7b\x98\xc9\
\x93\x35\xe9\xe7\xba\xbb\xe8\x25\x99\x31\xc8\x32\xcd\xbb\x8b\xf1\
\xc6\x14\xfd\x42\xd0\x48\xa5\x29\x78\xf0\xec\x66\xea\x0b\xbc\x0f\
\xb8\x35\xed\x8b\xde\x2f\x59\x88\x9e\xed\x72\x01\x32\x48\x59\x61\
\x79\xd7\x51\xe4\x1d\x4d\xf1\xd1\x99\x82\x24\x33\x07\x79\x4e\xdb\
\x27\x5d\x8c\x37\x44\xf4\x25\x47\xf4\x92\x21\x95\x66\xfd\x7b\xa2\
\x5f\x8a\xc9\x38\xf5\xec\x59\x8d\x0f\x90\xc3\x45\x26\xa6\xe2\x5b\
\x5f\x11\xc7\x6d\x87\xdb\x6f\xf5\xec\x34\xef\xcf\x8f\xfb\xfa\xc1\
\x6b\x9b\xa0\xb5\x24\xc9\x18\xce\xc3\x51\x52\x3d\xa2\x8f\x4f\xf5\
\x3e\xf4\xcb\x28\x8f\x18\x86\xc1\x81\x4d\x75\x00\x26\x90\x26\x86\
\x89\x72\xd8\xa2\xbc\x49\x8b\x7e\x79\xf9\x84\x09\x5b\x16\xa2\x77\
\x66\x3b\xac\xf3\xff\x1d\xc3\xee\x79\x43\x59\xbd\xb0\x37\xf8\x38\
\x60\x76\xc4\x4b\x91\x8d\xba\xf1\x16\xb2\x07\xc8\x29\x0d\xa7\x3d\
\xd9\xa6\x21\x7a\x57\xee\xa1\x98\xd7\xd7\x2f\xd9\x71\xa7\xee\x63\
\x6e\x6b\x18\x49\xc6\x18\xb3\x27\x69\x47\xed\x12\xb7\x90\x8c\x3e\
\xeb\x1b\x4c\xc3\xe7\x54\xef\x93\xe8\xc3\xc5\x87\xe3\xee\xdd\x81\
\xec\x01\xc6\x13\x59\xd7\xdf\x47\x39\xa9\xa6\x25\xfa\xc8\xc7\x3a\
\x92\xcf\x40\xf4\xd1\xf3\xcc\x06\x92\xdf\x7e\xfc\x91\x9a\x24\xdd\
\xcc\x91\x34\x34\xd5\x1b\xb5\x77\x19\xec\xd9\x69\x30\xd8\x49\xee\
\x30\x83\x6d\xde\xf3\xb0\xeb\x02\xab\xf1\x01\x46\xc3\x2c\x2f\x9f\
\x30\xee\xfd\xf9\xe8\xdf\x27\x31\x6b\x90\xc5\xeb\x87\x72\x0f\x5b\
\x46\x17\x06\x13\x88\x3e\x5c\x94\x17\xfe\xb9\x25\x2a\xb8\x25\xe6\
\x8b\x27\x2b\x6a\x34\x1a\x35\xb5\x37\x1f\x6a\x72\xf1\xde\x4f\xf5\
\xfd\xce\x8f\xb8\x85\x6c\xbe\x8b\xde\x77\x90\x3d\x8c\x74\xb2\x05\
\xcd\x46\xc5\xee\x8a\x72\x96\x17\xcb\x0d\x7b\xfd\x8c\x5e\xdb\xc4\
\x24\xfa\x56\xf0\x7f\x3d\xf9\xe8\x22\x07\x53\x32\xbe\x6b\x8c\x59\
\x54\xa4\x0c\x30\x17\xf4\x78\xee\xbb\xef\xe3\x85\x7d\x6f\x69\xea\
\xd9\xc7\x9d\xe7\x49\x1e\xdb\x45\xf6\x00\x39\x8e\xaa\xa3\x27\x64\
\xde\xcf\xd0\x3b\x8f\xf2\xe5\x52\x2c\x27\xe6\x75\xdd\xbd\x5d\x21\
\x0d\x76\xff\xe9\x85\x70\x00\x15\xfe\x8e\x7c\xde\x13\x3e\xee\xbd\
\xfb\x3e\x00\x4a\xf2\xb4\x0f\xc9\x1e\x20\x83\xa4\x3d\xea\xc9\x34\
\xad\x47\xeb\xb2\x2c\x96\x33\x60\x8f\x81\x1e\xd1\x0f\x28\x77\x0b\
\x6e\xc7\x59\x35\x9c\xeb\x94\x95\xb4\x4d\xa2\x6f\xb3\x76\xee\xb1\
\xd8\x73\xe3\xb3\xdf\x7e\x11\xd1\x8f\x18\x24\x90\x3d\x20\xfa\x09\
\x9c\x20\xf3\xfe\x0c\x7d\xb0\x8a\x3f\xbc\x2f\x6f\x9c\x7f\x6b\x91\
\xe8\x47\xc3\x18\x99\x53\xe7\x1b\x77\x85\xa2\x97\xb3\xd6\x81\x4a\
\x6f\x24\xfa\x59\xb8\x6e\x21\x7b\x28\xd4\x09\xe3\x3c\x6b\x6e\xb2\
\x4c\xf4\x45\x12\xbd\xba\xef\xd1\xdb\xf5\xf5\x4b\xad\xf5\xf5\x4b\
\xad\xe8\x6b\x93\xea\xd3\x07\x7c\x49\x5b\x62\x51\xe3\xd0\x63\x97\
\x9a\xf6\xfd\xcf\x79\x76\xd0\x03\x18\x20\xb1\xa8\xe8\xb3\xae\x11\
\x5f\x20\xd1\x87\x52\xb2\xae\xf4\x49\x5c\x63\x5a\xde\xca\x3e\xbe\
\x5a\x7b\x41\xd2\xae\xfb\x71\x52\x7d\xfb\x91\x43\x8e\xaf\xd1\x45\
\xef\x5b\xdf\x21\x7b\x18\x28\xc8\xac\x9f\xa1\x2f\xb0\xe8\xdd\xa7\
\x13\x5a\xfd\x36\xe2\x21\xd5\xa7\xc3\x18\xd5\x24\xdd\x4e\x4f\x0c\
\xc7\xc7\x54\x4f\xf5\x3b\x64\x0f\x63\x5e\x63\xdd\x24\x1f\xf7\xdc\
\x7c\x16\x12\x9e\xf6\xa3\x75\x59\x54\xc5\x8b\xee\x31\x10\x06\x52\
\x12\x57\xb6\x07\xe3\x53\xa7\x97\x3a\x8d\x54\xdf\x3d\xc3\x11\x36\
\x44\x8f\xe8\x91\x3d\x8c\x92\xe8\x4b\x91\x8f\x87\xd2\xb7\x93\x48\
\xdb\x73\xf0\x0c\x7d\xea\xd7\x26\xd5\x03\x20\x7a\x64\x0f\xb3\x20\
\x79\x77\x4f\xf8\x70\x2a\xda\x0c\x2a\x57\x9b\x87\xe8\x47\xfd\xda\
\x24\x33\x06\x79\x89\x3e\x1c\x08\x8d\xf8\xb2\x9b\x1c\x81\x69\xb0\
\x71\xed\x15\xdf\x7b\xe5\xe2\xd1\x63\x5d\x0d\x10\x3d\xb2\x87\x1e\
\x81\x45\x93\x7c\xb4\x18\x4c\xde\x89\x38\xc9\xeb\x0f\xfb\xf7\x49\
\xde\x16\x88\xf6\x4f\x92\xd7\x7e\xf0\xec\x66\x4f\x3b\x79\xae\x21\
\x49\x6f\x70\x14\x26\x67\x77\xe3\x99\x9e\xa6\xbe\x05\x72\x7c\xe9\
\x93\xb5\xd4\x03\x63\xdf\x52\x7d\xd1\xfb\x05\xd9\x43\x92\x93\xa7\
\x24\xa9\xac\xfd\xbd\xdb\xc3\x24\x6f\xb2\x28\x06\x33\x69\x11\xe7\
\xf5\xfa\xd1\xc5\x78\x19\xbd\x76\xc9\x52\xe2\x76\xfc\xdf\xbd\xa5\
\x0f\x7d\x10\x5a\xdc\x9e\xff\xa3\x4e\xdf\xfb\x26\x7e\x64\x0f\xe5\
\x40\xee\x36\xe6\x64\x68\x65\xbd\x10\x2f\x5a\x42\x36\x8f\xc4\x3d\
\xa9\x81\xc4\xb8\xa5\x6f\xd5\x2e\x6d\xbb\x88\xa8\x92\xf3\xe0\xd9\
\x4d\x92\x9a\xe7\xb8\x4f\x1d\xa4\x15\x3d\xf7\xec\xc1\x47\x8c\xa4\
\x05\xc5\xa7\x4a\x9b\x81\xc8\x06\xee\x3f\x9f\xb5\x88\xdd\x01\x44\
\xe4\xcf\x99\x89\x3e\xba\x86\x61\xcc\xd7\x5e\x90\xb4\xc4\x39\x48\
\x82\x1d\x17\x77\x0a\xdf\x87\x3e\xf9\xd2\x1d\x77\x8e\x95\xe8\x91\
\x3d\xf8\x96\xe6\xeb\x41\xb2\x2c\x39\xc2\x4f\x7c\x0f\xfa\xda\xf1\
\xed\x24\x27\x5a\xb8\x7d\x6c\x47\xc0\x6e\x19\xd9\xac\xa6\xd6\x23\
\x9b\xfd\xa4\xba\x8f\x9e\x64\x46\xc2\x99\x8d\x08\x67\x41\xb2\x10\
\xfd\x22\xe7\xdf\xe8\xa9\x1e\xd1\x33\xf8\x41\xf4\xc8\x1e\x92\xfd\
\xde\xcb\x8e\x1c\x2b\xda\x9f\xca\x1f\x38\x75\x7f\xed\xde\x6d\x5d\
\xbb\x77\x3b\xe9\xf7\x88\xde\x1e\x28\x25\x39\x11\x13\xbe\x7e\x28\
\xdf\x92\xf6\x9f\x22\x30\x49\x66\x25\xae\xdd\xb3\x9d\xf8\xa2\xe9\
\xac\x67\x88\xee\x92\x37\x8e\xe8\xeb\xc1\xcf\x6d\x8d\x91\x91\xe9\
\xfc\x2e\x60\x54\xa9\x19\x3f\xef\x84\x84\xa9\xde\x17\xd1\x7f\xe9\
\x8e\x3b\xf5\xec\xb3\x5f\xc9\x7d\x8d\x0e\xb2\x87\x22\x0a\xbf\x12\
\xfc\xbd\x19\xb4\xbe\x82\x4f\x28\x61\x45\xc4\xe8\x7e\xbf\xbe\xab\
\xfa\x53\x7e\x0f\xe3\xbc\x5e\xcb\xfd\xfb\x20\xd1\x27\x79\x7d\x77\
\xb6\x20\x10\x7d\xd8\xcc\xfa\xfa\xa5\xe6\x20\xd1\x27\xf8\xd9\xab\
\x4e\xa2\x0f\xb7\xd5\x6d\x1a\x16\xe8\x0d\xe5\x73\x7f\x75\xc3\xed\
\xc3\x18\xec\x2e\x83\x9f\x7d\xe2\x16\xb2\x15\x81\x24\x15\xfd\x92\
\x3c\xbe\x4b\x3d\x7b\xf0\x09\xe3\xa4\xfb\x3d\xed\xd7\x0b\x1f\x25\
\xc5\xbb\x27\x50\xb4\x20\x8c\x9c\x84\xdf\x23\xe2\x11\x06\x11\xd1\
\x59\x09\x57\xfc\x76\xd0\x40\x22\xe1\x6c\x41\x29\x48\xdf\x15\x27\
\xd1\xb7\xd6\xd7\x2f\x35\xc7\x19\x44\x48\xaa\x39\x89\x3e\xfc\xd9\
\x9b\xe7\x1f\xa9\x7d\x4d\xd2\x0e\x87\x63\x22\xaa\xc1\xef\xa6\x8b\
\x95\xd5\x33\x92\xcc\x21\x1f\x53\xbd\x6f\x7b\xbe\x3f\xfc\xda\xf5\
\xb1\xbe\x9e\x05\x7a\xe0\xab\xec\xf7\x14\x29\x1b\x3a\x8a\xe4\x9d\
\x44\x1c\x7d\x74\xaf\xe4\x1c\x63\x5d\x65\x5e\x47\xf8\x1e\xc6\x19\
\xa0\x84\xb7\x1e\x42\x21\xc7\x4e\xad\x8f\x30\x90\x08\x67\x3a\xc2\
\x01\x44\x78\x5b\x60\x6f\xcc\x41\xc4\x62\x20\xfb\x70\x50\x52\x92\
\xb4\x57\x2a\x95\x36\x25\xfd\xb1\xa4\x77\x70\x38\xf6\xc7\xee\x0f\
\x96\x16\xb9\x78\xef\x13\xb7\x45\xae\xef\xd3\xd7\x54\xbf\x43\xf6\
\xd0\x7b\xfd\xdc\x53\xbb\x6c\x68\x73\x1c\xc9\x07\x54\x96\x97\x4f\
\xd4\x9d\xe4\x55\x91\x54\xb5\xd6\x96\x8c\x31\xd6\x9d\x35\x18\xf1\
\x7b\x98\x88\xd8\x8d\xd3\xec\xfa\xfa\xa5\xbd\x31\x07\x12\x25\xed\
\x2f\x56\x74\xcf\x89\x96\xa4\xbd\x31\x67\x23\xea\xda\x7f\xea\x21\
\x14\xfd\xae\xb5\x76\x4b\xed\x29\x7c\x18\xce\x77\x8d\x31\x4b\xa2\
\xa2\x60\x17\x6b\xe7\x1e\x8b\xfd\x38\x65\x6e\x11\x3d\xb2\x87\x90\
\xa6\xa4\x1b\x51\x09\x8f\x48\x55\xed\x47\xc8\xea\x41\xfa\xaa\x5b\
\x6b\x17\x2b\x95\x72\x65\x71\x71\xd1\x4a\x6a\x8d\x70\xcf\x3f\x4a\
\x2d\x68\x55\xe7\xff\x55\x6b\xd5\xaa\x54\x2a\xcd\xfb\xee\x3b\x31\
\xce\x40\x22\x7c\x32\x21\xfc\xf9\x17\xb4\x3f\x55\x3c\xee\x8c\xc7\
\x62\xf0\xb3\xba\x33\x1d\xbb\x6a\x6f\x8f\xdb\xe4\x30\x4c\x3c\x34\
\x35\xce\xb1\xda\xf5\x34\x04\x45\x71\x48\xf5\x88\x1e\xd9\xc3\xe0\
\x64\x6f\xc7\x15\xfd\xb5\xe3\xdb\xba\x76\x7c\x7b\xe7\xda\xf1\xed\
\x37\xae\x1d\xdf\x7e\xfd\xda\x3d\xdb\xbf\xbd\x76\x7c\xfb\xb7\x3f\
\x3f\xde\x78\xfd\xe5\x8f\xdc\x78\xf3\x47\x7f\xf6\xfa\xde\xab\xc7\
\xb7\xc6\xf9\x39\x4d\x30\x90\xa8\x69\x7f\x8a\xbd\x22\xa9\x54\xad\
\x56\xb7\x6e\xbe\xf9\xa6\x5d\x49\xf6\xe7\x1f\x1b\x79\x20\xb1\x20\
\xe9\x40\x20\xe4\x92\xa4\xb2\x31\xc6\x94\xcb\xa5\x3d\x49\x0d\x77\
\x90\x32\xc2\xeb\x2f\xc5\x88\x7e\x27\x10\x7d\x4b\x92\x9e\xf8\x7c\
\x9d\x23\x71\xd8\x81\x6a\xd5\x70\xae\x53\x56\xd2\x16\x2b\xad\x11\
\x3d\xa2\x47\xf6\x90\x56\xd8\xf1\x12\xb3\x09\xda\x6e\x20\xaf\x86\
\xda\xb7\x03\xb6\x02\x91\xdd\x90\xf4\xdf\x12\xbe\x46\xb4\x45\x53\
\xb4\xbd\x76\xef\xf6\xe6\xb5\x7b\xb7\x7f\x1b\x69\x6f\xfc\xe4\xc3\
\x6f\xec\xbe\xf4\xa7\xbf\xb2\x2f\x7f\xe4\xcd\xd1\xde\xf7\x3d\xdb\
\x2a\x97\xcb\x2a\x97\xcb\x8d\x52\xa9\xb4\x55\x2a\x95\x76\xca\xe5\
\x72\xe3\xd5\xe3\x5b\xdf\xfc\xd9\x47\x37\xb7\xc7\x98\x85\x50\x30\
\x80\x58\x88\x9c\x67\x61\x3f\xb5\x38\xea\x52\x8c\xf6\x8c\xcc\xa9\
\xf3\x8d\xbb\x82\xe3\xa3\x6b\x7d\x09\xa9\xbe\x57\x76\xbe\x4d\xe1\
\xb3\x0d\x2e\xb2\x87\xd1\x44\x9f\xfc\x19\x72\xa3\x8a\x8c\x16\x64\
\x54\x95\x51\x5d\x46\x75\x95\xb4\x28\xa3\x25\x95\xf4\x96\x31\x67\
\x1c\xf2\x6e\xbf\x91\xf4\xfa\xcf\xee\xbe\xf1\xda\xcf\x3e\x72\xe3\
\xd5\x57\x3e\xba\xf9\xea\x2b\x1f\xdd\xfc\xe9\x2b\x77\xdf\xd8\x90\
\xf4\xee\x61\x03\x91\x04\xa2\xaf\x44\x66\x27\x1a\x81\xa8\x3a\xa2\
\xff\xeb\xbf\x3c\xc0\x01\x98\xee\xb8\xd8\x0e\x06\x98\x10\xb0\xb2\
\x7a\x86\xe7\xc9\x47\x1c\x20\xf8\xd8\x6f\xc8\x1e\xdc\x0b\xaa\x2f\
\x47\xfd\x5b\x55\xd2\x2d\x2a\xe9\xad\x32\xfa\xdd\xa0\xbd\xcd\x96\
\x74\x58\x31\x8f\x76\xa5\x18\x88\xdc\xb8\x76\xef\xf6\x95\x18\xd1\
\x93\xe8\x47\x3d\x28\xad\xec\xe3\xab\xb5\x17\x14\x79\x3c\x91\x54\
\xdf\x0b\xa9\x5e\x6c\xb6\x83\xec\x21\x41\xaa\x87\xf1\x59\x92\x74\
\xdb\xb5\x7b\xb7\xbf\x11\x49\xf4\x5d\x03\xa9\xa7\x4e\x2f\xd1\x53\
\x09\x31\x46\x35\x49\xb7\xd3\x13\xf1\x2c\x1c\x59\xe9\x34\x44\x9f\
\x7c\xfa\x9e\x4d\x75\x00\xd1\xc3\xd8\xd7\x5f\x49\x3b\xd7\xee\xdd\
\xfe\x7a\x9c\xe8\x61\x04\xe1\x07\x03\xa4\xb0\x91\xea\xfd\x66\xd4\
\x44\xef\x7b\xf5\x3b\x64\x0f\x90\x3d\xb7\xab\xfd\x68\x5d\x8f\xe8\
\x49\xf5\x90\x17\x17\x8f\x1e\xeb\x6a\x45\x64\xd4\x7a\xf6\x80\xec\
\x01\x72\x13\x7e\xf4\xd1\x3d\x66\x54\xb2\x61\x77\x63\xad\xa7\x49\
\xf6\x15\xdf\xfb\xc4\x17\x01\xa6\x5d\x9b\xc0\x22\x46\x64\x0f\x00\
\x05\x20\x10\x5b\x95\x9e\xf0\x23\xe9\x86\xb3\x16\x6e\x19\x6a\x44\
\x8f\xec\x01\x66\x8a\x07\xcf\x6e\x76\xb5\x93\xe7\x1a\x92\x74\x8d\
\x9e\x19\x13\xeb\x6f\xe5\x40\x37\xd5\x33\xa5\x8d\xe8\x91\x3d\x74\
\x38\xf4\x5c\x3d\xee\xc1\xb1\x3d\x7a\x66\x02\xfd\xde\x8b\xb1\xa2\
\x9e\x7d\x9a\xc1\x92\x4f\x29\x96\x44\x3f\xda\x7b\x45\xf4\xc8\x1e\
\x42\xf1\x5c\xae\x77\x5a\x20\xfb\x4d\x7a\x65\xe2\x18\x49\x0b\x3e\
\xa7\x52\xe4\x96\x4d\xaa\x47\xf4\x1c\x3b\xc8\x1e\x38\x16\x66\x33\
\xd5\x1b\xed\xd7\xb8\x87\x94\xa9\x1e\xd1\xfb\x29\xae\x24\xf5\xec\
\x49\xf5\x5c\xe0\x21\x9e\x05\xba\x60\x2a\x89\xbe\xae\x76\x55\x3c\
\x9e\xc3\xcf\x42\x6e\x86\xc9\x11\x97\xb8\x47\xd4\x7c\x80\xa2\x38\
\xc8\x1e\xfa\x8b\x7e\x91\x6e\x98\x68\xaa\x37\x41\x9f\xd7\xc5\x16\
\xba\xa3\xa4\xfa\x7e\x83\x53\xef\xd6\x9c\xec\x6e\xac\xc5\x8a\xcb\
\xd7\x64\x3b\x8a\xe8\x7d\xea\x2b\x64\xef\x6f\xb2\x0c\xeb\xd0\x13\
\x89\x26\xdb\xef\x61\x8d\xfb\x56\x27\x90\x1a\x16\xe8\x25\xa4\xaa\
\xf6\xad\x8f\x2e\x56\x56\xcf\x48\xd2\x3b\xbd\x1b\xa9\xc7\xec\x24\
\x88\xe8\x49\xf4\xc8\x1e\x5c\xca\x81\xe8\x21\x67\xde\xf5\xfc\x52\
\x9c\xe8\xdd\xa9\xfb\x1d\xc3\x80\x6b\x20\x76\x80\xe8\x7d\xbe\x3f\
\xbb\x76\xee\xb1\xd8\xbe\xf0\xad\x20\x4e\x12\x98\x01\x41\xf6\x3e\
\x27\xcc\x24\x1f\x83\xec\xfa\x7b\x29\x22\x7a\xa3\x76\xc9\xd6\x06\
\xdd\x33\x94\xef\xaa\x5d\x3a\xd8\xba\xc7\x29\x0b\xb1\x18\xf4\x24\
\x4d\xf5\x71\x5f\x13\x7e\x8e\x2f\x7d\x87\xec\x81\x63\x20\xdf\x54\
\x6f\xb4\x5f\xe3\xde\x15\x7d\x43\xd2\xe6\xe3\x8f\xd4\x24\xe9\x77\
\xe8\xad\x81\xd1\xde\xa8\x7d\xdb\x23\xdc\x15\xa2\x73\x81\xa6\x28\
\x4e\xb7\xac\x28\x73\x9b\xfc\x19\x7c\x92\x3d\x78\x95\x38\xad\xb5\
\xe1\xca\xa7\x5d\xba\x23\x53\x7e\x6c\xad\x55\xab\xd5\x5a\x52\xf7\
\xa6\x39\x46\xed\x6a\x78\x5b\x74\x51\x02\xcf\x5b\x35\x9c\xeb\x94\
\x91\xd4\x20\xd1\xc3\xb8\xa2\x4f\xf3\x35\xc8\x1e\x8a\xc0\x56\xb5\
\x5a\xdd\x51\x49\x52\x49\x6f\xa1\x3b\x32\xa5\xe2\x24\xfa\xa8\xe8\
\xb7\x25\x2a\xe0\x25\x1a\x8d\x1a\x99\x53\xe7\x1b\x77\x05\x89\xbe\
\xe1\x0e\x4a\x7d\x4f\xf5\x2b\xab\x67\x58\x90\x97\x81\xb4\x99\xc6\
\x87\x22\xd3\x0a\x92\x65\x43\x3c\xe7\x9d\x53\x24\x95\x89\x49\xf4\
\x5b\xa1\xe8\x21\x65\x6f\x46\x44\x0f\xbd\xf8\x32\x85\x3f\xaa\xe8\
\x7d\x9f\x11\x42\xf6\x7e\xd2\x14\x0b\xc3\x26\x31\xa0\x8a\x8a\xbe\
\xd3\xe7\xa4\xfa\x84\x96\xb7\xb2\x8f\xaf\xd6\x5e\x88\x1e\xaf\xdc\
\xab\xdf\xef\x87\xb0\xf9\xc0\x85\x11\xeb\xd9\x73\xeb\x07\xd9\x7b\
\xcf\x4f\xef\xbe\x4e\x27\xe4\x8b\x91\xb4\xc9\xe0\x6a\xc4\xce\x33\
\xaa\x49\xba\x9d\x9e\x18\xce\xc5\xa3\xc7\x3a\xad\xc8\x27\x53\x16\
\xf5\xec\xd9\x1b\x1f\xbc\xe2\xda\xbd\xcc\x28\x4f\x48\xf4\x3b\xee\
\x07\x49\xf5\xe9\x3b\xf1\xa9\xd3\x4b\x9d\x46\xaa\xef\xc5\x2d\x73\
\x1b\x8a\xdf\x07\x46\xad\x7e\xe7\x63\xd2\x47\xf6\x00\xf9\x8a\x9e\
\xfb\xcc\x30\x71\x01\x16\x39\xb9\x7e\xe9\x8e\x3b\x33\x4b\xe7\x45\
\xef\x2b\x64\x0f\xa4\xfa\xfc\x55\xdf\x0a\x44\xcf\x02\xc8\x1c\x52\
\x6c\xb4\x49\xf6\x1a\x3d\xe3\xd7\x80\x66\x18\xc3\xd2\xbb\x6f\x53\
\xf9\xc8\x1e\xd1\x43\x3e\xec\xbc\x7a\xbc\xf7\x51\x7a\xa6\xf0\x73\
\xbb\xf0\x57\x7c\x1e\xfc\xf8\x22\xb0\x2f\xdd\x71\xa7\x9e\x7d\xf6\
\x2b\x88\x1e\xd9\x03\xcc\x0c\x47\xc2\x81\x95\xdb\x20\x27\x2c\xdb\
\x3d\xfb\x20\xb0\xcf\x7e\xfb\xc5\xb1\x45\xef\x2b\xc8\x1e\x60\xfa\
\xec\xd1\x05\xc9\x70\x4a\xdd\x7a\x9b\xd0\xe2\x52\xbd\x2f\xfd\xf0\
\xf0\x6b\xd7\xc7\x16\xbd\xdb\x57\xcb\xcb\x27\xd8\x54\x07\x00\xf2\
\x91\x95\xdb\x4e\x9e\x6b\x48\xd2\xaf\xe8\x19\x92\x6c\x96\xfd\xf0\
\x44\xcc\xf3\xe8\x45\xa7\xdf\x23\x76\x6e\xff\xf8\x7c\xcc\x20\x7b\
\x80\x09\x71\xe8\xb9\x7a\xec\x39\x68\xa9\x38\x98\x3a\xd5\xf7\x5c\
\xb4\x8d\x7f\x0b\x21\x77\x37\xd6\x28\xdd\x9a\x62\x10\x44\x3d\x7b\
\x00\x98\x16\x65\x49\x75\xee\x37\x67\x91\xe8\x0d\x7d\xe8\xb1\xe8\
\x47\x79\xdf\x54\xbd\x03\x2f\x12\xe6\xa1\xe7\xea\xed\x0d\x5d\xf7\
\xdb\xeb\xf4\xcc\x44\x53\x7d\x59\xed\x1a\xf7\x15\x7a\x27\x55\xaa\
\xaf\xf6\xf9\x94\x96\x6f\x7d\xd2\x6f\x73\x21\xca\xdc\x0e\x4f\xf5\
\x6c\xaa\x03\x7e\x09\xe8\xf9\xba\x0e\x3d\x5f\x77\xe5\x03\x93\xa1\
\x12\x88\xbe\x2c\x9e\xc3\x4f\x43\x4d\x52\xcf\xa8\x69\x65\xf5\x8c\
\x24\xbd\xdd\xb7\xce\x58\x3b\xf7\x98\xf7\x02\xcb\xaa\xcc\x2d\xb2\
\x07\x9f\x60\x1a\x74\x32\xa9\xbe\x2c\x69\x31\x14\xbd\x31\x6a\xff\
\x07\x43\x83\x6c\x20\xfa\x26\x17\x6e\x04\x86\xe8\x91\x3d\xa4\x87\
\x5d\x5e\xa6\x9b\xe8\x9b\x62\x2a\x7f\x18\xdf\x91\x74\x40\xed\xa9\
\x7a\xc3\x85\xbb\xbf\xc0\x7c\x9b\xc2\x4f\x23\x7a\xdf\x41\xf6\x7e\
\x27\xf9\x03\x41\x62\x82\x9c\x38\x7c\x79\xd1\x15\xfd\xa2\x23\x7a\
\x23\xc9\x9e\x7f\xa4\xf6\x82\xa1\x22\xde\x40\xac\x55\x29\xe8\x33\
\x1b\x15\x9c\xcf\x45\x71\x56\x56\xcf\xb0\x20\x2f\x83\xaf\x59\x5f\
\xbf\xe4\x45\x3f\x22\x7b\x3f\x61\x71\xd8\xe4\x13\x7d\x54\xf4\xad\
\x52\xa9\xb4\x25\xe9\xfd\x92\xde\x41\x17\xf5\x65\x27\xb8\x4e\x85\
\xb2\x6f\x90\xe8\xe3\xf1\x25\xd5\x67\x3d\x7d\xcf\xa6\x3a\x50\xf4\
\xdf\x7b\x35\x26\xe9\x43\x7e\x03\xab\x2e\xd1\x4b\xda\x92\xb4\x4b\
\xa7\x0f\xe7\xd4\xf9\xc6\x5d\xc1\x1f\x77\xe5\x54\x11\xa4\xd4\x6d\
\xbb\x0f\xc2\xe6\x03\x71\x9b\x05\x65\x71\x9f\xde\x87\x5b\x00\xc8\
\xde\x5f\x2c\x92\xcf\x95\x0d\x49\x2f\x59\x6b\x97\x82\x3e\x76\x45\
\x4f\xe9\xdb\xf4\xc7\x6a\x23\x48\xf9\xe0\x39\xee\x0c\x06\x0b\xf2\
\x90\x3d\x24\xc3\x68\x7f\x75\x73\x93\xee\xc8\x94\xfa\xe1\xcb\x8b\
\xc7\x9c\x73\xcc\x4d\xf4\x7b\x92\xf4\xc4\xe7\xeb\xf4\x52\x02\x1e\
\x5f\xad\xbd\xa0\xc8\xba\x06\x52\x7d\x2f\x17\x8f\x1e\xeb\x6a\x45\
\x7e\x9f\x59\xa7\x71\x1f\xf6\xc8\x47\xf6\x7e\xb3\x57\x2a\x95\x36\
\x55\x92\x54\xd2\x01\xba\x23\xd3\x2c\x6a\xb4\x3f\x6b\x42\xa2\x1f\
\x9d\xaa\xa4\xdb\xe9\x86\xc1\xb8\x65\x6e\xb3\x16\xe1\xbc\x42\xaa\
\x47\xf6\xb0\x9f\xe4\x37\x9d\x44\xcf\xa6\x3a\xd9\xd2\x8a\xfc\x79\
\x53\x4e\x75\x3b\xea\xda\x27\xc7\x04\xfd\x15\x36\x52\xfd\x60\x7c\
\x10\x3d\xd3\xf7\xc8\x1e\x12\x26\x7a\x49\x37\xe4\xe1\x16\xa3\x53\
\xc9\xf8\xed\xbe\xa6\x8c\x2d\xe4\x9e\xea\x11\xfd\x78\x0b\xf2\x8a\
\x3c\x48\x40\xf6\xfe\x0a\xa8\x25\x49\xaf\xdc\xb3\x49\x6f\xe4\xdb\
\xcf\xee\xec\x09\xa9\x3e\x23\xb9\x45\x9b\x64\xaf\xd1\x33\xc5\x67\
\x58\x3d\xfb\x2c\x06\x0b\xc8\x1e\x00\xd2\x42\xa2\x9f\x5c\xd2\xab\
\xd0\x0f\xdc\xa7\x1f\xf6\x0c\xfe\xa0\x3e\x5a\x5f\xbf\x54\xe8\x3e\
\x44\xf6\x1e\x73\xed\xde\x6d\x3a\x21\x2f\xcc\xfe\xec\x09\xa9\x7e\
\x02\x78\x5a\x26\x38\x9c\xc2\x47\xf4\xa3\x6d\xb6\x93\xe4\x35\x90\
\x3d\x00\x0c\x3c\xb7\x5e\x3d\xbe\xa5\x6b\xf7\x6e\x77\x35\x18\x0f\
\xa7\xd4\x2d\x92\x1b\xd0\x07\x71\x9b\xcf\xf8\x2e\xfa\xa4\xf7\xfa\
\x8b\x2a\x7c\x64\x4f\xaa\x87\x7c\x78\x37\x5d\x30\x79\xc9\xf9\x96\
\xea\xe3\xfa\xc0\xb7\x95\xe8\xd4\xb3\x47\xf6\x80\xe8\xe7\x85\x5f\
\xd0\x05\xe9\x52\x7d\x8f\xe4\xcc\x7e\x91\x1c\x5f\x88\x7b\x04\x91\
\x47\xce\x46\x1f\x04\x16\x7d\xf0\x88\xec\x01\x26\x2c\x2c\xb7\x9d\
\x3c\xd7\x90\x65\xcb\xe2\x0c\x2e\xca\xc6\xbb\x3e\x5c\x3b\xf7\x58\
\xec\xc7\x7d\x2a\x73\x9b\x55\xf5\xbb\x68\xe5\xbb\x22\xee\xa8\x87\
\xec\x01\x26\xc4\xa1\xe7\x62\xb7\xc7\x5d\xf0\x75\x71\xd9\x88\xa9\
\x7e\x81\x34\x9b\x9d\xf8\x8a\xf6\x7e\x29\x8a\x83\xec\x01\x66\x91\
\xaa\x24\x36\xc8\x4f\xce\x82\xa4\x5a\xcf\x07\xdb\xd3\xd9\x6f\x43\
\xf4\x88\x3e\x0b\xd1\x2f\x2f\x9f\x28\xa4\xf0\x91\x3d\xc0\x74\x52\
\x7d\x4d\xed\xd2\xb7\x90\x8c\x8a\xa4\x45\x52\xfd\x60\x89\xf9\x30\
\x85\x9f\x87\xe8\xa3\x2b\xf1\x8b\x78\x5c\x21\x7b\x5f\xc5\x63\x15\
\x6d\x0d\x7a\x66\x62\xd4\x02\x71\x59\xba\x22\x11\xdf\x91\x74\x53\
\xb4\xbf\x7c\x17\xfd\xca\xea\x19\xef\xfa\xe0\xc2\x08\xf5\xec\x93\
\x7e\x7e\xd1\x9f\x6c\x40\xf6\xbe\x0a\xff\x72\xbd\xd3\x90\xfd\x44\
\x53\x7d\x38\x75\x6f\xa5\x60\x59\x99\xa1\x08\xd1\x20\xac\x55\xc9\
\x19\x96\x76\x5d\x84\x29\x8a\x23\xaf\x52\xbd\x19\xe1\x7d\x46\x85\
\xdd\x4f\xe0\xe1\xc7\x43\xe9\x17\x6d\x2a\x1f\xd9\x03\xc7\xc2\xe4\
\x13\xbd\xcb\x9e\x61\x35\xfe\x20\xf6\x9c\x63\xd3\x48\x6a\x30\x75\
\xbf\xcf\xc2\x91\x95\x4e\xf3\x91\xbc\xaa\xdf\x15\x51\xf8\x5c\xe0\
\x61\x81\x2e\xc8\x8f\xc3\x97\x17\x5d\xd1\xd7\x23\x21\x65\xef\xf1\
\x47\x6a\x57\x44\xf5\xc1\x41\xb4\x4e\x9d\x6f\xdc\x15\xfc\xb9\x21\
\x69\xd7\x15\x1d\xf8\xc7\x97\xee\xb8\x33\x53\xd1\xc7\x6d\xb8\xc3\
\xa3\x77\x50\x44\xd1\x2f\xd2\x0d\x13\x49\xf4\x35\xed\x27\xf8\x92\
\xa4\xdd\x72\xb9\xbc\x29\xe9\x03\x92\x7e\x8f\x2e\x1a\xca\x4e\xd0\
\xa0\x0f\x17\x8f\x1e\xeb\x6a\x24\xfa\xf1\x5f\x8f\x7b\xf6\x30\xef\
\x18\xb5\xef\x1d\x2f\x89\x29\xe4\xbc\xd8\x7b\xd7\xf3\x4b\x51\xd1\
\xdb\xe0\x9c\xdb\x51\xbb\xf4\x2d\x0b\xf4\x12\xf0\xf8\x6a\xed\xeb\
\x92\xb6\xba\x46\xa9\xa4\xfa\x2e\xdc\x9a\xf6\x49\x64\x38\xcf\xa9\
\xfe\xd9\x67\xbf\x92\xe9\x6b\x46\xef\xd5\x17\xb5\x1f\x91\xbd\x9f\
\x94\xc5\x63\x5f\x79\xf3\x53\x49\x55\x6b\x6d\x34\xd1\xef\x04\xe2\
\x42\xf4\xc9\xa8\x4a\xba\x9d\x6e\xc8\x2e\xf5\xce\x33\x9f\xfd\xf6\
\x8b\x89\xe5\x9d\xa6\x7f\x8a\x38\x6d\x8f\xec\x41\x7d\xd2\x3c\x09\
\x3f\x63\x49\x59\x6b\xeb\x7d\x44\xdf\x92\xa4\x0b\xab\x35\x7a\x29\
\xe1\xc1\xfa\xd4\xe9\xa5\x4e\x23\xd5\xf7\x4f\xf5\x45\xdf\xdf\xfd\
\xe1\xd7\xae\xa7\x16\x7d\xb4\x9e\xbd\xaf\x0b\x3c\x91\x3d\x20\xf9\
\x3c\xe8\xde\x02\xb7\x47\xf4\x90\x39\xde\xdf\xcf\xf7\xbd\x0a\x60\
\x16\xf5\xec\xa3\x5f\x5b\xa4\xc4\x8f\xec\x3d\x17\xbd\xb5\x36\xbc\
\x17\xda\xa4\x3b\x32\xa5\xe5\x0c\xa6\x7a\x44\xff\xd4\x69\xee\xa2\
\x8c\x93\x64\xa3\x4d\xb2\xbf\xf1\x39\xd5\x23\xfa\xf1\xeb\xd9\xc7\
\xad\xca\x5f\x5f\xbf\x54\x98\xbe\x45\xf6\x7e\xb3\x55\xad\x56\x77\
\x54\x92\x54\xd2\xcd\x74\x47\xf6\x83\x29\xb5\x1f\x15\x23\xd1\xe7\
\x9d\x68\xad\xbf\x1b\x13\xf9\x2e\xfa\x24\x7d\x12\xfe\x3d\xc9\xfd\
\x7c\xb7\xb1\x1a\x1f\x8a\x90\x3a\xb7\xd5\x7e\x6e\x99\x85\x62\x13\
\x16\x3d\xa9\x1e\xf2\xe6\x89\x98\x6d\x65\x7d\x49\xf5\xe3\x0c\x7e\
\xdc\x67\xec\x8b\x56\x10\x07\xd9\xfb\x49\x33\x90\x3d\xe4\x87\x25\
\xd1\x67\x8f\x53\xea\xd6\xfb\x54\xbb\xbb\xb1\x56\xf8\xfd\xdc\xd3\
\x8a\x7e\x9c\xcf\x8d\x7b\x04\x8f\x7b\xf6\x50\x18\x7e\x7a\xf7\x75\
\x3a\x21\x9f\x5c\xdf\x54\xcc\xac\x09\xa9\x3e\x3b\x7c\x9f\xbe\x8e\
\x7b\x2a\xc1\x77\xd1\xa7\xbd\x2f\x3f\xec\x73\xb9\x67\x0f\x85\xe0\
\xda\xbd\x84\xfb\x1c\xb9\xe5\xd5\xe3\x5b\xba\x76\xef\x76\x57\x83\
\x6c\x52\x7d\xcf\x05\xd8\xf8\x77\x3b\x6a\xed\xdc\x63\xb1\xf2\xa3\
\xcc\xed\x68\xe9\x3e\x7a\x5f\xbf\x68\xdb\xe6\x22\x7b\x80\x7c\xf8\
\x1d\xba\x60\x92\x89\xde\x78\xfd\x08\x29\xc5\x81\xc6\xeb\x1f\x1f\
\x9e\xbf\x47\xf6\xa4\x7a\x98\x70\x3a\x75\xdb\xc9\x73\x0d\x49\xba\
\x46\xcf\x0c\xe6\xa1\x2f\x74\x76\xcb\xad\xf4\xb9\x90\x57\x10\x19\
\xa9\x7e\xdc\xc1\x63\x74\x35\x3e\xb2\x07\x44\x0f\xa9\x89\xd4\xb5\
\xef\x44\x52\x2b\xea\xd9\x27\xa4\xa2\x76\x9d\x81\x2e\x82\x7b\xd7\
\x6f\xa5\x7b\x8a\x4f\xdc\x53\x06\xe3\x16\xc5\x71\x17\xe6\x45\xa7\
\xee\x59\x8d\x0f\x00\x59\x9d\x7f\xf5\xc8\x6e\x7b\x10\x4f\x59\xed\
\x0a\x8d\x26\xcd\x85\xbc\xc8\xac\xac\x9e\xf1\xf2\xfd\xbb\xb3\x17\
\x79\xd6\xb3\xa7\xc4\x2d\x00\x64\x91\xea\x4b\x81\xbc\x16\xe8\x9d\
\xa1\x7c\xdb\x5a\x7b\x53\x56\x17\x72\x1f\x24\x58\x64\xc2\xf2\xbd\
\x59\x8a\x3e\x69\x9a\x9f\xe7\x63\x0e\xd9\x03\x4c\xe7\xbc\x5b\x54\
\xbb\xa2\x1b\x9b\x1a\x0d\xc1\xda\xce\xfd\x78\x1b\xf6\x57\x78\xd1\
\xf5\xbd\x28\xce\xc2\x91\x95\x4e\x83\x64\x52\x1e\x74\x3f\xde\x5d\
\x91\x1f\xfe\x39\x6e\x1b\x5d\x64\x0f\x00\xc3\x52\xbd\x71\x44\xdf\
\x0a\x3e\xc2\x34\x7e\x7f\x5a\xce\x75\xca\x48\xda\x25\xd1\xf7\x4f\
\xbc\x6e\x2b\x32\x59\xec\x92\x37\x6c\x90\x10\xfd\xbc\x79\x3f\xee\
\x90\x3d\xc0\xe4\xe8\x11\xbd\x69\x3f\x1f\x5e\xa1\x6b\xfa\xb2\x77\
\xea\x7c\xe3\xae\xe0\xcf\x3b\x72\xaa\xdb\x91\x66\xf7\x71\xcb\xdc\
\x8e\x2b\xc3\x79\x17\xfd\xb8\x52\x8e\xfb\xfa\xe8\xc7\xe6\x51\xfc\
\xc8\xde\xd3\xa4\x79\xe8\xb9\x7a\x5b\x37\xfb\xed\x75\x7a\x26\xd7\
\x54\x1f\x8a\xbe\xa6\xfd\x2d\x74\xed\xf9\x47\x6a\x5f\x37\xed\x3d\
\xf4\x61\x88\xcf\xd4\xae\xe5\x00\x39\xa6\xde\x59\x67\x94\x7a\xf6\
\xe3\xc2\xa6\x3a\x30\xff\x22\x7a\xbe\xae\x43\xcf\x77\x64\xc4\xe3\
\x5f\xf9\xb2\xe4\x26\xfa\x76\xaa\x37\x0d\x49\xef\x97\x74\x2b\xdd\
\x33\x54\xf4\x5d\x9b\xe2\x93\xea\x21\x89\x94\x93\x0c\x7c\x46\x1d\
\x1c\xcd\xdb\x20\x00\xd9\x83\x9b\x3c\x21\x1f\x0e\xa8\x3d\x55\xef\
\x2e\xc6\xdb\x96\xd4\xa0\xd3\x13\x5d\xa3\xb6\xe8\x86\x01\x23\x21\
\x67\x0a\x9f\x72\xb7\xe9\x25\xde\x4f\xda\xd1\xcd\x76\x48\xf6\x50\
\x84\xc4\x09\xd9\xf3\x9b\xc3\x97\x17\xc3\xfe\xad\x44\x06\x55\x61\
\x79\x61\x18\x4e\xe5\xc2\x6a\x4d\x4f\x9d\x5e\xea\x34\x52\x7d\xb6\
\x09\xb5\xa8\xa9\x7e\xdc\x7e\x1b\xf6\x28\xde\xbc\xf5\x37\xb2\xf7\
\x3b\xc9\x2f\x89\xe7\xbc\xf3\xe2\xba\x7a\x9f\xa3\x37\x41\x4a\x6d\
\x48\xd2\x93\x8f\x2e\xd2\x4b\xd9\xe1\x65\xfa\x0f\x53\x3d\xa2\x1f\
\x5d\xc4\x69\x76\xd8\x9b\xe7\x7e\x46\xf6\x7e\x52\x42\xf4\x39\x63\
\x55\x1e\x24\x7a\x18\x4f\x70\xd1\x26\xd9\xdf\x92\xe8\xf7\x89\xdb\
\x56\x16\xd1\xa7\x4b\xf6\x83\x3e\x7f\x1e\xa5\x8f\xec\xfd\xa4\xac\
\xf6\x62\xb1\x68\xd2\x87\xec\x68\x45\xce\xb3\x2e\xd1\x53\xd7\x3e\
\x63\xd9\x59\xff\x16\x98\xee\x6e\xac\xc5\x4a\xc7\xe7\x7d\x08\xf2\
\x96\x70\xbf\xc7\xf2\xe6\xa1\xcf\x91\xbd\xcf\xd9\x93\x63\x60\x12\
\x18\xb5\x57\x92\xef\xd0\x15\x30\x8d\xa4\xeb\xcb\x7b\xcd\x6b\x55\
\xfd\xa0\x85\x7a\xf3\xb4\xe9\x0e\x17\x7a\x44\x14\x3e\xe3\xdd\xa4\
\x3b\x72\xe9\xdf\xed\x40\xf4\x6c\x8b\x9b\x01\x0f\x9e\xdd\x9c\x68\
\x92\x9b\x65\xfa\x2d\x54\xf4\xb5\xcc\x6d\x16\xb3\x02\xe3\x4e\xd1\
\xcf\xb2\xf0\x91\xbd\xdf\x34\x4b\xa5\xd2\x96\x4a\x92\x4a\xba\x99\
\xee\xc8\x45\xf4\x8d\xa8\xe8\x99\xc2\xcf\xee\xe2\xec\x33\x6b\xe7\
\x1e\xf3\x32\xd5\xa7\xb9\x4f\x3f\x4a\x31\x9c\xa4\xbb\xe5\xa5\xfd\
\x38\xb2\x87\xa9\x89\x5e\xd2\x0d\x12\x7d\x6e\xd8\x38\xd1\x43\x36\
\xa9\xbe\xe7\xe2\x6e\xfc\xee\x67\x5f\x44\x7f\x61\x84\x7a\xf6\xe3\
\x0e\x26\x93\xae\x8b\x98\xf5\xc1\x27\xb2\xf7\x93\x3d\xb5\xef\x23\
\xb7\xe8\x8a\xdc\x72\xfd\xee\xab\xc7\x7b\x9f\x06\x23\xd5\xe7\x95\
\xe8\x8d\xb7\xb2\x77\xc5\x53\xf4\x29\x7c\xa3\x74\xf5\xec\xa7\xf1\
\x7b\x98\x55\xe9\x23\x7b\x7f\x53\x67\x53\x92\x5e\xb9\x67\x93\xde\
\xc8\x87\xf7\x48\xd2\xb5\x7b\xb7\xbb\x1a\x8c\xc6\xc3\x5f\xec\xf4\
\x5d\xa5\xcf\x45\xd6\xcb\x51\x14\x15\x00\xf3\x1b\x40\xce\xdb\x34\
\x3d\xb2\x07\x98\xfd\x73\xeb\x97\x74\x57\x22\x2a\x6a\x17\x12\xea\
\x22\x58\xa8\x76\xd0\xb7\xce\x58\x59\x3d\xd3\xf5\x77\x1f\x16\xe6\
\x49\xd2\x97\xee\xb8\x33\x51\x82\x1e\x56\xd3\x3e\xfa\xb9\x49\x16\
\xe7\x0d\x7b\x02\x60\x96\xa7\xf2\x91\xbd\xc7\x90\x34\x27\xcf\x83\
\x67\x37\xbb\xda\xc9\x73\x0d\x59\xee\xeb\x27\xa1\xac\xf6\x8e\x84\
\x86\x64\xdb\x3d\xd0\x09\x9b\xef\x49\x3c\xcd\x71\x31\xca\xf3\xf2\
\xc3\x4a\xdf\x0e\x7a\x2c\x0f\xd9\x03\x78\x84\x53\xee\xb6\x5b\x62\
\x96\x0d\x8d\x86\xf0\xad\x56\xab\x75\x20\xed\x05\x1d\x8a\x99\xea\
\x9f\x7d\xf6\x2b\x63\x89\x7e\x14\xd2\x3c\x8b\x3f\xab\xc7\x28\xb2\
\x27\xd5\xc3\x14\x83\x59\x90\x56\x61\x00\xd6\xaa\xda\x2f\xd1\x53\
\x14\x67\x9f\x8b\x47\x8f\x75\xb5\x22\xf2\x99\x6f\xbf\x98\xb9\xe8\
\xf3\x98\x7a\x9f\xc5\x81\x28\xb2\x47\xf4\x30\x9d\x54\xbf\xa0\xf6\
\xa2\x32\x52\x7d\xba\xeb\xd4\x0e\x89\xbe\x17\xb7\xcc\x6d\x5e\x02\
\x9b\x05\x4e\xbe\x76\x7d\xe2\xdf\x33\x6d\xaa\x0f\xef\xff\x23\x7b\
\x00\x20\xd1\x27\x67\x27\xf2\xe7\xce\xdf\x49\xf5\x93\x4b\xaa\xf3\
\xc0\xa8\xdb\xe7\x66\x59\x1e\x37\x7c\xad\x59\xdc\x46\x17\xd9\x03\
\x4c\x36\xd5\x57\x02\xd1\x97\x24\xc9\x18\x49\xc6\xbf\x22\x2e\x69\
\x38\x75\xbe\x71\x97\xda\x7b\x43\x50\x31\x70\x48\xaa\x47\xf4\x80\
\xec\x01\xa6\x8f\x2b\x7a\xab\xf6\x14\x7e\xd3\x30\x95\x3f\x8c\x3d\
\xb5\x77\x7b\x14\xa9\x9e\x44\x9f\x44\xf4\x93\xe8\x8b\x34\xab\xef\
\x67\x61\x30\x82\xec\x01\x72\xe4\x5d\xcf\x77\xf6\x7a\x09\x1f\x1d\
\x2b\x3b\xa2\xdf\x7b\xfc\x91\xda\xd7\x02\x99\x41\x7f\xd8\xf9\x69\
\x48\xaa\xf7\x44\xf4\x5b\xd3\x1c\xf4\x24\xad\x7e\x37\xab\x03\x31\
\x64\xef\x23\x36\xb6\x71\x41\xcd\x8f\xb2\xda\x8b\xf1\x5c\xd1\x37\
\xcb\xe5\xf2\x96\xa4\x3b\x24\xdd\x4a\x17\xf5\xa5\x7a\x61\xb5\xa6\
\xa7\x4e\x2f\x75\x1a\xa9\xde\x5b\x5e\x4f\x93\x98\xb3\x4c\xd3\xf3\
\x2e\x7a\x64\xef\x29\x87\x2e\xd7\xbb\x5a\x20\x7b\x0a\xe2\xe4\x77\
\x8e\xf5\x88\xde\x5a\xbb\x29\x8a\x10\x65\xc9\x6f\x7d\x7d\xe3\x71\
\x32\x79\xe2\xed\x85\xdc\x50\xf0\xd7\xc3\x24\x9b\x87\x58\x07\xbd\
\xe6\xbc\x88\x1e\xd9\x83\x0b\xf7\x8d\xb3\xe5\x67\x92\x5e\x6a\xb5\
\x5a\x4b\x8a\xdc\xa3\x57\x7b\x5a\x1a\xd1\x8f\xc8\xee\xc6\x5a\x4f\
\x93\x6c\xc3\xc7\x7e\x88\x93\xc9\x7d\xf7\x7d\xbc\xa8\x6f\xf9\xa6\
\x49\x8b\x7e\x9c\xef\x91\x66\xbf\x7d\x64\x0f\x93\x60\x81\x2e\xc8\
\x87\xc3\x97\x17\x3f\x14\x24\xfa\x70\x30\xd5\x52\xfb\xbe\x63\x53\
\x92\x2e\xac\xd6\xe8\xa4\xac\x2e\xc0\xec\x42\x38\x75\x99\x4c\x68\
\x00\x3d\xd1\x04\x3d\xec\x75\x93\xec\xa7\x3f\x2b\xbf\x1b\x64\x8f\
\xe8\x79\xde\x3b\x0f\xda\xf2\x71\x1f\xa9\x6b\x05\x89\x9e\xc5\x78\
\x63\xe0\xd6\xb4\x9f\x54\x9a\x9b\xd9\x93\x37\xb2\x76\x21\x94\xc9\
\x67\x87\xec\x32\x37\xc7\x94\xe3\xa4\x39\xeb\xc7\x40\x74\xcf\xfd\
\x69\x49\x1f\xd9\xfb\x2d\x7a\x76\x70\xcb\x8f\x56\xe4\xef\x5d\xa2\
\xff\xeb\xbf\x3c\x40\x0f\xc1\x58\xac\x9d\x7b\xcc\xb7\xb7\xfc\x7b\
\xb3\xb6\x16\x61\x50\xf1\x9c\x61\xff\x86\xec\x61\x12\x54\xe4\x69\
\xfd\xef\x29\x71\x83\x44\x9f\x3d\x3e\xa7\xfa\xa4\x52\x29\x18\xef\
\x90\xba\x4b\xf9\x4e\xe2\x18\x08\xfb\x37\xae\xcd\x13\xc8\xde\x4f\
\x4c\x4c\xa2\x27\xe1\xe7\xd3\xcf\x3d\x53\xf7\x4f\x9d\x66\x9c\x35\
\x0a\xee\x14\x7e\xcf\x45\xde\x50\x26\x38\x2a\xc2\x02\xb2\x20\xa9\
\x53\xe4\x67\x52\xa2\x9f\xc7\xd7\x46\xf6\xd0\x4f\x48\x90\x9f\xe8\
\x77\xe9\x8a\x49\x24\x7a\xe3\x9d\xec\x57\x56\xcf\xf8\xb6\x4d\x6c\
\xe2\xf5\x45\xf3\xd2\x2f\x93\xfc\x39\x91\xbd\xe7\x42\xb2\xd6\x86\
\xbb\x52\xb5\xe8\x8e\x4c\x55\xdf\x8a\x13\x3d\xa9\x7e\x34\x1e\xfe\
\x62\xa7\x52\x63\xa5\xcf\x05\xf3\x16\x52\xfd\x15\x6f\xde\xeb\x38\
\xcf\xbe\xfb\x2a\x7c\x64\xef\x37\x5b\xd5\x6a\x75\x47\x25\x49\x25\
\x1d\xa4\x3b\x32\x65\xe7\xd5\xe3\x5b\xba\x76\xef\x76\x57\x83\xb1\
\x28\x4b\xea\xad\x15\xdc\x5e\x95\x5e\xf7\xb1\x43\x16\x8e\xac\x74\
\x1a\xa2\x9f\x5f\x26\x21\x7c\x64\xef\x27\x2d\x49\xdb\x6a\x57\x11\
\xe3\x5e\x67\x3e\x1c\xa1\x0b\x32\xbf\x56\xd5\xe6\x3d\xc5\xe5\xc9\
\xc5\xa3\xc7\xba\x5a\x11\x79\x78\x48\x3d\xfb\x79\x3e\x1e\xf2\xfe\
\xd9\x91\xbd\x9f\x34\x03\xd9\xc3\x84\x79\xf0\xec\x66\x57\x3b\x79\
\xae\x21\x49\xd7\xe8\x99\x81\x7c\xab\xd5\x6a\x1d\x08\x92\xbd\x41\
\xf4\xbd\xb8\x65\x6e\x8b\x9a\x7e\x67\x21\x1d\xcf\xfb\x68\x19\x3c\
\xe6\xa7\x77\x5f\xa7\x13\x26\x44\xa4\xae\x7d\x88\xb1\xa2\x9e\xfd\
\x20\xac\x55\x55\xfb\x7d\xd4\x72\x2f\xec\x14\xc5\xe9\x05\xd1\xf3\
\x3e\x90\x3d\x74\xc1\x3d\xe4\xa9\x63\x24\xd5\xd8\xea\x35\xd1\x75\
\x2a\xbc\xdd\xb4\x4b\x82\x83\x22\x0f\x78\xf2\x3a\xbe\x91\x3d\xc0\
\x74\x52\xbd\x51\x7b\x51\x59\x95\xde\x19\x98\xea\xdd\x02\x37\xbb\
\x92\x76\xc2\xbf\x90\xea\x83\x4e\x71\xa6\xf0\x49\xf5\xd3\xdb\x27\
\x7f\xd6\xbf\x0f\xb2\x27\xd5\xc3\x74\xa8\x07\x8d\x05\x92\x03\x30\
\x46\xe6\xd4\xf9\xc6\x5d\x62\x9d\x49\xa1\xd3\xec\xb8\xa2\xcf\xfb\
\xbd\xcf\xbb\xe8\x91\x3d\xa2\x87\xe9\x8a\xbe\x15\x64\x7c\xa6\xf1\
\x07\xd3\x94\xf4\xa6\xfb\x01\x52\x7d\x77\xaa\xf7\x75\xeb\xe0\x68\
\xd5\xb9\x49\xd7\xb3\xcf\x7b\x20\x93\xe5\x94\x3e\xb2\x07\xc8\x99\
\xc8\x14\x7e\xcd\x15\xbd\x69\x6f\xf3\x5a\xa1\x97\xe2\xb1\x56\xf6\
\xc2\x6a\xed\xca\x53\xa7\x97\xe4\x36\x18\x2c\xa3\x59\x2b\x18\x33\
\xef\xa9\xb8\x08\x20\x7b\x80\xc9\x11\x8a\xbe\x33\x75\x6f\x8c\xd9\
\x31\x6c\xa9\xdb\x17\x63\x54\x93\xf4\x3e\x7a\x22\x5d\x22\x2c\x2a\
\x17\xde\x7e\x30\x51\x51\x9a\xac\xfa\x60\x9a\xa9\x1e\xd9\x03\xcc\
\x11\x87\x2f\x2f\x46\x45\xdf\xf1\x98\xda\x8b\xcd\x76\x24\xbd\x85\
\x9e\x4a\xce\x23\x7f\xf7\xf1\xb8\x0f\xff\xda\xb7\x7e\xd8\xdd\x58\
\xeb\x91\x51\xd1\x9f\x54\x30\x53\x94\xf2\xa4\xfa\x96\xd5\xf8\x00\
\xf3\x4b\x55\xdd\xbb\xbf\x19\xb5\x77\x2f\xdc\x3a\x7f\xaa\x1a\xfe\
\x3b\xa4\x90\x5c\xb4\x49\xb6\xe9\x5b\x3f\xf4\x5b\xb7\x50\xf4\x3d\
\xf2\xa3\xef\x6f\x12\x03\x9e\x22\x0c\xa2\x90\x3d\x40\xbe\x54\x82\
\x44\x6f\x9c\x73\xae\x21\x69\x8b\xae\xc9\x86\xf5\xf5\x4b\xf2\x71\
\xaf\x82\xb5\x73\x8f\x79\x95\xea\x93\x24\xfa\x2c\xfb\x20\x7c\xed\
\x49\xf6\x2b\x9b\xea\x40\xa6\x1c\x7a\xae\xde\xd5\xd4\x92\xd4\xd2\
\xeb\xf4\x4c\xa6\xfc\x50\xd2\x4b\xd6\xda\xa5\x88\xe8\x77\x14\x3c\
\x42\xc6\x42\xb3\xf4\xb8\x35\xed\xe3\x2e\xf6\xbe\xe2\x93\xe8\x27\
\x59\xcf\xbe\x48\x20\x7b\x08\x61\xcb\xd6\x6c\xa9\x1e\xbe\xbc\x78\
\x2c\x46\xf4\x5b\xe2\xd9\x7a\xc8\x49\xf4\x3e\x95\xb9\x9d\xc4\x80\
\xa7\x48\x83\x28\x64\x0f\x26\xf2\x7f\xc8\x82\xf6\xb4\xb2\xdb\xb7\
\xa1\xe8\x5b\x74\x4e\x36\x90\xec\xf8\xdd\x23\x7a\x64\x0f\xc9\x59\
\xa4\x0b\x72\xa1\xe5\x88\x7e\x2f\x2a\x7a\xa6\xf0\xd3\xe3\x4e\xe1\
\xf7\x88\xde\xf8\x37\x5b\xb2\xb2\x7a\xc6\xbb\xfb\xf4\x17\x8f\x1e\
\x9b\x8b\x27\x10\xac\xb5\x2a\x95\x66\x4b\xaf\xc8\xde\xef\x44\xbf\
\x24\x69\x81\xae\xc8\x95\xa6\xa4\x4d\x12\x7d\xde\x89\xde\x34\x7d\
\xef\x17\x1f\xa6\xf0\x1f\x98\x83\xf7\xf8\xc6\x1b\xd7\xf5\xbd\xef\
\xbd\xa4\x57\x5f\xbd\xa6\x7a\xbd\x2e\x6b\xb3\x3e\xd6\x91\x3d\xa4\
\xfb\xbd\x2f\x22\xfa\xfc\x07\xf8\x71\xa2\x27\xd5\xa7\xe7\xe4\xb9\
\x4e\x3d\x9c\x9e\xb5\x25\x41\xb2\x7b\x9b\x8f\xfd\xb2\x70\x64\xa5\
\xd3\xbc\x38\x0e\x5e\xbb\x3e\xb3\xa9\xbe\xd9\x6c\xea\xea\xd5\xef\
\xe8\xeb\x5f\x7f\x51\xd7\xae\xfd\x42\x2f\xbd\xf4\x8f\x7a\xe6\x99\
\x75\xd5\xeb\xa3\x3d\x59\x9b\xf5\x6d\x2a\x64\xef\x27\x65\x75\x3f\
\xf7\x1d\x26\x7d\xc8\x96\x1b\x41\xb2\x87\xec\x8e\xdb\x7a\xf4\x62\
\x1f\x88\xce\xfb\x2d\x87\x2f\x1e\x3d\xd6\xd5\x8a\xce\xac\x89\xfe\
\xd2\xa5\xcb\xfa\xe5\x2f\xff\x69\x7f\xa4\x6f\xad\x9a\xcd\xd1\x4e\
\xff\x3c\xd6\xa3\x20\x7b\xbf\x53\x27\xc7\x40\x5e\xb4\xef\x21\xf7\
\x4c\xdd\x93\xea\xc7\xba\x56\x2d\x32\x28\x8d\xc7\x2d\x73\x9b\x97\
\x2c\xe6\x49\xf4\x93\x7c\xff\x8d\xc6\x8e\x2e\x5d\xba\x9c\xc9\x6b\
\x51\xf5\x0e\x72\x53\x92\xb5\x36\xdc\x97\x9d\xfd\xd9\x33\xe6\xd5\
\xe3\x5b\xba\x76\xef\x76\x57\x83\x91\xf8\x66\xb3\xd9\x3c\x10\x15\
\xbd\x8f\x9b\xc8\x4c\x5b\x18\xb0\xcf\xde\x5e\x53\x3f\xf9\xc9\xcb\
\xba\x7c\xf9\xef\x33\x1d\xc4\xb8\xbf\x3f\xaa\xde\x41\x56\x34\xcb\
\xe5\xf2\x96\x4a\x92\x4a\xec\xcf\x9e\x31\xff\x2c\xc5\xe7\xfe\x86\
\xee\xea\x8f\xb5\xaa\xab\x3d\x85\xdf\x79\x9c\x31\xbc\x08\x52\xea\
\xb6\x3b\xd5\xfb\x20\xfa\x69\xa4\xfa\xc5\xda\x62\x4f\x3b\x78\xe0\
\x26\xbd\xef\x8f\xfe\x48\xff\xfa\x5f\xdd\x1f\xdb\x56\x3e\xf9\x49\
\xfd\xeb\x7f\x75\xbf\x4a\x2a\x77\xbe\x86\x64\x0f\xd3\xa0\x25\xee\
\x29\x4f\x9c\x07\xcf\x6e\x76\xb5\x93\xe7\x1a\xb2\xcc\xaa\x24\xb9\
\x4e\xd9\x40\xf4\x0d\x12\xbd\xbf\x0c\x2b\xdd\x5b\xa4\xc1\x4e\xd6\
\xc7\x39\xb2\xf7\x34\xd1\x07\xa2\xe7\x71\xb0\x09\x12\xa9\x6b\x1f\
\x52\xf6\x71\x5f\xf7\x14\xa9\xbe\xe1\xfc\x35\xac\x12\x48\xaa\x2f\
\xb8\xe8\x06\xf1\x99\xab\x57\x62\x1f\x33\xcc\x6b\xfa\xbb\x08\xa2\
\x47\xf6\x7e\xa7\xfa\xa6\x24\xbd\x72\xcf\x26\xbd\x31\x3d\x7a\x56\
\x97\x43\x37\xc6\xc8\x9c\x3a\xdf\xb8\x2b\x38\x66\x29\x1e\x14\x21\
\x9c\xc2\xf7\x44\xf4\x0c\x8a\x91\x3d\xc0\xdc\xa5\xfa\xb2\xda\x9b\
\x1a\x71\x0e\x26\x1b\x9c\xbe\xe9\x7e\x80\x54\x3f\x38\xd1\x0f\x9b\
\xee\x9e\x77\xa2\x8f\x16\x32\x7d\x8f\xec\x61\x00\xac\x0e\x9f\x6a\
\xa2\x5f\x12\xc5\x87\x86\x62\xad\xec\x85\xd5\xda\x0b\xa2\x78\xd0\
\xd4\x65\x31\xab\xa9\x7e\x1e\xb6\xcf\x9d\x85\xdf\x1d\xb2\x07\x98\
\x6c\xaa\x0f\x9f\x17\x2f\x4b\xb2\xc6\xc8\xc8\x20\xfd\xbe\x57\x78\
\xa3\x9a\xa4\xf7\xd1\x13\xbd\xec\x6e\xac\x15\x4a\x74\x6a\x8f\xe8\
\x7e\x65\xa5\x97\xd5\x2e\x11\xfd\x7d\xa9\xab\xa0\x54\x6c\xaa\x5f\
\x5e\x3e\x51\x0b\x1a\xe7\x11\xb2\x07\x52\xfd\xcc\xa4\x93\x70\x9b\
\xe2\x70\x75\xf9\x9e\xe1\x5e\xe4\x50\x9e\x3a\xbd\xd4\x69\x7d\xa6\
\xf0\x5f\xf3\xad\x4f\xfa\xdd\xca\x98\xd1\x3d\xf2\x5b\x31\xe7\x42\
\x57\xbb\x78\xf4\x98\x91\xb4\xf9\x37\x47\x8f\x1d\xbd\x78\xf4\xd8\
\x9d\x17\x8f\x1e\xfb\xe3\xa8\xd8\x63\x76\x06\x74\x47\xd2\x96\x27\
\x35\x90\x3d\x20\xfa\x59\x60\x51\x52\x35\xb8\xf0\x19\x49\xcd\xc7\
\x1f\xa9\x7d\x4d\xce\x0a\x73\x48\x96\x68\xa3\x4d\xb2\xde\x0d\x98\
\xd6\xce\x3d\x36\xab\xa9\x7e\x47\xd2\x4f\x24\x6d\x04\xe9\xfc\x1f\
\xd5\xbd\x4f\x42\x4f\x52\x0f\x24\x7e\xd3\xdf\x1c\x3d\x76\x34\xf8\
\xf7\x2d\x25\x7b\x2c\x78\x5b\x52\x23\x68\x3c\x5d\x84\xec\x01\xa6\
\xc3\xe1\xcb\x9d\x8d\x34\x96\x22\xa2\x6f\x95\x4a\xa5\x2d\x49\x77\
\x48\x7a\x07\x3d\x35\x3a\xeb\xeb\x97\xe4\xfb\xe3\x8b\x71\xa2\xcf\
\x61\x91\x5e\x2b\x22\x60\xd3\x27\xa1\xd7\x2e\x1e\x3d\xf6\xa7\x17\
\x8f\x1e\xbb\xeb\xe2\xd1\x63\x77\x5f\x3c\x7a\xec\xfd\xfd\xf6\xea\
\x77\x3e\xbe\xe0\x0c\x14\xb6\x18\x00\x23\x7b\x80\x79\x4d\xf4\xe1\
\xd4\x7d\x78\xd1\xdc\x52\xbb\xce\x3d\xa4\xc0\xad\x69\xdf\x11\xbd\
\xe7\xe4\x98\xe8\x4d\x90\xca\xbf\x1f\xa4\xf4\x1f\xa9\x5d\x70\xa8\
\x27\x9d\x47\x12\xfa\x41\xc7\x2f\x49\x13\xfa\xae\xda\x4f\x5c\x6c\
\x05\x29\x1d\x44\x89\x5b\x80\x79\xa2\x1e\x24\x7a\x97\x2d\xb1\x6b\
\x1e\x8c\xc7\xaf\x13\x8a\xde\xd8\x6e\x31\x37\x6d\x5b\xaa\xbb\x43\
\xd2\xb9\x91\xf4\x93\x8b\x47\x8f\xfd\xd9\xc5\xa3\xc7\x3e\x7c\xf1\
\xe8\xb1\x0f\x49\x3a\xd2\xef\x9b\x44\x12\x7a\x33\x38\xc6\xaf\x23\
\xee\xd9\x10\x3d\xb2\x07\xc8\x8f\x1f\x4a\xfa\x47\x6b\x6d\x35\x92\
\x94\xb6\xc3\x0b\xed\x13\x9f\x67\x3f\x9d\x59\xba\x18\xce\x11\xbb\
\x92\x7e\x39\x48\xbc\x91\x52\xb7\x3f\x0e\x92\xf9\x86\xa4\x1f\xff\
\xa7\x0f\xde\x75\xab\x95\x7e\xa6\x3e\x0b\x43\x83\xaf\x59\x08\x04\
\x1f\x7e\xce\x8d\x84\xa5\x73\x77\x25\x6d\x06\x92\x67\xe6\x6a\x86\
\x40\xf6\x3e\xd2\x8a\x6d\xd7\xe9\x98\x4c\xa9\x1e\xbe\xbc\x78\xcc\
\xb9\x58\x86\x53\x9a\x24\x9d\x11\xf9\xdc\x5f\xdd\xe8\x2f\x7a\xe3\
\xcd\x73\xf8\x37\x24\xfd\x60\x77\x63\xed\x8e\x84\xd3\xf7\xf5\xbf\
\xd9\xbf\x7f\x7e\xe7\xc5\xa3\xc7\xee\xb0\xd6\x56\x83\x15\xef\x1a\
\xb0\xda\xbd\x1a\x7c\xaf\x1b\x41\x42\x67\x9f\x83\x39\x1f\xc8\x22\
\x7b\x0f\x39\xf4\x7c\xbd\xab\x41\x0e\x74\x2f\x18\xeb\x11\x3d\x75\
\xed\xb3\xbe\x10\x9a\xa2\x16\x74\x7a\x73\x77\x63\xcd\x48\xfa\x4e\
\xbb\xd9\x57\x77\x37\xd6\x3e\xa8\x04\xf7\xc1\x83\x7e\x5a\xea\x0c\
\x87\xda\xe2\x36\x7d\x92\x7c\xdc\xa0\xa2\x11\x7c\x1f\x83\x2b\xe6\
\x5b\xf4\xc8\x1e\xba\xb3\x11\x64\x49\xcb\xe9\xd7\x6d\x12\xfd\x78\
\x9c\x3c\xd7\xe9\xbe\x4a\xf4\xdf\x56\x56\xcf\x48\xd2\x3b\xe7\x6a\
\x28\xd8\xbd\x66\xc3\xf4\x6b\xbb\x1b\x6b\x07\x25\xdd\xb2\xbb\xb1\
\xf6\xd1\xdd\x8d\xb5\x7b\x76\x37\x9e\xf9\x13\xa5\x5b\xef\xb1\xe9\
\xa4\x73\xf7\xd1\xb4\xbd\x04\xc2\x97\xda\x8b\x4b\x6f\x52\xef\xba\
\x13\x98\x00\xd4\xb3\x87\x2c\x59\xa0\x0b\x72\x1d\x40\xed\x04\xb2\
\x67\x1a\x74\x7c\x7a\x0a\x07\xcd\xc1\x26\x2a\x37\xd4\xbe\x67\xfe\
\x92\xa4\xef\x05\x09\xbd\x14\xc8\xd3\xf4\x1b\x64\xef\xef\x1f\xa0\
\x9b\x9c\xcf\xdb\x0b\x8e\xa5\x34\xa2\x08\xd7\x88\x34\x9d\x63\x72\
\x2f\xe5\xe0\xb3\x99\xe6\xfb\x42\xcf\xc0\xce\x4a\xda\xd8\x6a\x6c\
\xd5\x86\x85\x2a\xea\xd9\x43\x5e\x54\x82\x91\x3b\xe4\xc3\x6e\x9c\
\xe8\x99\xc2\x1f\x6d\xe0\x64\x8c\x99\xe5\x7b\x4e\xfd\x92\xf9\x4d\
\xbb\x1b\x6b\x7f\xb2\xbb\xb1\xf6\xe7\xbb\x1b\x6b\x1f\xd9\xdd\x58\
\xfb\x70\x58\xa9\xae\xef\x41\xb3\xff\xef\xb5\xe0\xff\xdb\x41\x42\
\xdf\xcc\x60\xd0\x18\x96\xb7\x4e\x23\xab\x37\x39\xfc\x12\x4b\x3d\
\xda\x42\xc2\x3d\x0a\x6c\x52\xd1\x53\xcf\x1e\xb2\x14\xfd\x92\x98\
\xbe\xcf\x93\x2d\xb1\xab\x57\x16\x12\xfd\xd6\xde\xde\xde\x01\x45\
\x0a\x07\x45\x2e\x86\x39\x1d\xc7\xf6\x37\x92\xfd\x85\x64\x7f\x14\
\xa4\xf3\xef\xf6\x11\x7b\x92\x64\xde\x0c\x84\xad\x61\xc2\x0f\x68\
\x04\xa2\xdd\x56\x7b\x86\x28\x8b\x63\xa9\x31\xc2\x31\x0c\xc9\xa5\
\x9e\x89\x6f\xa9\x67\x0f\x59\x8a\xfe\x00\xa2\xcf\x55\x51\xb1\x17\
\x01\x52\x7d\xfa\x2b\xeb\xe7\xfe\xea\xc6\xdd\xc6\x98\x8a\xf6\xeb\
\x09\xe4\x35\x7d\xdf\x25\xf0\xe6\x0f\xff\xce\x48\xe6\x97\xbb\x1b\
\xcf\xfc\xd1\xee\xc6\x33\x1f\x0a\xd2\xf9\x9f\xa6\x48\xe6\x8b\xc1\
\x35\x36\x9c\x36\xdf\x9c\xc3\xc1\x9f\x97\xb7\x9f\x16\x6b\x8b\xd6\
\x6d\x29\xa5\x1e\x47\x59\x29\x2a\xf7\xe5\x01\xb2\xf7\x37\x2d\x99\
\x98\x8f\x41\x86\xd7\x8b\x57\x8f\x6f\xe9\xda\xbd\xdb\x5d\x0d\x52\
\xf3\x7d\x63\x4c\xd5\x11\xfd\xce\x00\xd1\xc7\x1d\xd7\x0d\x59\xfb\
\x6b\x59\xfb\x6a\x90\xce\xcd\x80\x16\x4d\xe5\x95\xdd\x8d\xb5\x0f\
\x3b\xff\xb6\xab\x74\xdb\xb8\x6e\x49\x7a\x43\xed\x69\xf3\xa4\x3b\
\xc9\xc1\x14\xa5\xee\xc8\x3d\x8f\x6b\xae\x4d\x22\x7a\xea\xd9\x43\
\x9e\xe2\x97\x98\x6e\xce\x9a\x5b\xe3\x3e\xf8\xe0\xd9\xcd\xae\x16\
\xac\x32\xbf\x46\x77\xc5\x44\x4a\x2b\x23\xdb\xb5\xcd\x70\xd2\x85\
\x65\xa6\xf9\xc3\xbf\x33\xc1\x23\x6b\x3f\x69\xfe\xe8\xff\xf9\x83\
\xdd\x1f\x3c\xf3\x81\xdd\x8d\x67\x3e\x90\x22\x95\x57\x5a\xad\xd6\
\x4d\xce\x45\xba\x33\x05\x0f\x48\x3d\x2f\xa8\x67\x0f\xb9\x89\xde\
\x5a\xbb\x15\xe4\x1a\x6a\x41\xe7\x4c\xa4\xae\xfd\xfe\xef\x40\xf4\
\x7d\xac\xe8\xa5\x1f\x3e\xf4\x85\xcd\x0f\x39\x83\xd1\xad\x7e\x82\
\xee\xad\x82\xa7\x8a\xda\x8f\xac\xfd\x79\xab\xd5\x2a\x2b\xc1\x4a\
\xf6\xc8\x40\xa0\x19\xa4\xf2\xd7\x83\xff\x17\x7e\x91\x5a\x82\xdd\
\xf1\x90\x7a\xc6\xb8\xa9\x3e\xef\x27\x4b\x90\xbd\xdf\x6c\x55\xab\
\xd5\x9d\x40\xf6\xdc\x4c\x9e\xc2\x60\x4b\xd2\x82\xef\x15\xdb\x22\
\xbc\xfe\xe0\xd9\x4d\x23\x69\xc3\x11\xbd\x55\x7b\x2a\x3c\xe9\x45\
\xbb\xdc\x6a\xb5\x0e\x04\xd7\xb7\x52\x30\x50\xb8\x91\xf2\xe7\xb0\
\x2a\xc6\x6c\x57\x21\x77\xcd\x9a\x37\xa9\xf7\x3b\xff\x97\x97\x4f\
\x4c\xec\xdc\x47\xf6\x9e\x06\x27\xed\xd7\x80\xe6\xf9\xef\xe9\x51\
\x2d\xea\xc5\xd8\x49\xe8\xb6\xcf\x20\x27\xb6\x3d\x78\x76\xf3\xad\
\x92\x0e\x3e\xf4\x85\x4d\x37\x66\xa6\x5d\xd8\x56\x0e\x52\xfc\x75\
\x49\xbf\x0d\xfe\xef\x1d\x41\x6a\x9c\xeb\x59\xa3\xc5\xda\xa2\x7d\
\xfa\xae\xe3\x9d\x36\xa7\x52\xef\x9b\xe8\xd7\xd7\x2f\xd9\x49\xa4\
\x7a\x64\xef\x2f\x7b\xe2\x91\x9a\x89\x12\x33\x85\x5f\x55\x7b\xb5\
\x76\x21\x06\x5b\xd6\xea\x4d\x6b\xf5\x7a\xcb\xea\xe7\xd6\xea\x47\
\x76\xff\x31\xb5\x92\x86\x3c\xa6\x26\xed\xaf\x65\x50\xfb\x51\xb5\
\xb2\xf3\xb9\xa3\x94\x02\xde\xd1\x7e\x21\x16\x5f\xd7\xa2\x54\x97\
\x97\x4f\xdc\x32\x2f\xc7\x57\x41\x92\xfa\x30\x3a\x0b\x34\x97\x97\
\x4f\x94\x26\x29\x7a\x64\x0f\xfa\xe9\xdd\xd4\xbf\x99\x52\xa2\xdf\
\x17\xbd\x99\xcb\x69\xfc\x8e\xbc\x4f\x9d\xdf\x31\x0f\x7d\x61\xf3\
\xe0\xa9\xf3\xdb\x87\x4f\x7e\x71\xeb\xf6\x87\xbe\xb0\xf9\xa1\x87\
\xce\x6e\xfe\xf9\x83\x67\x37\x8f\x3e\xf4\x85\xe1\x6b\xda\x9c\x1a\
\xf5\xee\xa3\x6a\x3b\x81\xe8\x77\x38\x5c\x46\xa2\x1c\xc8\x65\xa6\
\x06\x3b\x6e\x4a\x2f\x52\x52\x4f\x38\xa0\x69\x3a\xde\x4d\xf4\x9e\
\xa9\x67\x0f\x99\xc0\xa3\x60\x53\x49\xf5\x71\xbb\x16\x4e\xfd\x3c\
\xb4\x56\xbb\xad\x96\x6e\xb4\xac\x7e\x6d\xad\x7e\xa2\xc1\x8f\xa8\
\x19\xa9\x5d\x85\x2e\xa8\x44\x57\x92\x74\xb0\xd9\x6c\x2d\x58\x6b\
\xc3\x7f\xbf\xa1\xf4\x8f\x9a\x85\x8f\xaa\xbd\xa9\xfd\x32\xa9\x30\
\x1a\x5b\xda\xdf\x90\x67\x26\x92\xfa\xd3\x77\x1d\xf7\xf9\x96\xa1\
\x75\xce\xf5\x8a\x12\xec\x17\x41\x3d\x7b\x80\xf9\xa5\x67\xd7\x42\
\x63\xb4\x27\xe9\xf7\xa6\xf0\xb3\xfc\x2a\x58\x08\xf7\x0f\x56\xfa\
\x8e\x8c\x7e\xb0\x7a\x61\xe7\x6d\xa7\xce\x6d\xdf\x2a\xe9\x3d\xc3\
\xbe\xd8\x29\x37\x5b\x0a\x76\xb7\x5b\xd0\x7e\x75\xb4\x4d\x51\xcb\
\xbc\x68\xa9\xf4\x7b\x83\x92\x7a\xc1\xa7\xdf\xb3\x20\x1c\xb8\xde\
\xa4\x60\xb6\x65\x92\xa2\x47\xf6\xa4\x7a\x98\x5c\xaa\x2f\x6b\x7f\
\x9a\x3a\xdc\x20\x66\x4f\xd2\x56\x8e\x73\xf8\x83\x16\xc2\xbd\x4d\
\xd2\xc1\x07\xcf\x6e\xde\xf3\xd0\xd9\xcd\x8f\x3e\x74\x76\xf3\x23\
\x7b\x7b\x7b\x89\x57\xa0\x1b\x63\xc2\x56\x52\x7b\xb3\x99\xeb\xda\
\x7f\x54\x8d\xa9\xf7\xe2\xf1\x1e\x37\xa1\x87\x8d\x6e\x49\xcc\xfb\
\xe5\x6c\xb5\xbc\xbe\x7e\x69\xe2\xb7\x57\x90\x3d\xa2\x87\xfc\x44\
\xeb\x9e\x67\x8b\x81\xf0\x6d\xf0\xf7\x5d\x49\x9b\x7b\x7b\xcd\xa8\
\x98\x07\x62\xad\xb6\x5b\x56\xff\x2d\xb2\x10\x6e\xe0\x8e\x70\x2e\
\xce\x42\xb8\x25\xe7\xfc\x0f\xab\xf3\x35\x5a\xad\x96\x1e\xfa\xc2\
\xa6\x7b\x1f\x7d\x18\xe1\xf3\xeb\xbb\xc1\x40\x01\x01\xcc\x77\x82\
\xef\xb7\x50\xae\x46\xef\x64\x86\x9d\x74\xaa\x47\xf6\x00\x39\x8a\
\xde\x49\xf5\x4b\x6a\x4f\xe1\x87\x89\x7e\x57\xed\x7b\xaa\x76\xc8\
\x20\x41\x4e\x12\x37\x0f\x9e\xdd\x34\x32\xfa\xf1\x23\xe7\x1b\xef\
\x3a\xf9\xc5\xad\x3f\x0a\x16\xc2\x7d\x20\xa9\x98\x9d\xcf\x5b\x92\
\x3a\x3b\xd3\x35\xb5\xbf\x18\x0e\x51\x23\x75\xc8\x59\xf4\x1a\x70\
\x8b\x6b\x7d\xfd\x92\xdc\x67\xef\xa9\x67\x0f\x30\x3f\xa2\x3f\xe0\
\x24\x7a\xb7\xf2\x59\x6b\xc8\x6b\x84\x92\x0f\x25\x5d\x91\x74\xcb\
\x43\x67\x37\xef\x6e\x36\x9b\x0b\xd6\xda\x72\xf0\x3a\x89\x16\xc1\
\x45\x06\x04\xdb\x6a\x3f\x7f\xee\x2e\x86\xe3\x42\xef\x89\xd0\x91\
\xfa\x54\xd8\x09\xce\xe1\xa1\x8f\x3f\xe5\xf5\x48\x1e\xb2\x07\xc8\
\x3f\xd1\x87\x84\x5b\xbe\x26\xba\x5f\xe7\x08\xda\xad\x52\x18\xee\
\x0a\xb7\x19\xcc\x10\x8c\x02\x75\x10\x48\xe9\x30\x59\x5e\xde\x6a\
\x6c\xdd\xa1\x14\xf5\xec\xb3\x06\xd9\x03\x64\x23\x79\x73\xe8\xb9\
\xba\x2b\xfa\x45\xb5\xa7\xca\x5d\x12\xaf\x52\x77\x44\x1f\xde\xef\
\x6f\x6a\xbf\x4c\xea\x9b\x62\x11\x1c\x52\x47\xea\xf3\x44\x69\xb1\
\xb6\xd8\x48\x2a\x7a\xea\xd9\x03\x4c\x86\xa6\xac\x6e\xc8\xea\xf5\
\xa8\xd0\xfb\xb4\xe8\xb3\xf4\x75\xb5\x37\xce\x71\xbf\x76\xd4\xc7\
\xd1\x5a\x6a\x4f\xfd\xbd\x19\xcc\x0a\x34\xc6\x48\xf4\x80\xd4\x61\
\x3a\xec\x48\x52\xad\x56\x55\xab\xd5\x52\xa9\x14\xaf\xde\xe5\xe5\
\x13\x86\x12\xb7\x90\x19\x61\x02\xed\x24\xd1\x96\xa4\x56\x97\xd8\
\x7c\x61\x4b\x56\xbf\x90\xd5\xcb\x92\x7e\x20\xe9\x7b\x92\xbe\xa3\
\xf6\x0a\xf7\x9b\x24\xbd\x55\x09\x56\xc9\x3b\xa2\x37\x6a\xaf\x5a\
\x0e\x1f\xb1\x0b\xb7\x8a\xbd\x81\xa0\x21\x4a\xe5\xe5\x4b\x36\xae\
\xd1\x33\x85\xe4\x76\x49\xfa\xdb\xbf\xfd\x7f\xf5\xf7\x7f\xff\xb5\
\x2e\xd9\xbb\xa9\x3e\xbc\x5f\x8f\xec\x21\xd7\x6b\x8f\x07\xef\xb1\
\x2b\x91\x1f\xbe\xbc\xb8\xf4\xee\xbf\x3f\xf0\xae\xc3\xcf\x2f\xfe\
\xf1\xa1\xe7\xea\xc7\x0e\x3d\x57\xbf\xfb\xd0\x73\xf5\x8f\x1c\x7a\
\xae\xfe\xa1\x43\x97\xeb\xa3\x9e\x4f\x0b\x6a\x2f\x80\x0b\xa7\xdb\
\xaf\x23\x7a\x92\x3a\x49\x1d\x42\x3e\xf4\xa1\x3f\xd1\xde\xde\x5e\
\x8f\xe8\x83\x64\x9f\xdb\xf7\x45\xf6\x10\xa6\xd6\xcd\x39\xfb\xb9\
\x9b\xb2\xda\x94\xd5\x3f\xf5\x93\xb9\xfa\x4c\xb7\x3b\xf7\xd6\xeb\
\xcd\x66\xf3\x80\xb5\xb6\xe7\x79\xf3\x91\x7f\xa6\xde\xe9\xf6\x26\
\x87\x98\x5f\x49\x1d\xa9\x43\x3f\x6a\xb5\xaa\x96\x96\x16\x5d\xb9\
\xe7\xf2\x98\x1d\xb2\x87\x38\xc2\x7b\xcb\xaf\xcc\xa8\xf0\x5b\xc1\
\x54\xfb\x2b\x92\x7e\xa4\xfd\x6a\x6a\xdf\x3f\x74\xb9\x7e\x40\xd2\
\xad\x4a\xb8\x21\x4d\x74\xba\xdd\x5a\x1b\x6e\x74\x13\x4e\xb9\x37\
\x34\xa5\xbd\xc4\x61\xbe\x92\x3a\xd3\xef\x30\x0a\xd6\x5a\x77\x0a\
\x7f\xa2\x05\xb0\x90\xbd\xdf\x89\xbe\x2a\xc9\xfc\xc1\xd7\x6f\x96\
\x8c\x5e\x96\xf4\x9b\x19\xf9\xb9\xdc\xa9\xf6\xf2\xa1\xcb\xf5\x77\
\x1e\x7e\x7e\xf1\x7d\x87\x9e\xab\x7f\xe8\xd0\x73\xf5\x3f\x0f\xa6\
\xda\x3f\x2c\xa9\x34\xc6\x74\x7b\x25\x10\xfb\x0d\xed\x6f\xf5\x4a\
\xd9\x5f\xe8\x92\x3a\xd3\xef\x90\x25\x9f\xfc\xe4\xb2\x5a\xad\x56\
\x78\x9d\x2b\x4d\x2a\xd5\x23\x7b\xbf\x45\x5f\x76\x46\x96\x65\x49\
\xbf\x90\x74\x45\xed\xcd\x56\x32\x1b\xc8\x06\x53\xed\x6f\xf4\x93\
\xb9\xfa\x6c\xf1\xea\x4c\xb5\x2f\x48\x3a\x68\xad\x75\xd7\x14\x34\
\x03\x49\x8f\xfa\xbc\x78\xf8\xf5\x61\x09\xd5\x3d\x31\xdd\xee\x2d\
\x4c\xbf\xc3\xa4\xd8\xd9\xe9\x3c\x31\x5b\x0d\xfc\x6b\xa8\x67\x0f\
\x79\x13\xee\xea\xb6\xb7\xbb\xbb\x6b\x64\xf4\x5f\x25\xfd\x44\xd2\
\x2f\x47\x50\xfa\xeb\xb2\xfa\x8d\xac\x7e\xae\xfd\xa9\xf6\x70\x65\
\xfb\x01\x49\xb7\x28\xc5\x54\xbb\x33\xdd\xbe\x60\xad\x0d\x37\xa6\
\x09\x47\xc2\xad\x40\xd4\x5c\x8c\x61\xa4\xa4\xce\xf4\x3b\x4c\x8b\
\x60\x61\x5e\x35\xb8\x7e\x35\x87\x15\xc4\xa1\x9e\x3d\x64\x93\xba\
\x03\x61\x5a\x6b\xad\xa4\xff\x4b\xd2\xff\x2c\xe9\x99\x04\x52\xee\
\x24\xf1\x77\xff\x97\x25\xf3\xce\xe7\x6a\x6f\xfd\xfd\xaf\xde\xf4\
\x8e\x77\xfd\x97\xa5\x7f\x7e\xf8\xf2\xe2\x9f\x06\x53\xed\x77\x1f\
\x7a\xae\x7e\xe7\x88\xd3\xec\xe1\xb1\x59\x0b\x52\xf7\x96\xf6\xa7\
\xdb\x11\x3d\x24\x92\x3a\x49\x1d\x66\x34\x64\x95\xc3\x6b\x30\xf5\
\xec\x21\x6f\x8c\xf3\x7f\x2b\xa9\xe5\xa4\xe9\xff\x18\x15\xba\x06\
\xac\x6a\x0f\x0e\xdc\x9b\xf6\xf6\xf6\x0e\xb4\x5a\xad\xb2\xb5\x36\
\xfc\x9c\x6d\x8d\xb7\xcb\x5b\x4b\xed\x95\xed\x37\x9c\xd7\xda\x13\
\x5b\xbd\x02\x52\x87\xf9\xe5\x80\xf6\x37\xd7\x9a\xe8\xd6\xb9\xc8\
\xde\xef\x64\xdf\xd2\x08\x65\x49\x9d\x81\x41\xa9\xd9\x6c\x2d\x1a\
\x63\x16\x9c\xe3\xa9\xa4\xfd\x47\xcf\x00\x90\x3a\xc0\x7e\xc0\x7a\
\x43\xed\x47\x72\x27\xbe\xf7\x06\xb2\xf7\x9b\xe6\x38\xa2\xd7\x7e\
\x4d\xf4\x5d\xed\x97\x49\xbd\x11\x4d\xf4\x63\x4c\xe5\x03\x52\x47\
\xea\x30\xaf\x72\xef\x59\x78\x1c\x09\x5b\x03\x53\x7d\xd6\x5b\xe7\
\x22\x7b\x7f\x53\x7d\x6a\xd1\x47\x08\x17\xca\xb9\x65\x52\xc3\xe9\
\x76\x2e\xd0\xd0\x97\xd3\x4f\x58\xeb\x36\xa4\x0e\x05\x13\xfb\xc8\
\xcf\xcf\xe7\xb9\x75\x2e\xb2\xf7\x37\x41\xb5\x16\x6b\x8b\x72\xdb\
\x6d\x5f\x7b\xeb\xd0\x16\xf9\x1a\x1b\x7d\x8d\x7e\x2d\xc9\x6b\xc7\
\xbc\xfe\x54\x5f\xfb\xb6\xaf\xe7\xf7\x33\xbb\xed\xf4\x13\xb6\xa7\
\x65\xf1\x1a\xe3\xbc\xde\xb0\xd7\x4c\xf0\xf5\x1d\x89\x47\xe5\xce\
\x19\x08\x88\x3d\x9e\xe5\xe5\x13\xa5\x70\x57\x3d\xea\xd9\x03\xc0\
\xac\xcd\x12\xc5\x35\x00\xc4\x3e\xa2\x8f\x29\x71\x0b\x00\x48\x1d\
\x60\xfe\xc5\xde\xef\xfb\xe7\x56\xf9\x0e\xd9\x03\x00\x52\x07\xc4\
\x3e\xdd\x9f\x27\x2c\x87\x2d\xea\xd9\x03\x00\x52\x07\x98\x6f\xb1\
\x0f\x23\xb7\x7d\x44\x90\x3d\x00\x52\x07\x40\xec\x53\x20\x58\x7d\
\x1f\xd6\x29\xc9\xb5\x3e\x07\xb2\x07\x40\xea\x00\x88\x7d\x0a\x2c\
\x2f\x9f\xa8\x4c\xea\x7c\x45\xf6\x00\x48\x1d\x00\xb1\x4f\x9e\x7a\
\xe0\xe0\x70\x37\xd3\x5c\x41\xf6\x00\x48\x1d\x00\xb1\x4f\xfe\x7d\
\x86\xa5\xb5\x27\x72\x6e\x23\x7b\x00\xa4\x0e\x30\x2b\x72\x2f\x0c\
\x5f\x7e\x7a\xad\xab\xc5\xd0\xd4\xf0\xda\x24\x99\xf5\x09\xb2\x07\
\x40\xea\x00\xa4\xf6\x31\x65\x3e\x4c\xee\x5f\x7e\x7a\x4d\xeb\xeb\
\x97\xc2\x66\x9d\x16\x5b\xe5\x8e\x12\xb7\x00\x48\x1d\x00\xb1\xcf\
\x5e\x52\x1f\x0b\x67\x20\xd0\x11\x7d\x96\x1b\xec\x20\x7b\x00\xa4\
\x0e\xe0\x85\xd8\xd3\x0a\x3b\x4f\xb9\x4f\x1a\x64\x0f\x80\xd4\x01\
\x0a\x21\xf6\x51\xa6\xd6\xd3\x7c\x3e\xb2\x07\x40\xea\x00\x88\x7d\
\xc6\x93\xba\xcf\x20\x7b\x40\xea\x48\x1d\x60\xa0\xd8\xb7\x1a\x5b\
\x33\xe3\x0a\xe4\x8e\xec\x01\x86\x09\x1d\xa9\x03\xa4\x4c\xec\x5b\
\x8d\x2d\x23\x69\x09\xc1\x23\x7b\x00\x52\x3a\x40\x01\xc4\xde\x87\
\x83\x9a\xc0\x0e\x6f\x83\x24\x0f\xc8\x1e\x90\x3a\x00\x64\x27\xf6\
\x68\xaa\x5f\xd2\x14\xee\xd5\x23\x79\x64\x0f\x48\x1d\x00\x26\xb7\
\x78\xce\x44\xfe\x8f\xe4\x91\x3d\x00\x52\x07\x98\x63\xb1\x0f\xfa\
\xfe\xdb\x48\x1e\xd9\x03\x20\x75\x80\x62\x88\x3d\xee\xe7\xd9\x5a\
\xac\x2d\xe6\x56\x6b\x1d\xc9\x23\x7b\x40\xea\x00\x88\x7d\xba\xec\
\x2e\xd6\x16\x1b\xa4\x79\x64\x0f\x48\x1d\xa9\x03\x14\x43\xec\x3d\
\x64\x29\x7a\x36\xc0\x41\xf6\x80\xd4\x01\x10\x7b\xc1\x40\xee\xc8\
\x1e\x90\x3a\x00\x62\x2f\xb8\xe0\x01\xd9\x03\x52\x07\x40\xec\x08\
\x1e\x90\x3d\x20\x75\x00\xc4\x3e\x0f\x92\x07\x64\x0f\x48\x1d\x60\
\x5e\xe5\x0e\x03\x12\x3c\x92\x47\xf6\x30\x19\xb1\x03\x00\xa9\x7d\
\x62\x04\xc5\x70\x00\xd9\x03\x00\x20\xf6\x22\xca\xfc\xcb\x4f\xaf\
\x69\x7d\xfd\x12\x21\x03\xd9\x03\x00\x20\xf6\x69\x31\xca\xf4\xfa\
\x56\x63\xcb\x6c\x35\xb6\x16\xb6\x1a\x5b\xf5\xad\xc6\xd6\xcd\x92\
\x6a\xfd\x5e\x1b\x90\x3d\x00\x00\x62\x9f\xb0\xcc\x87\xc9\x7d\xd8\
\xe7\x3b\x49\xbd\x29\x69\x57\xed\x7d\xef\x77\xe2\x5e\x03\x90\x3d\
\x00\x00\x62\x9f\x91\xa4\x3e\x0a\xeb\xeb\x97\x5a\xeb\xeb\x97\x9a\
\xeb\xeb\x97\x76\xd6\xd7\x2f\xb5\x48\xf3\xc8\x1e\x00\x00\xb1\x4f\
\x48\xf0\xd3\xfe\x19\x00\xd9\x03\x00\x20\xf6\x31\x12\x7a\xd2\xa9\
\x78\x00\x64\x0f\x00\x88\x7d\x06\x65\x9e\xe4\x5e\x3a\x00\xb2\x07\
\x00\xc4\x3e\x67\x49\x1d\x00\xd9\x03\x00\x62\x2f\x90\xe0\x01\x90\
\x3d\x00\x20\x76\x04\x0f\x80\xec\x01\x00\xb1\xcf\x83\xe4\x01\x90\
\x3d\x00\x20\x76\x24\x0f\x80\xec\x01\x00\xb1\x23\x79\x00\x64\x0f\
\x00\x88\x1d\xc9\x03\x20\x7b\x00\x40\xec\xf9\x88\x1e\x00\xd9\x03\
\x00\x62\x9f\x91\xe4\x9d\x65\x02\x27\xcd\x03\xb2\x07\x00\xc4\x3e\
\x45\x99\x8f\x5b\xc5\x8d\x34\x0f\x80\xec\x01\xe6\x5d\xee\x24\xf5\
\x8c\x07\x0f\x00\xc8\x1e\x00\x48\xed\x19\x0b\x18\x00\x90\x3d\x00\
\x62\x9f\xf3\x74\x4e\x9a\x06\x40\xf6\x00\x88\x7d\x0e\xc4\x3e\xce\
\x7d\x74\x00\x40\xf6\x00\x88\x7d\xce\x92\x3a\x00\x20\x7b\x00\xc4\
\x5e\x80\xa9\x78\x00\x40\xf6\x00\x50\x90\xc5\x73\x08\x1e\x00\x90\
\x3d\x40\x81\xc4\x1e\x27\x79\x00\x00\x64\x0f\x88\xbd\xa0\xbb\xcf\
\x01\x00\x20\x7b\x40\xec\x05\x03\xc9\x03\x00\xb2\x07\xc4\x5e\x50\
\xb9\x23\x79\x00\x40\xf6\x80\xd8\x0b\x26\x75\xe4\x0e\x00\xc8\x1e\
\x10\x3b\x89\x1d\x00\x00\xd9\x03\x62\x9f\x65\xc1\x03\x00\x20\x7b\
\x40\xec\x73\x9a\xd0\x43\x91\x33\x25\x0f\x00\xc8\x1e\x10\xfb\x1c\
\xcb\x7c\x98\xc0\x11\x3b\x00\x20\x7b\x40\xec\x73\x24\x77\x00\x00\
\x64\x0f\x88\xbd\x60\x82\x07\x00\x40\xf6\x80\xd8\x0b\x92\xd0\x11\
\x3c\x00\x20\x7b\xf0\x59\xee\x73\x29\xf3\x34\x72\x47\xf0\x00\x80\
\xec\x81\xd4\x3e\x87\x49\x1d\x00\x00\x90\x3d\x62\x9f\xc3\xe9\x78\
\xe4\x0e\x00\x80\xec\xa1\x40\x62\x47\xf0\x00\x00\xc8\x1e\x0a\x28\
\xf6\x38\xc9\x03\x00\x00\xb2\x47\xec\x05\x91\x3a\xf7\xe0\x01\x00\
\x90\x3d\x62\x2f\xc8\x23\x6f\x48\x1d\x00\x00\xd9\x23\xf6\x02\xdd\
\x63\x47\xe6\x00\x00\xc8\x1e\xb1\x17\x70\x2a\x1e\x00\x00\x90\x3d\
\x62\x9f\xd3\x74\x1e\x15\x39\x82\x07\x00\x40\xf6\x88\x7d\x86\xc5\
\x3e\xca\x6e\x73\x08\x1e\x00\x00\xd9\x23\xf6\x39\x4b\xea\x00\x00\
\x80\xec\x61\x4e\xc5\x1e\x27\x78\x00\x00\x40\xf6\x30\xe7\x62\x47\
\xf0\x00\x00\x80\xec\x0b\x28\xf6\x38\xc9\x03\x00\x00\xf8\x2c\x7b\
\xb6\x94\x05\x00\x00\x64\x3f\x67\x58\xdf\xc4\x8e\xe4\x01\x00\xc0\
\x37\xd9\xef\xf8\x22\xf6\xa8\xe0\x91\x3c\x00\x00\x78\x21\xfb\x2f\
\x3f\xbd\x56\xff\xf2\xd3\x6b\x66\xd8\xf3\xe2\x45\x6a\x00\x00\x00\
\xbe\x25\x7b\x00\x00\x00\x40\xf6\x00\x00\x00\xc8\x1e\x00\x00\x00\
\x90\x3d\x00\x00\x00\x20\x7b\x00\x00\x00\x40\xf6\x00\x00\x00\x80\
\xec\x01\x00\x00\x00\xd9\x03\x00\x00\x00\xb2\x07\x00\x00\x00\x64\
\x0f\x00\x00\x80\xec\x01\x00\x00\x00\xd9\x03\x00\x00\x00\xb2\x07\
\x00\x00\x00\x64\x0f\x00\x00\x00\xc8\x1e\x00\x00\x00\x90\x3d\x00\
\x00\x00\x20\x7b\x00\x00\x00\x64\x0f\x00\x00\x00\xc8\x1e\x00\x00\
\x00\x90\x3d\x00\x00\x00\x20\x7b\x00\x00\x00\x40\xf6\x00\x00\x00\
\x80\xec\x01\x00\x00\x20\x01\xff\x7d\x00\xf8\x55\x03\x95\x96\xce\
\x29\xaa\x00\x00\x00\x00\x49\x45\x4e\x44\xae\x42\x60\x82\
"
qt_resource_name = b"\
\x00\x09\
\x0a\x6c\x78\x43\
\x00\x72\
\x00\x65\x00\x73\x00\x6f\x00\x75\x00\x72\x00\x63\x00\x65\x00\x73\
\x00\x0b\
\x04\x31\xad\x56\
\x00\x73\
\x00\x70\x00\x69\x00\x6e\x00\x6e\x00\x65\x00\x72\x00\x2e\x00\x67\x00\x69\x00\x66\
\x00\x0f\
\x07\xd5\x46\x23\
\x00\x6c\
\x00\x69\x00\x67\x00\x68\x00\x74\x00\x5f\x00\x73\x00\x74\x00\x79\x00\x6c\x00\x65\x00\x2e\x00\x71\x00\x73\x00\x73\
\x00\x0b\
\x0c\x91\x85\x87\
\x00\x65\
\x00\x5f\x00\x72\x00\x6f\x00\x75\x00\x6e\x00\x64\x00\x2e\x00\x70\x00\x6e\x00\x67\
\x00\x09\
\x06\x98\x83\x27\
\x00\x63\
\x00\x6c\x00\x6f\x00\x73\x00\x65\x00\x2e\x00\x70\x00\x6e\x00\x67\
\x00\x08\
\x05\xe2\x59\x27\
\x00\x6c\
\x00\x6f\x00\x67\x00\x6f\x00\x2e\x00\x70\x00\x6e\x00\x67\
"
qt_resource_struct_v1 = b"\
\x00\x00\x00\x00\x00\x02\x00\x00\x00\x01\x00\x00\x00\x01\
\x00\x00\x00\x00\x00\x02\x00\x00\x00\x05\x00\x00\x00\x02\
\x00\x00\x00\x18\x00\x00\x00\x00\x00\x01\x00\x00\x00\x00\
\x00\x00\x00\x8c\x00\x00\x00\x00\x00\x01\x00\x00\xfe\x8c\
\x00\x00\x00\x74\x00\x00\x00\x00\x00\x01\x00\x00\xf1\xe1\
\x00\x00\x00\x34\x00\x01\x00\x00\x00\x01\x00\x00\xe5\x7a\
\x00\x00\x00\x58\x00\x01\x00\x00\x00\x01\x00\x00\xe9\xfa\
"
qt_resource_struct_v2 = b"\
\x00\x00\x00\x00\x00\x02\x00\x00\x00\x01\x00\x00\x00\x01\
\x00\x00\x00\x00\x00\x00\x00\x00\
\x00\x00\x00\x00\x00\x02\x00\x00\x00\x05\x00\x00\x00\x02\
\x00\x00\x00\x00\x00\x00\x00\x00\
\x00\x00\x00\x18\x00\x00\x00\x00\x00\x01\x00\x00\x00\x00\
\x00\x00\x01\x5e\x23\xda\x61\xe7\
\x00\x00\x00\x8c\x00\x00\x00\x00\x00\x01\x00\x00\xfe\x8c\
\x00\x00\x01\x5e\x51\xb4\x87\x12\
\x00\x00\x00\x74\x00\x00\x00\x00\x00\x01\x00\x00\xf1\xe1\
\x00\x00\x01\x5e\x0f\x08\x57\xe5\
\x00\x00\x00\x34\x00\x01\x00\x00\x00\x01\x00\x00\xe5\x7a\
\x00\x00\x01\x5e\x4b\x9e\xce\x50\
\x00\x00\x00\x58\x00\x01\x00\x00\x00\x01\x00\x00\xe9\xfa\
\x00\x00\x01\x5e\x0e\xdf\x33\x6b\
"
qt_version = QtCore.qVersion().split('.')
if qt_version < ['5', '8', '0']:
rcc_version = 1
qt_resource_struct = qt_resource_struct_v1
else:
rcc_version = 2
qt_resource_struct = qt_resource_struct_v2
def qInitResources():
QtCore.qRegisterResourceData(rcc_version, qt_resource_struct, qt_resource_name, qt_resource_data)
def qCleanupResources():
QtCore.qUnregisterResourceData(rcc_version, qt_resource_struct, qt_resource_name, qt_resource_data)
qInitResources()
| 0.980469 | 1 |
server/tests/test_leds.py | jeffeb3/sandypi | 0 | 12787563 | <reponame>jeffeb3/sandypi
from server.hw_controller.leds.leds_driver import LedsDriver
def test_led_driver_error():
try:
ld = LedsDriver()
except:
assert(True)
def test_led_driver():
try:
ld = LedsDriver((30,20))
assert(True)
except:
assert(False)
| 2.203125 | 2 |
Warm Up: Machine Learning with a Heart/Python approach (Random Forest).py | RenXie/Drivendata | 0 | 12787564 | <gh_stars>0
import numpy as np
import pandas as pd
import matplotlib.pyplot as plt
import seaborn as sns #for plotting
from sklearn.ensemble import RandomForestClassifier #for the model
from sklearn.tree import DecisionTreeClassifier
from sklearn.tree import export_graphviz #plot tree
from sklearn.metrics import roc_curve, auc #for model evaluation
from sklearn.metrics import classification_report #for model evaluation
from sklearn.metrics import confusion_matrix #for model evaluation
from sklearn.model_selection import train_test_split #for data splitting
import eli5 #for purmutation importance
from eli5.sklearn import PermutationImportance
import shap #for SHAP values
from pdpbox import pdp, info_plots #for partial plots
np.random.seed(123) #ensure reproducibility
dt = pd.read_csv("train_values.csv")
dt.head(10)
dtr = pd.read_csv("train_labels.csv")
dt = pd.concat([dt, dtr.loc[:,'heart_disease_present']], axis=1, sort=False)
del dt['patient_id']
dt['thal'][dt['thal'] == 'normal'] = 1
dt['thal'][dt['thal'] == 'fixed_defect'] = 2
dt['thal'][dt['thal'] == 'reversible_defect'] = 3
dt.dtypes
dt['sex'] = dt['sex'].astype('object')
dt['chest_pain_type'] = dt['chest_pain_type'].astype('object')
dt['fasting_blood_sugar_gt_120_mg_per_dl'] = dt['fasting_blood_sugar_gt_120_mg_per_dl'].astype('object')
dt['resting_ekg_results'] = dt['resting_ekg_results'].astype('object')
dt['exercise_induced_angina'] = dt['exercise_induced_angina'].astype('object')
dt['slope_of_peak_exercise_st_segment'] = dt['slope_of_peak_exercise_st_segment'].astype('object')
#Random Forest
X_train, X_test, y_train, y_test = train_test_split(dt.drop('heart_disease_present', 1), dt['heart_disease_present'], test_size = .2, random_state=10)
model = RandomForestClassifier(max_depth=5)
model.fit(X_train, y_train)
RandomForestClassifier(bootstrap=True, class_weight=None, criterion='gini',
max_depth=5, max_features='auto', max_leaf_nodes=None,
min_impurity_decrease=0.0, min_impurity_split=None,
min_samples_leaf=1, min_samples_split=2,
min_weight_fraction_leaf=0.0, n_estimators=10, n_jobs=None,
oob_score=False, random_state=None, verbose=0,
warm_start=False)
#Result evaluation
y_predict = model.predict(X_test)
y_pred_quant = model.predict_proba(X_test)[:, 1]
y_pred_bin = model.predict(X_test)
confusion_matrix = confusion_matrix(y_test, y_pred_bin)
confusion_matrix
total=sum(sum(confusion_matrix))
sensitivity = confusion_matrix[0,0]/(confusion_matrix[0,0]+confusion_matrix[1,0])
print('Sensitivity : ', sensitivity )
specificity = confusion_matrix[1,1]/(confusion_matrix[1,1]+confusion_matrix[0,1])
print('Specificity : ', specificity)
#ROC
fpr, tpr, thresholds = roc_curve(y_test, y_pred_quant)
fig, ax = plt.subplots()
ax.plot(fpr, tpr)
ax.plot([0, 1], [0, 1], transform=ax.transAxes, ls="--", c=".3")
plt.xlim([0.0, 1.0])
plt.ylim([0.0, 1.0])
plt.rcParams['font.size'] = 12
plt.title('ROC curve for diabetes classifier')
plt.xlabel('False Positive Rate (1 - Specificity)')
plt.ylabel('True Positive Rate (Sensitivity)')
plt.grid(True)
#AUC
auc(fpr, tpr)
#Submission
dtt = pd.read_csv('test_values.csv')
dtt['thal'][dtt['thal'] == 'normal'] = 1
dtt['thal'][dtt['thal'] == 'fixed_defect'] = 2
dtt['thal'][dtt['thal'] == 'reversible_defect'] = 3
del dtt['patient_id']
dtt.dtypes
dtt['sex'] = dtt['sex'].astype('object')
dtt['chest_pain_type'] = dtt['chest_pain_type'].astype('object')
dtt['fasting_blood_sugar_gt_120_mg_per_dl'] = dtt['fasting_blood_sugar_gt_120_mg_per_dl'].astype('object')
dtt['resting_ekg_results'] = dtt['resting_ekg_results'].astype('object')
dtt['exercise_induced_angina'] = dtt['exercise_induced_angina'].astype('object')
dtt['slope_of_peak_exercise_st_segment'] = dtt['slope_of_peak_exercise_st_segment'].astype('object')
test_pred_quant = model.predict_proba(dtt)[:, 1]
submission_p = pd.read_csv('submission_format.csv')
submission_p.loc[:,'heart_disease_present'] = test_pred_quant
export_csv = submission_p.to_csv ('submission.csv', index = None, header=True)
| 2.484375 | 2 |
couchbase_mapping/tests/design.py | hdmessaging/couchbase-mapping-python | 1 | 12787565 | # -*- coding: utf-8 -*-
#
# Copyright (C) 2008 <NAME>
# All rights reserved.
#
# This software is licensed as described in the file COPYING, which
# you should have received as part of this distribution.
import doctest
import unittest
from couchbase_mapping import design
from couchbase_mapping.tests import testutil
class DesignTestCase(testutil.TempDatabaseMixin, unittest.TestCase):
def test_options(self):
options = {'collation': 'raw'}
view = design.ViewDefinition(
'foo', 'foo',
'function(doc) {emit(doc._id, doc._rev)}',
options=options)
_, db = self.temp_db()
view.sync(db)
design_doc = db['_design/foo'].ddoc
self.assertTrue(design_doc['views']['foo']['options'] == options)
def test_multiple_views(self):
map_by_name = 'function(doc, meta) {emit(doc.name, null)}'
view1 = design.ViewDefinition(
'test_multiple_views',
'by_name',
map_by_name)
map_by_id = 'function(doc, meta) {emit(meta.id, null)}'
view2 = design.ViewDefinition(
'test_multiple_views',
'by_id',
map_by_id)
_, db = self.temp_db()
view1.sync(db)
view2.sync(db)
design_doc = db['_design/test_multiple_views'].ddoc
self.assertEqual(design_doc['views']['by_name']['map'], map_by_name)
self.assertEqual(design_doc['views']['by_id']['map'], map_by_id)
def suite():
suite = unittest.TestSuite()
suite.addTest(unittest.makeSuite(DesignTestCase))
suite.addTest(doctest.DocTestSuite(design))
return suite
if __name__ == '__main__':
unittest.main(defaultTest='suite')
| 2.171875 | 2 |
src/algorithms/main/sorts/heap_sort.py | JoelGRod/Algorithms-py | 0 | 12787566 | <filename>src/algorithms/main/sorts/heap_sort.py<gh_stars>0
"""
Heapsort
A comparison-based sorting algorithm. Heapsort can be thought
of as an improved selection sort: like that algorithm, it divides its
input into a sorted and an unsorted region, and it iteratively shrinks
the unsorted region by extracting the largest element and moving that
to the sorted region. The improvement consists of the use of a heap data
structure rather than a linear-time search to find the maximum.
Best Average Worst
n log(n) n log(n) n log(n)
""" | 3.484375 | 3 |
tkinter/tk-stopwatch.pyw | rsmith-nl/python-examples | 0 | 12787567 | <filename>tkinter/tk-stopwatch.pyw
#!/usr/bin/env python3
# file: tk-stopwatch.pyw
# vim:fileencoding=utf-8:fdm=marker:ft=python
#
# Copyright © 2020 <NAME> <<EMAIL>>.
# SPDX-License-Identifier: MIT
# Created: 2020-04-16T22:14:50+0200
# Last modified: 2022-02-04T16:37:22+0100
"""Example tkinter script showing use of the “after” timeout."""
import os
import sys
import time
import tkinter as tk
import tkinter.font as tkfont
import types
__version__ = "2022.02.03"
def start():
state.starttime = time.time()
state.run = True
display()
root.after(1000, update)
def stop():
state.run = False
state.starttime = None
box.delete(0, tk.END)
def update():
if state.run:
display()
root.after(1000, update)
def display():
difference = int(time.time() - state.starttime)
minutes, seconds = divmod(difference, 60)
hours, minutes = divmod(minutes, 60)
display = "{:02d}:{:02d}:{:02d}".format(hours, minutes, seconds)
box.delete(0, tk.END)
box.insert(0, display)
if __name__ == "__main__":
# Detach from the command line on UNIX systems.
if os.name == "posix":
if os.fork():
sys.exit()
# Create program state
state = types.SimpleNamespace()
state.starttime = None
state.run = False
# Create widgets.
root = tk.Tk()
root.title("Stopwatch v" + __version__)
root.resizable(False, False)
# Set the font
default_font = tkfont.nametofont("TkDefaultFont")
default_font.configure(size=12)
root.option_add("*Font", default_font)
# box to display stopwatch
box = tk.Entry(root, width=20, borderwidth=5)
box.grid(row=0, column=0)
start_button = tk.Button(root, text="Start", command=start)
stop_button = tk.Button(root, text="Stop", command=stop)
start_button.grid(row=1, column=0)
stop_button.grid(row=2, column=0)
# Run the GUI
root.mainloop()
| 3.75 | 4 |
absynthe/cfg/graph.py | chaturv3di/absynthe | 6 | 12787568 | <filename>absynthe/cfg/graph.py
from __future__ import print_function
from sys import stderr
from typing import TextIO, List, Tuple
from .node import Node
from random import randint
class Graph(object):
"""
The Graph class. Can have multiple root nodes; and it suffices
for objects of this class to only keep track of the root nodes.
The actual graph is defined by recursively following the
successors of all the roots.
NOTE: The nodes in the graph must all have unique IDs, otherwise
it will result in unintended behaviour. For instance, the
size() method will not work properly since it relies on
unique IDs to count the number of nodes.
"""
def __init__(self, id: str, numRoots: int = 1) -> None:
"""
Constructor for the class.
Args:
id(str): A unique ID for the graph
numRoots(int): The number of roots that this graph contains.
"""
self._id = id
self._numRoots = numRoots
self._roots = []
return
def addRoot(self, root: Node):
"""
Adds a root to this graph.
Args:
root(Node): A Node object to be added to the list of roots.
Raises:
IndexError: In case the list of roots already contains
_numRoots nodes in it.
"""
if (len(self._roots) == self._numRoots):
raise IndexError("Cannot accommodate any more root nodes.")
self._roots.append(root)
return
def getRootAt(self, index: int = 0) -> Node:
"""
Args:
index(int): The index of the desired root, mindful of the order
in which roots were added to this graph.
Returns:
Node: The root at the given index.
Raises:
IndexError: If the index is out of bounds.
"""
try:
return self._roots[index]
except IndexError as error:
print("Illegal argument for index:", index,
"Number of root nodes:", len(self._roots),
"Expected number of root nodes:", self._numRoots,
file=stderr)
raise error
return None
def getRootAtRandom(self) -> Node:
"""
Returns:
Node: One of the root nodes of this graph, selecte uniformly
at random.
"""
randomIndex = randint(0, len(self._roots) - 1)
return self._roots[randomIndex]
def getID(self) -> str:
return self._id
def _bfsAndCount(self, node: Node) -> int:
"""
Search the tree located below 'node' in a breadth-first manner,
and return the count of this sub-tree, incl. 'node'in the count.
Args:
node(Node): The node, the size of whose sub-tree is to be
computed.
Returns:
int: The number of nodes in the sub-tree rooted at 'node',
including 'node'.
"""
nodeID = node.getID()
try:
_ = self._nodeDict[nodeID]
return 0
except KeyError:
self._nodeDict[nodeID] = True
pass
count = 1
for i in range(node.getNumSuccessors()):
count += self._bfsAndCount(node.getSuccessorAt(i))
return count
def size(self) -> int:
"""
Returns:
int: The total number of nodes (with unique IDs) in this graph.
If there are multiple Node objects with identical IDs,
then this method will not produce expected result.
"""
size = 0
self._nodeDict = dict()
for r in self._roots:
if r is not None:
size += self._bfsAndCount(r)
return size
def _bfsAndAdd(self, node: Node, transitionList: List[Tuple[str, str]]) -> None:
nodeID = node.getID()
try:
_ = self._nodeDict[nodeID]
return
except KeyError:
self._nodeDict[nodeID] = True
pass
for i in range(node.getNumSuccessors()):
succNode: Node = node.getSuccessorAt(i)
succNodeID = succNode.getID()
transitionList.append((nodeID, succNodeID))
self._bfsAndAdd(succNode, transitionList)
return
def dumpDotFile(self, fp: TextIO) -> None:
"""
Creates a file that could be visualised using graphviz's DOT program.
Args:
fp(typing.TextIO): A text file stream that can be written to.
"""
self._nodeDict = dict()
transitionList: List[Tuple[str, str]] = list()
for r in self._roots:
if r is not None:
self._bfsAndAdd(r, transitionList)
fileContent: List[str] = ["digraph \""]
fileContent.append(self._id)
fileContent.append("\" {\n")
for transition in transitionList:
fileContent.append("\t\"")
fileContent.append(transition[0])
fileContent.append("\" -> \"")
fileContent.append(transition[1])
fileContent.append("\";\n")
fileContent.append("}\n")
fileText = "".join(fileContent)
fp.write(fileText)
fp.flush()
return
| 3.859375 | 4 |
tests/examples/test_nwchem_pymatgen.py | nkeilbart/aiida-nwchem | 1 | 12787569 | #!/usr/bin/env runaiida
# -*- coding: utf-8 -*-
###########################################################################
# Copyright (c), The AiiDA team. All rights reserved. #
# This file is part of the AiiDA code. #
# #
# The code is hosted on GitHub at https://github.com/aiidateam/aiida_core #
# For further information on the license, see the LICENSE.txt file #
# For further information please visit http://www.aiida.net #
###########################################################################
import sys
import os
from aiida.common.example_helpers import test_and_get_code
from aiida.common.exceptions import NotExistent
################################################################
ParameterData = DataFactory('parameter')
StructureData = DataFactory('structure')
try:
dontsend = sys.argv[1]
if dontsend == "--dont-send":
submit_test = True
elif dontsend == "--send":
submit_test = False
else:
raise IndexError
except IndexError:
print >> sys.stderr, ("The first parameter can only be either "
"--send or --dont-send")
sys.exit(1)
try:
codename = sys.argv[2]
except IndexError:
codename = None
queue = None
#queue = "Q_aries_free"
settings = None
#####
code = test_and_get_code(codename, expected_code_type='nwchem.pymatgen')
calc = code.new_calc()
calc.label = "Test NWChem"
calc.description = "Test calculation with the NWChem SCF code"
calc.set_max_wallclock_seconds(30*60) # 30 min
calc.set_resources({"num_machines": 1})
if queue is not None:
calc.set_queue_name(queue)
parameters = ParameterData(dict={
'tasks': [ { 'theory': 'scf',
'basis_set': {'O': '6-31g','H': '6-31g'},
'charge': 0,
'spin_multiplicity': None,
'title' : None,
'operation': '',
'theory_directives': [],
'alternate_directives': {} } ],
'directives': [],
'geometry_options': ['units','angstroms'],
'symmetry_options': [],
'memory_options': [],
'mol': {
'sites': [
{ 'species': [ { 'element': 'O', 'occu': 1 } ],
'xyz': [ 0, 0, 0 ] },
{ 'species': [ { 'element': 'H', 'occu': 1 } ],
'xyz': [ 0, 1.43042809, -1.107152660 ] },
{ 'species': [ { 'element': 'H', 'occu': 1 } ],
'xyz': [ 0, -1.43042809, -1.107152660 ] },
]
}
})
calc.use_parameters(parameters)
if submit_test:
subfolder, script_filename = calc.submit_test()
print "Test_submit for calculation (uuid='{}')".format(
calc.uuid)
print "Submit file in {}".format(os.path.join(
os.path.relpath(subfolder.abspath),
script_filename
))
else:
calc.store_all()
print "created calculation; calc=Calculation(uuid='{}') # ID={}".format(
calc.uuid,calc.dbnode.pk)
calc.submit()
print "submitted calculation; calc=Calculation(uuid='{}') # ID={}".format(
calc.uuid,calc.dbnode.pk)
| 1.726563 | 2 |
bot_group_only.py | PushDotGame/telegram-forward-bot | 1 | 12787570 | <reponame>PushDotGame/telegram-forward-bot<gh_stars>1-10
from libs import shell
from libs import config_bot as config
from libs.MQBot import MQBot
from libs.group import handlers
from telegram.ext import Updater
def main():
# bot
bot = MQBot(token=config.BOT_TOKEN)
# updater
updater = Updater(
bot=bot,
use_context=True,
request_kwargs=config.REQUEST_KWARGS,
)
# dispatcher
dp = updater.dispatcher
# private: `/start`
handlers.private_command_start.attach(dp)
# group: `/serve`
handlers.group_command_serve.attach(dp)
# group: commands
handlers.group_command_kick.attach(dp)
# handlers.group_command_rules.attach(dp)
# handlers.group_command_game.attach(dp)
handlers.group_command_resp.attach(dp)
# group: new, left
handlers.new_chat_members.attach(dp)
handlers.left_chat_member.attach(dp)
# group: text
handlers.group_text.attach(dp)
def start():
updater.start_webhook(listen=config.SERVER_LISTEN,
port=config.BOT_PORT,
url_path=config.BOT_URL_PATH,
key=config.PATH_TO_KEY,
cert=config.PATH_TO_CERT,
webhook_url=config.BOT_WEBHOOK_URL)
print('updater started.')
return
def stop():
bot.stop_mq()
updater.stop()
print('updater stopped.')
exit('Goodbye.')
return
start()
if config.DEBUG_MODE:
shell.embed()
if __name__ == "__main__":
main()
| 2.453125 | 2 |
realsense_examples/launch/template.launch.py | getsomatic/ros2_intel_realsense | 0 | 12787571 | <reponame>getsomatic/ros2_intel_realsense<filename>realsense_examples/launch/template.launch.py
import os
from ament_index_python.packages import get_package_share_directory
from launch import LaunchDescription
from launch.actions import DeclareLaunchArgument
from launch_ros.actions import Node
from launch.substitutions import LaunchConfiguration
from launch.actions import IncludeLaunchDescription
from launch.launch_description_sources import PythonLaunchDescriptionSource
from launch.substitutions import ThisLaunchFileDir
def generate_launch_description():
rviz_config_dir = os.path.join(get_package_share_directory('realsense_ros'), 'config', 'rs_cartographer.rviz')
return LaunchDescription([
Node(
package='rviz2',
node_executable='rviz2',
node_name='rviz2',
arguments=['-d', rviz_config_dir],
parameters=[{'use_sim_time': 'false'}]),
Node(
package='realsense_node',
node_executable='realsense_node',
node_namespace="/t265",
output='screen',
parameters=[get_package_share_directory('realsense_ros')+'/config/t265.yaml'],
remappings=[('/t265/camera/odom/sample', '/odom')],
),
Node(
package='realsense_node',
node_executable='realsense_node',
node_namespace="/d435",
output='screen',
parameters=[get_package_share_directory('realsense_ros')+'/config/d435.yaml']
),
])
| 2.078125 | 2 |
chatbot_nlu/extractors/bert_bilstm_crf_entity_extractor.py | charlesXu86/Chatbot_NLU | 6 | 12787572 | # -*- coding: utf-8 -*-
'''
@Author : Xu
@Software: PyCharm
@File : bert_bilstm_crf_entity_extractor.py
@Time : 2019-09-26 11:09
@Desc :
'''
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
from __future__ import unicode_literals
import logging
import os
import re
import io
import typing
import pickle
from builtins import str
from typing import Any, Dict, List, Optional, Text, Tuple
from rasa.nlu.extractors import EntityExtractor
from rasa.nlu.model import Metadata
from rasa.nlu.training_data import Message
from chatbot_nlu.utils.bilstm_utils import \
char_mapping, tag_mapping, prepare_dataset, BatchManager, iob_iobes, \
iob2, save_model, create_model, input_from_line
from chatbot_nlu.models.model import Model
from multiprocessing import cpu_count
import jieba
logger = logging.getLogger(__name__)
if typing.TYPE_CHECKING:
import numpy as np
import tensorflow as tf
import tensorflow.contrib
try:
import tensorflow as tf
except ImportError:
tf = None | 1.882813 | 2 |
lib/pipefunc.py | kei-iketani/plex | 153 | 12787573 | <reponame>kei-iketani/plex<gh_stars>100-1000
#*********************************************************************
# content = common functions
# version = 0.1.0
# date = 2019-12-01
#
# license = MIT <https://github.com/alexanderrichtertd>
# author = <NAME> <<EMAIL>>
#*********************************************************************
import os
import glob
import json
import time
import webbrowser
# NO logging since it will break the init
#*********************************************************************
# FUNCTIONS
def help(name=''):
from tank import Tank
if not name and os.getenv('SOFTWARE'):
name = os.getenv('SOFTWARE')
project_help = Tank().data_project['HELP']
if name in project_help:
webbrowser.open(project_help[name])
else:
webbrowser.open(project_help['default'])
# GET all (sub) keys in dict
def get_all_keys(key_list, dictonary=[]):
for key, items in key_list.iteritems():
dictonary.append(key)
if isinstance(items, dict):
get_all_keys(items, dictonary)
return dictonary
# decorator: return function duration time
def get_duration(func):
def timed(*args, **kw):
startTime = time.time()
resultTime = func(*args, **kw)
endTime = time.time()
printResult = '%r (%r, %r) %2.2f sec' % (func.__name__, args, kw, endTime-startTime)
print(printResult)
return resultTime
return timed
def find_inbetween(text, first, last):
try:
start = text.index(first) + len(first)
end = text.index(last, start)
except ValueError: return ""
return text[start:end]
#*********************************************************************
# FOLDER
# @BRIEF creates a folder, checks if it already exists,
# creates the folder above if the path is a file
def create_folder(path):
if len(path.split('.')) > 1: path = os.path.dirname(path)
if not os.path.exists(path):
try: os.makedirs(path)
except: print('CANT create folder: {}'.format(path))
# @BRIEF opens folder even if file is given
def open_folder(path):
path = os.path.normpath(path)
if os.path.exists(path):
if len(path.split('.')) > 1: path = os.path.dirname(path)
webbrowser.open(path)
else: print('UNVALID path: {}'.format(path))
return path
#*********************************************************************
# FILES
# @BRIEF get a file/folder list with specifics
#
# @PARAM path string.
# file_type string/string[]. '*.py'
# extension bool. True:[name.py] False:[name]
# exclude string /string[]. '__init__.py' | '__init__' | ['btnReport48', 'btnHelp48']
#
# @RETURN strint[].
def get_file_list(path, file_type='*', extension=False, exclude='*', add_path=False):
if(os.path.exists(path)):
getFile = []
try: os.chdir(path)
except: print('Invalid dir: {}'.format(path))
for file_name in glob.glob(file_type):
if exclude in file_name: continue
if add_path: file_name = os.path.normpath(('/').join([path,file_name]))
if extension: getFile.append(file_name)
else: getFile.append((file_name.split('.')[0]))
return getFile
##
# @BRIEF GET ALL subfolders in the path
def get_deep_folder_list(path, add_path=False):
if add_path: getFile = map(lambda x: x[0], os.walk(path))
else: getFile = map(lambda x: os.path.basename(x[0]), os.walk(path))
try: getFile.pop(0)
except: print('CANT pop file. Path: {}'.format(path))
return getFile
#*********************************************************************
# REPOSITORY
def make_github_issue(title, body=None, assignee='', milestone=None, labels=None):
import requests
from tank import Tank
REPO_DATA = Tank().user.data_user_path
if not assignee: assignee = REPO_DATA['username']
# Our url to create issues via POST
url = 'https://api.github.com/repos/%s/%s/issues' % (REPO_DATA['owner'], REPO_DATA['repository'])
# Create an authenticated session to create the issue
session = requests.Session()
session.auth = (REPO_DATA['username'], REPO_DATA['password'])
issue = {'title': title,
'body': body,
'assignee': assignee,
'milestone': milestone,
'labels': labels}
# Add the issue to our repository
repo = session.post(url, json.dumps(issue))
if repo.status_code == 201:
LOG.info('Successfully created Issue {}'.format(title))
else:
LOG.warning('Could not create Issue {}.\nResponse:{}'.format(title, repo.content))
#*********************************************************************
# TEST
# make_github_issue(title='Login Test', body='Body text', milestone=None, labels=['bug'])
| 2.40625 | 2 |
torchimagefilter/filter.py | pmeier/torchimagefilter | 0 | 12787574 | <gh_stars>0
from typing import Optional, Tuple, List
from copy import copy
import numpy as np
import torch
from torch import nn
from torch.nn.functional import conv2d, pad
from .kernel import *
class ImageFilter(nn.Module):
def __init__(
self,
kernel: torch.Tensor,
output_shape: str = "same",
padding_mode: str = "constant",
constant_padding_value: float = 0.0,
):
super().__init__()
self.register_buffer("kernel", kernel)
if output_shape not in ("valid", "same", "full"):
raise ValueError(
"'output_shape' should be one of " "{'valid', 'same', 'full'}"
)
self.output_shape = output_shape
self.padding_size = self._calculate_padding_size()
if output_shape not in ("valid", "same", "full"):
raise ValueError(
"'padding_mode' should be one of "
"{'constant', 'reflect', 'replicate', 'circular'}"
)
self.padding_mode = padding_mode
self.constant_padding_value = constant_padding_value
@property
def kernel_size(self) -> Tuple[int, int]:
return self.kernel.size()
def _calculate_padding_size(self) -> List[int]:
kernel_height, kernel_width = self.kernel_size
if self.output_shape == "valid":
pad_top = pad_bot = pad_left = pad_right = 0
elif self.output_shape == "same":
pad_vert, pad_horz = kernel_height - 1, kernel_width - 1
pad_top, pad_left = pad_vert // 2, pad_horz // 2
pad_bot, pad_right = pad_vert - pad_top, pad_horz - pad_left
else: # self.output_shape == "full":
pad_top = pad_bot = kernel_height - 1
pad_left = pad_right = kernel_width - 1
return [pad_left, pad_right, pad_top, pad_bot]
def forward(self, image: torch.Tensor) -> torch.Tensor:
is_batched = image.dim() == 4
if not is_batched:
image = image.unsqueeze(0)
image = self._pad_image(image)
image = self._filter_image(image)
if not is_batched:
image = image.squeeze(0)
return image
def _filter_image(self, image: torch.Tensor) -> torch.Tensor:
num_channels = image.size()[1]
weight = self.kernel.view(1, 1, *self.kernel.size())
weight = weight.repeat(num_channels, 1, 1, 1)
return conv2d(
image,
weight,
bias=None,
groups=num_channels,
stride=1,
padding=0,
dilation=1,
)
def _pad_image(self, image: torch.Tensor) -> torch.Tensor:
if self.output_shape == "valid":
return image
return pad(
image,
self.padding_size,
mode=self.padding_mode,
value=self.constant_padding_value,
)
def extra_repr(self) -> str:
extra_repr = self.image_filter_extra_repr()
if extra_repr:
extra_repr += ", "
extra_repr += "output_shape={output_shape}"
if self.output_shape != "valid":
extra_repr += ", padding_mode={padding_mode}"
if self.padding_mode == "constant":
extra_repr += ", constant_padding_value={constant_padding_value}"
return extra_repr.format(**self.__dict__)
def image_filter_extra_repr(self) -> str:
return ""
class BoxFilter(ImageFilter):
def __init__(self, radius: int, normalize: bool = True, **kwargs):
self.radius = radius
kernel = box_kernel(radius, normalize=normalize)
super().__init__(kernel, **kwargs)
def image_filter_extra_repr(self) -> str:
return "radius={radius}".format(**self.__dict__)
class GaussFilter(ImageFilter):
def __init__(
self,
std: Optional[float] = None,
radius: Optional[int] = None,
normalize: bool = True,
**kwargs
):
if std is None and radius is None:
msg = (
"One argument of 'std' and 'radius' has to have a value different "
"from None. The respective other is subsequently calculated."
)
raise ValueError(msg)
if std is None:
std = radius / 3.0
self.std = std
if radius is None:
radius = int(np.ceil(3.0 * std))
self.radius = radius
kernel = gauss_kernel(std, radius, normalize=normalize)
super().__init__(kernel, **kwargs)
def image_filter_extra_repr(self) -> str:
dct = copy(self.__dict__)
dct["std"] = "{:.2g}".format(self.std)
return "std={std}, radius={radius}".format(**dct)
| 2.453125 | 2 |
SigProfilerExtractor/version.py | david-a-parry/SigProfilerExtractor | 1 | 12787575 | <reponame>david-a-parry/SigProfilerExtractor
# THIS FILE IS GENERATED FROM SIGPROFILEREXTRACTOR SETUP.PY
short_version = '1.1.4'
version = '1.1.4'
Update = 'Heirarchy option deleted, clustering deleted and signatures orders by the mutation burden'
| 0.695313 | 1 |
tests/services/conftest.py | javi-cortes/gigaupload | 0 | 12787576 | <gh_stars>0
import pathlib
import uuid
import pytest
from app.schemas import FileQuery
from app.services.file import FileService
@pytest.fixture()
def file_service(db):
return FileService(db)
@pytest.fixture(scope="session")
def file():
return open("tests/files_stub/test_file", "wb")
@pytest.fixture(scope="session", autouse=True)
def cleanup(file):
"""Cleanup a testing file once we are finished."""
file.close()
file_to_rem = pathlib.Path("tests/files_stub/test_file")
file_to_rem.unlink(missing_ok=True)
@pytest.fixture(scope="session")
def file_query():
return FileQuery(uri=uuid.uuid4())
| 2.09375 | 2 |
umb/admin/forms.py | LuckyWirasakti/umb | 0 | 12787577 | <reponame>LuckyWirasakti/umb
from umb.admin.models import Master, Weight
from django import forms
class WeightForm(forms.ModelForm):
class Meta:
model = Weight
fields = '__all__'
class MasterForm(forms.ModelForm):
class Meta:
model = Master
fields = '__all__'
def __init__(self, *args, **kwargs):
super().__init__(*args, **kwargs)
for visible in self.visible_fields():
visible.field.widget.attrs['class'] = 'form-control' | 1.914063 | 2 |
fast/FAST/FAST.py | yagweb/pyfast | 0 | 12787578 | <filename>fast/FAST/FAST.py
# -*- coding: utf-8 -*-
"""
Created on Mon Dec 01 20:49:10 2014
@author: YangWenguang
Issues contact with: <EMAIL>
os.popen: 返回值是一个开放的文件对象连接到管道,可读写模式是根据是否为'r'(预设)或'w'。
"""
import os
import numpy as np
import matplotlib.pylab as plt
import scipy.io as spio
import scipy.signal as spsignal
from scipy.linalg import det, eig, norm, eigh
from mpldatacursor import datacursor
#import MBMP.FAST.pyCAE
#import MBMP.FAST._pyCAE
#import MBMP.FAST.FASTCore
#from MBMP.FAST.FASTCore import fast
rads2rmp = 30/np.pi
rad2deg = 180.0/np.pi
class output(object):
def __init__(self):
u_srvd = wtdyn.SrvD.u
y_srvd = wtdyn.SrvD.y #t时刻,控制系统的约束状态
y_ad = wtdyn.AD.y
y_ed = wtdyn.ED.y
#控制系统
self.ElecPwr = y_srvd.elecpwr
self.BlPitchCom = y_srvd.blpitchcom *rad2deg #相当于copy()
# self.BlPitch = u_srvd.blpitch *rad2deg #copy()
# self.BlPitch = OtherSt_ED.blpitch *rad2deg #copy()
# self.BlPitch = OtherSt_ED.allouts[280:283].copy()
#空气动力学
self.Velocity = y_ad.ifw_outputs.velocity
#弹性动力学:结构、转子
self.BlPitch = y_ed.blpitch *rad2deg
# self.BlPitch4 = getBladePitch() *rad2deg
self.Yaw = y_ed.yaw
self.YawRate = y_ed.yawrate
self.LSS_Spd = y_ed.lss_spd * rads2rmp
self.HSS_Spd = y_ed.hss_spd * rads2rmp
self.RotSpeed = y_ed.rotspeed * rads2rmp
self.TwrAccel = y_ed.twraccel
self.YawAngle = y_ed.yawangle
def getBladePitch():
import ctypes
temp = _pyCAE.w_ed_outputtype__array__blpitch(pyCAE.wtdyn.y_ed._handle)
dloc = temp[3]
value = (ctypes.c_float *3).from_address(dloc)
value = np.array(value[:])
return value
class pitchCtrlInput():
def __init__(self):
t = fast.m_FAST.t_global #目前的仿真时间秒
u = fast.SrvD.u #t时刻,控制系统的输入
p = fast.SrvD.p #控制系统参数
x = fast.SrvD.x #t时刻,控制系统的连续状态
xd = fast.SrvD.xd #t时刻,控制系统的连续状态
z = fast.SrvD.z #t时刻,控制系统的约束状态
y = fast.SrvD.y #t时刻,控制系统的输出
self.BlPitch = u.blpitch
self.ElecPwr = y.elecpwr
self.LSS_Spd = u.lss_spd
self.TwrAccel = u.twraccel
self.BlPitchCom = y.blpitchcom
self.NumBl = p.numbl
self.t = t
self.DT = p.dt
self.RootName = p.rootname
class pitchCtrlBase(object):
def calc(self):
paras = pitchCtrlInput()
print(paras.BlPitch*180/np.pi)
print(paras.BlPitchCom)
y = fast.SrvD.y #t时刻,控制系统的约束状态
self.setvalue([1,2,3])
return y.blpitchcom
def setvalue(self, values):
y = fast.SrvD.y #t时刻,控制系统的约束状态
y.blpitchcom = values
class yawCtrlInput():
def __init__(self):
t = fast.m_FAST.t_global #目前的仿真时间秒
u = fast.SrvD.u #t时刻,控制系统的输入
p = fast.SrvD.p #控制系统参数
x = fast.SrvD.x #t时刻,控制系统的连续状态
xd = fast.SrvD.xd #t时刻,控制系统的连续状态
z = fast.SrvD.z #t时刻,控制系统的约束状态
y = fast.SrvD.y #t时刻,控制系统的约束状态
self.Yaw = u.yaw
self.YawRate = u.yawrate
self.WindDir = u.winddir
self.YawErr = u.yawerr
self.NumBl = p.numbl
self.t = t
self.DT = p.dt
self.RootName = p.rootname
class yawCtrlBase(object):
def calc(self):
paras = yawCtrlInput()
print(paras.Yaw, paras.YawRate)
y = fast.SrvD.y #t时刻,控制系统的约束状态
self.setvalue(1,2)
return y.externalyawposcom, y.externalyawratecom
def setvalue(self, pos, rate):
y = fast.SrvD.y #t时刻,控制系统的约束状态
y.externalyawposcom = pos
y.externalyawratecom = rate
class TorqueCtrlInput():
def __init__(self):
t = fast.m_FAST.t_global #目前的仿真时间秒
u = fast.SrvD.u #t时刻,控制系统的输入
p = fast.SrvD.p #控制系统参数
x = fast.SrvD.x #t时刻,控制系统的连续状态
xd = fast.SrvD.xd #t时刻,控制系统的连续状态
z = fast.SrvD.z #t时刻,控制系统的约束状态
y = fast.SrvD.y #t时刻,控制系统的约束状态
self.HSS_Spd = u.hss_spd
self.LSS_Spd = u.lss_spd
self.GenEff = p.geneff
self.GenTrq = y.gentrq
self.ElecPwr = y.elecpwr
self.NumBl = p.numbl
self.t = t
self.DT = p.dt
self.RootName = p.rootname
class TorqueCtrlBase(object):
def calc(self):
paras = TorqueCtrlInput()
print(paras.GenTrq, paras.ElecPwr, paras.HSS_Spd)
y = fast.SrvD.y #t时刻,控制系统的约束状态
self.setvalue(1,2)
return y.gentrq, y.elecpwr
def setvalue(self, torque, pwr):
'''
只要给定需要的扭矩,转速通过动力学去平衡
'''
y = fast.SrvD.y #t时刻,控制系统的约束状态
y.gentrq = torque
y.elecpwr = pwr
def fft(datas, samplingRate):
samplingN = len(datas)
temp = np.fft.fft(datas)
amps = (np.abs(temp)*2/samplingN)[0:samplingN/2]
amps[0] = amps[0]/2.0
df = samplingRate/samplingN
flist = np.arange(len(amps))*df
return flist, amps
def fast_exe(path):
path = os.path.abspath(path)
cmd = '%s %s' % (os.path.join(os.path.dirname(__file__), 'FAST_win32.exe'), path)
result = os.system(cmd)
return result
def turbsim(path):
path = os.path.abspath(path)
cmd = '%s %s' % (os.path.join(os.path.dirname(__file__), 'turbsim.exe'), path)
result = os.system(cmd)
return result
def IECWind(path, destfolder=None):
import pyPreFast
# import subprocess
# subprocess.Popen(['IECWind.exe',], shell=False)
if destfolder == None:
destfolder = os.path.dirname(path) + '\\'
pyPreFast.startiecwind(path, destfolder)
def modes(path):
'''
path不能带有后缀!
'''
cmd = '%s %s' % (os.path.join(os.path.dirname(__file__), 'modes.exe'), path)
result = os.system(cmd)
return result
def simulink(path):
pass
def test_IECWind():
destfolder = '..\\Data\\FASTV8_demo_a\\demo_a\\IECWind\\'
path = '..\\Data\\FASTV8_demo_a\\demo_a\\Wind\\IEC.ipt'
IECWind(path, destfolder)
def test_turbsim(cfg_path, speed, turb, dest):
turbsim(cfg_path)
if dest is None:
dest = os.path.dirname(cfg_path)
old = '%s.sum' % cfg_path[:-4]
new = os.path.join(dest, '%s_%dmps.sum' % (turb, speed))
if os.path.exists(new):
os.remove(new)
os.rename(old, new)
old = '%s.wnd' % cfg_path[:-4]
new = os.path.join(dest, '%s_%dmps.wnd' % (turb, speed))
if os.path.exists(new):
os.remove(new)
os.rename(old, new)
def test_modes():
# path = r'..\Data\FASTV8_demo_a\pre\modes_Blade'
path = r'..\Data\FASTV8_demo_a\pre\modes_Tower'
modes(path)
def test_pyCAE():
addr = _pyCAE.fast_data.m_FAST.ctypes.data
obj = pyCAE.FAST_MiscVarType(addr)
print(obj.t_global)
# print(_pyCAE.fast_data.n_t_global)
# pyCAE.wtdyn.n_t_global += 4
# print(pyCAE.fast_data.n_t_global)
# print(pyCAE.startwtdyn.__doc__)
path = r'../Data/FASTV8_demo_a/Test11.fst'
path = os.path.abspath(path)
# pyCAE.fast_data.wtdyn_start(path)
# pyCAE.fast_data.wtdyn_init(path)
# for i in range(pyCAE.wtdyn.n_TMax_m1):
# pyCAE.stepwtdyn()
# pyCAE.fast_data.n_t_global += 1
# pyCAE.endwtdyn()
def test_ctrlbase():
path = r'../Data/FASTV8_demo_a/Test11.fst'
fast.init(path)
fast.step()
# import pdb
# pdb.set_trace()
print('pitch-test')
a = pitchCtrlBase()
print(a.calc())
print('yaw-test')
a = yawCtrlBase()
print(a.calc())
print('torque-test')
a = TorqueCtrlBase()
print(a.calc())
def test_ctrlbase2():
path = r'../Data/FASTV8_demo_a/Test11.fst'
path = os.path.abspath(path)
pyCAE.wtdyn.wtdyn_init(path)
values = []
for i in range(200*10):
pyCAE.wtdyn.wtdyn_step()
_pyCAE.wtdyn.n_t_global += 1
if i>0 and i%10 == 0:
paras = output()
# b = [paras.BlPitch[0], paras.BlPitchCom[0], paras.BlPitch1[0], paras.BlPitch2[0], paras.BlPitch3[0]]
b = [paras.BlPitch[0], paras.BlPitchCom[0], paras.RotSpeed, paras.LSS_Spd, paras.HSS_Spd, paras.ElecPwr]
values.append(b)
values = np.array(values)
fig = plt.figure(facecolor='white')
for i in range(5):
fig.add_subplot(5,1,i+1)
plt.plot(values[:,i])
plt.show()
# _pyCAE.endwtdyn()
pyCAE.wtdyn.wtdyn_end()
#from Transient import MPT, slaveNode
#class test_planet_transient_bat_task(slaveNode):
## def to_Write(self, msg):
## print msg,
# def process(self, pnum=3,
# speed_c = 120,
def test_fast_default():
# fast.result_root = 'result'
fast.result_name = 'rr1'
# fast.windfilename = 'Wind\A_16mps.wnd'
fast.windfilename = 'Wind\A_8mps.wnd'
import time
# path = r'../Data/FASTV8_WP1.5/Test11.fst'
# path = r'../Data/FASTV8_demo_a/Test11.fst'
path = r'../Data/FASTV8_demo_hr/Test11.fst'
# fast.simulate(path, maxStep=2)
start = time.time()
# fast.simulate(path)
fast.simulate(path, maxStep=200*20)
# fast.init(path, maxStep=-1)
elapsed = time.time() - start
print('time consumed: %.1f' % elapsed)
# fast_exe(path)
path = '%s.out' % fast.outfileroot
print(path)
from FASTPost import test_plot1
test_plot1(path)
plt.gcf().canvas.set_window_title(fast.windfilename)
plt.show()
def test_fast_default2():
# path = r'../Data/FASTV8_WP1.5/Test11.fst'
path = r'../Data/FASTV8_demo_a/Test11.fst'
path = os.path.abspath(path)
# wtdyn.simulate(path, maxStep=2)
os.system(r'E:\Project\EIS\FAST\FASTV8.10.00a\bin_raw\FAST_win32.exe %s' % path)
if __name__ == '__main__':
print('start')
# import f90wrap.runtime
# print f90wrap.runtime.sizeof_fortran_t
# laoxu_modal()
# laoxu_transient()
# test_pyCAE()
# test_pyCAE_element()
# test_ctrlbase()
# test_ctrlbase2()
# test_fast_default()
# test_fast_default2()
# test_modes()
# test_IECWind()
cfg_path = '../../Data/FASTV8_demo_hr/demo_a/Wind/60_84m_mps.inp'
test_turbsim(cfg_path, 24, 'A', '.')
print('end') | 1.914063 | 2 |
model.py | GuanLab/sepsis | 7 | 12787579 | <filename>model.py
import lightgbm as lgb
import numpy as np
def lightgbm_train(train_data, train_label):
"""
params:
train_data: Numpy array
train_label: Numpy array
yields:
gbm
"""
lgb_train = lgb.Dataset(np.asarray(train_data), np.asarray(train_label))
params = {
'boosting_type': 'gbdt',
'objective': 'regression',
'num_leaves': 150,
'learning_rate': 0.05,
'verbose': 0,
'n_estimators': 400,
'reg_alpha': 2.0,
}
gbm = lgb.train(params,
lgb_train,
num_boost_round=1000
)
return gbm
#print('Saving model...')
#filename = 'finalized_model.sav.'+sys.argv[1]
#pickle.dump(gbm, open(filename, 'wb'))
| 2.859375 | 3 |
pacote-download/Python/modulo01/python01ex/ex049.py | fabiosabariego/curso-python | 0 | 12787580 | <reponame>fabiosabariego/curso-python
"""
Refaça o desafio 9, mostrando a tabuada do numero que o usuário escolher, só que faça com for
"""
res = 0
num = int(input('Digite um numero: '))
print('=' * 20)
print('A Tabuada do {} é:'.format(num))
print('=' * 20)
for c in range(1, 11):
res = num * c
print('{} x {} = {}'.format(num, c, res))
| 4.03125 | 4 |
flexlab/drivers/primary_chiller.py | rongxinyin/HIL-Sim | 0 | 12787581 | <gh_stars>0
from driver import Driver, pd, np, datetime
import logging
from flexlab.drivers.modbus_driver import Modbus_Driver
class Primary_Chiller(Driver):
def __init__(self, config_file="read_data_config.yaml"):
logging.basicConfig(format='%(asctime)s %(levelname)s:%(message)s', level=logging.INFO)
self.logger = logging.getLogger(__name__)
try:
super(Primary_Chiller, self).__init__(config_file=config_file)
except Exception as e:
self.logger.error("error reading config file={0} error={1}".format(config_file, str(e)))
self.primary_chiller_config = self.config.get('primary_chiller')
self.table_name = self.primary_chiller_config.get('db_table_name')
self.chiller = Modbus_Driver(config_file, config_section='primary_chiller')
self.chiller.initialize_modbus()
def write_to_db(self):
time_now = self.get_utc_time_now()
measurements = self.chiller.get_data(unit=self.chiller.UNIT_ID)
df = pd.DataFrame.from_records(measurements, index=[time_now])
df.index.name = 'time'
self.chiller.kill_modbus()
if not df.empty:
self.push_to_db(df, self.table_name)
else:
print("nothing to push to {0}".format(self.table_name))
if __name__ == "__main__":
obj = Primary_Chiller(config_file='read_data_config.yaml')
obj.write_to_db() | 2.375 | 2 |
ssi.py | NingAnMe/extraterrestrial-solar-radiation | 0 | 12787582 | <gh_stars>0
#!/usr/bin/env python
# -*- coding: utf-8 -*-
# @Time : 2020-04-01 15:10
# @Author : NingAnMe <<EMAIL>>
from dateutil.relativedelta import relativedelta
import numpy as np
G0_Correct = 0.75 # 使用G0订正Itol的系数
ER_TXT = 'er.txt'
EP_TXT = 'ep.txt'
def cos(x):
return np.cos(np.radians(x))
def sin(x):
return np.sin(np.radians(x))
def isleap(y):
y = int(y)
return (y % 4 == 0 and y % 100 != 0) or y % 400 == 0
def calDoy(y, m, d):
y = int(y)
m = int(m)
d = int(d)
Doy = 0
a = [31, 28, 31, 30, 31, 30, 31, 31, 30, 31, 30, 31]
if isleap(y):
a[1] = 29
for x in a[0:m - 1]:
Doy += x
return Doy + d
def calDelta(Doy):
# print "360/365*(284 + Doy) is %f" % (360.0/365*(284 + Doy))
return 23.45 * sin(360.0 / 365 * (284 + Doy))
def calOmega(hr, min, lon, E):
print(hr, min, lon, E)
TT = hr + min / 60.0 + 4 * (lon - 120) / 60.0 + E / 60.0
print('TT', TT)
return (TT - 12) * 15
def calCosThetaz(lat, Delta, Omega):
print('lat, Delta, Omega', lat, Delta, Omega)
return cos(lat) * cos(Delta) * cos(Omega) + sin(lat) * sin(Delta)
def calEDNI(Doy):
return 1366.1 * (1 + 0.033 * cos(360.0 / 365 * Doy))
def calG0(Doy, CosThetaz):
EDNI = calEDNI(Doy)
print(EDNI)
return EDNI * CosThetaz
def calRb(lat, Beta, Delta, Omega, CosThetaz):
return (cos(lat - Beta) * cos(Delta) * cos(Omega) + sin(lat - Beta) * sin(Delta)) / CosThetaz
def calGt(Ib, Id, Ai, Rb, Beta, Itol):
return (Ib + Id * Ai) * Rb + Id * (1 - Ai) * (1 + cos(Beta)) / 2.0 + Itol * 0.2 * (1 - cos(Beta)) / 2.0
def assignTime(date):
"""
DEBUG函数assignTime,原来的函数直接在hour加8可能超过24
:param date:
:return:
"""
date += relativedelta(hours=8) # 修改时间为北京时
print(date)
datestrf = date.strftime('%Y-%m-%d-%H-%M-%S')
y, m, d, h, mm, s = datestrf.split('-')
return [int(i) for i in (y, m, d, h, mm)]
def assignE(y, m, d):
"""
assignE
:param y:
:param m:
:param d:
:return:
"""
y = int(y)
m = int(m)
d = int(d)
if isleap(y):
e_file = ER_TXT
else:
e_file = EP_TXT
e_data = np.loadtxt(e_file)
md = int('{:02d}{:02d}'.format(m, d))
index = np.where(e_data == md)
row = index[0]
if row.size != 0:
return e_data[row, 1]
else:
raise ValueError('没有找到E值: {}'.format((y, m, d)))
def cal_tol(date_time, lons, lats):
"""
计算理论太阳能辐照度
:param date_time: 世界时时间
:return:
"""
y, m, d, hr, minus = assignTime(date_time)
e = assignE(y, m, d)
doy = calDoy(y, m, d)
delta = calDelta(doy)
print('delta', delta)
Omega = calOmega(hr, minus, lons, e)
print('Omega', Omega)
cos_the_taz = calCosThetaz(lats, delta, Omega)
print('cos_the_taz', cos_the_taz)
G0 = calG0(doy, cos_the_taz)
print('G0', G0)
itol = G0_Correct * G0
return itol
if __name__ == '__main__':
from datetime import datetime
date_time = datetime.strptime('19990101060000', '%Y%m%d%H%M%S')
print(date_time)
print(cal_tol(date_time, 116.55, 40.12)) | 2.84375 | 3 |
tests/broken_pickle.py | Kyle-Kyle/angr | 6,132 | 12787583 | <reponame>Kyle-Kyle/angr<gh_stars>1000+
import pickle
import angr
import nose
def test_pickle_state():
b = angr.Project("/home/angr/angr/angr/tests/blob/x86_64/fauxware")
p = b.path_generator.entry_point()
p.state.inspect.make_breakpoint('mem_write')
nose.tools.assert_true('inspector' in p.state.plugins)
s_str = pickle.dumps(p.state)
s2 = pickle.loads(s_str)
nose.tools.assert_is(p.state, s2)
del p
del s2
import gc; gc.collect()
s2 = pickle.loads(s_str)
nose.tools.assert_true('inspector' not in s2.plugins)
if __name__ == '__main__':
test_pickle_state()
| 2.09375 | 2 |
Baselines/OLTR/Codes/algorithms/basiconlineranker.py | nju-websoft/TRAVERS | 55 | 12787584 | <gh_stars>10-100
# -*- coding: utf-8 -*-
import sys
import os
sys.path.append(os.path.join(os.path.dirname(__file__), '..'))
import numpy as np
import utils.rankings as rnk
class BasicOnlineRanker(object):
def __init__(self, n_results, n_features):
self.n_features = n_features
self.n_results = n_results
self.n_interactions = 0
self.model_updates = 0
self._messages = {}
self._default_messages = {}
self._train_features = None
self._train_query_ranges = None
@staticmethod
def default_parameters():
'''Return all parameter values for this ranker.
used for logging purposes.'''
return {}
def add_message(self, name, default_value=0):
self._default_messages[name] = default_value
def remove_message(self, name):
del self._default_messages[name]
def set_message(self, name, value):
self._messages[name] = value
def get_messages(self):
messages = self._default_messages.copy()
messages.update(self._messages)
return messages
def reset_messages(self):
self._messages.clear()
def setup(self, train_features, train_query_ranges):
self._train_features = train_features
self._train_query_ranges = train_query_ranges
def clean(self):
del self._train_features
del self._train_query_ranges
def get_test_rankings(self, features,
query_ranges, inverted=True):
return rnk.rank_multiple_queries(
np.zeros(features.shape[0]),
query_ranges,
inverted=inverted,
n_results=self.n_results)
def get_query_features(self, query_id, features,
query_ranges):
start_i = query_ranges[query_id]
end_i = query_ranges[query_id + 1]
return features[start_i:end_i, :]
def get_query_label(self, query_id, label_vector,
query_ranges):
start_i = query_ranges[query_id]
end_i = query_ranges[query_id + 1]
return label_vector[start_i:end_i]
def get_query_size(self, query_id, query_ranges):
return query_ranges[query_id+1] - query_ranges[query_id]
def get_train_query_ranking(self, query_id, inverted=False):
self._last_query_id = query_id
query_feat = self.get_query_features(query_id,
self._train_features,
self._train_query_ranges)
self._last_ranking = self._create_train_ranking(
query_id,
query_feat,
inverted)[:self.n_results]
return self._last_ranking
def _create_train_ranking(self, query_id, query_feat, inverted):
n_docs = self.get_query_size(query_id,
self._train_query_ranges)
return rnk.rank_single_query(np.zeros(n_docs),
inverted=inverted,
n_results=self.n_results)[:self.n_results]
def process_clicks(self, clicks):
self.update_to_interaction(clicks)
self.n_interactions += 1
def update_to_interaction(self, clicks):
pass | 2.28125 | 2 |
Dataset/Leetcode/train/98/408.py | kkcookies99/UAST | 0 | 12787585 | <filename>Dataset/Leetcode/train/98/408.py
class Solution:
def XXX(self, root: TreeNode, min_=float("-inf"), max_=float("inf")) -> bool:
return (not root) or ((min_ < root.val < max_) and self.XXX(root.left, min_, root.val) and self.XXX(root.right, root.val, max_))
| 3.203125 | 3 |
panrep/encoders.py | amazon-research/panrep | 10 | 12787586 | from classifiers import BaseRGCN
from dgl.nn.pytorch import RelGraphConv
from functools import partial
import torch
import torch.nn.functional as F
import torch.nn as nn
from dgl.nn import RelGraphConv
from layers import RelGraphConvHetero, EmbeddingLayer, RelGraphAttentionHetero,MiniBatchRelGraphEmbed
class EncoderRGCN(BaseRGCN):
def create_features(self):
features = torch.arange(self.num_nodes)
if self.use_cuda:
features = features.cuda()
return features
def build_input_layer(self):
return RelGraphConv(self.inp_dim, self.h_dim, self.num_rels, "basis",
self.num_bases, activation=F.relu, self_loop=self.use_self_loop,
dropout=self.dropout)
# TODO different layers may have different number of hidden units current implementation prevents
def build_hidden_layer(self, idx):
return RelGraphConv(self.h_dim, self.h_dim, self.num_rels, "basis",
self.num_bases, activation=F.relu, self_loop=self.use_self_loop,
dropout=self.dropout)
def build_class_output_layer(self):
return RelGraphConv(self.h_dim, self.out_dim, self.num_rels, "basis",
self.num_bases, activation=partial(F.softmax, dim=1),
self_loop=self.use_self_loop)
def build_reconstruct_output_layer(self):
return RelGraphConv(self.h_dim, self.h_dim, self.num_rels, "basis",
self.num_bases, activation=partial(F.softmax, dim=1),
self_loop=self.use_self_loop)
def build_output_layer(self):
return self.build_reconstruct_output_layer()
class EncoderRelGraphAttentionHetero(nn.Module):
def __init__(self,
h_dim,
in_size_dict,
etypes,
ntypes,
num_hidden_layers=1,
dropout=0,
use_self_loop=False):
super(EncoderRelGraphAttentionHetero, self).__init__()
self.h_dim = h_dim
self.rel_names = list(set(etypes))
self.rel_names.sort()
self.num_hidden_layers = num_hidden_layers
self.dropout = dropout
self.use_self_loop = use_self_loop
self.in_size_dict = in_size_dict
self.embed_layer = EmbeddingLayer(self.in_size_dict, h_dim, ntypes)
self.layers = nn.ModuleList()
# h2h
for i in range(self.num_hidden_layers):
self.layers.append(RelGraphAttentionHetero(
self.h_dim, self.h_dim, etypes, activation=F.relu, self_loop=self.use_self_loop,
dropout=self.dropout))
def forward(self,G, corrupt=False):
if corrupt:
# create local variable do not permute the original graph
g = G.local_var()
for key in self.in_size_dict:
# TODO possibly high complexity here??
# The following implements the permutation of features within each node class.
# for the negative sample in the information maximization step
perm = torch.randperm(g.nodes[key].data['features'].shape[0])
g.nodes[key].data['features'] = g.nodes[key].data['features'][perm]
else:
g = G
h = self.embed_layer(g)
for layer in self.layers:
h = layer(g, h)
return h
class EncoderRelGraphConvHomo(nn.Module):
def __init__(self,
device,
num_nodes,
h_dim,
num_rels,
num_bases=None,
num_hidden_layers=1,
dropout=0,
use_self_loop=False,
low_mem=False,
layer_norm=False):
super(EncoderRelGraphConvHomo, self).__init__()
self.device = torch.device(device)
self.num_nodes = num_nodes
self.h_dim = h_dim
self.num_rels = num_rels
self.num_bases = None if num_bases < 0 else num_bases
self.num_hidden_layers = num_hidden_layers
self.dropout = dropout
self.use_self_loop = use_self_loop
self.low_mem = low_mem
self.layer_norm = layer_norm
self.layers = nn.ModuleList()
# i2h
self.layers.append(RelGraphConv(
self.h_dim, self.h_dim, self.num_rels, "basis",
self.num_bases, activation=F.relu, self_loop=self.use_self_loop,
low_mem=self.low_mem, dropout=self.dropout, layer_norm=layer_norm))
# h2h
for idx in range(self.num_hidden_layers):
self.layers.append(RelGraphConv(
self.h_dim, self.h_dim, self.num_rels, "basis",
self.num_bases, activation=F.relu, self_loop=self.use_self_loop,
low_mem=self.low_mem, dropout=self.dropout, layer_norm=layer_norm))
# h2o
#self.layers.append(RelGraphConv(
# self.h_dim, self.out_dim, self.num_rels, "basis",
# self.num_bases, activation=None,
# self_loop=self.use_self_loop,
# low_mem=self.low_mem, layer_norm=layer_norm))
def forward(self, blocks, feats, corrupt=False, norm=None):
h = feats
if corrupt:
perm = torch.randperm(len(feats))
h = h[perm]
if blocks is None:
# full graph training
blocks = [self.g] * len(self.layers)
for layer, block in zip(self.layers, blocks):
block = block.to(self.device)
h = layer(block, h, block.edata['etype'], block.edata['norm'])
return h
class EncoderRelGraphConvHetero(nn.Module):
def __init__(self,
h_dim,
etypes,
ntypes,
device,
g,
num_bases=-1,
num_hidden_layers=1,
dropout=0,
use_self_loop=False):
super(EncoderRelGraphConvHetero, self).__init__()
self.h_dim = h_dim
self.rel_names = list(set(etypes))
self.rel_names.sort()
self.num_bases = None if num_bases < 0 else num_bases
self.num_hidden_layers = num_hidden_layers
self.dropout = dropout
self.use_self_loop = use_self_loop
self.embed_layer = MiniBatchRelGraphEmbed(g=g,device=device,embed_size=h_dim)
self.layers = nn.ModuleList()
# h2h
for i in range(self.num_hidden_layers):
self.layers.append(RelGraphConvHetero(
self.h_dim, self.h_dim, self.rel_names, "basis",
self.num_bases, activation=F.relu, self_loop=self.use_self_loop,
dropout=self.dropout))
def forward(self,G, corrupt=False):
if corrupt:
# create local variable do not permute the original graph
g = G.local_var()
for key in self.g.ntypes:
# TODO possibly high complexity here??
# The following implements the permutation of features within each node class.
# for the negative sample in the information maximization step
perm = torch.randperm(g.nodes[key].data['h_f'].shape[0])
g.nodes[key].data['h_f'] = g.nodes[key].data['h_f'][perm]
else:
g = G
h = self.embed_layer(g,full=True)
for layer in self.layers:
h = layer(g, h)
return h
def forward_mb(self,blocks,permute=False):
h = self.embed_layer(blocks[0])
if permute:
for key in h.keys():
perm = torch.randperm(h[key].shape[0])
h[key] = h[key][perm]
for layer, block in zip(self.layers, blocks):
# print(h)
h = layer.forward_mb(block, h)
return h
class HGTLayer(nn.Module):
def __init__(self,
in_dim,
out_dim,
node_dict,
edge_dict,
n_heads,
dropout=0.2,
use_norm=False):
super(HGTLayer, self).__init__()
self.in_dim = in_dim
self.out_dim = out_dim
self.node_dict = node_dict
self.edge_dict = edge_dict
self.num_types = len(node_dict)
self.num_relations = len(edge_dict)
self.total_rel = self.num_types * self.num_relations * self.num_types
self.n_heads = n_heads
self.d_k = out_dim // n_heads
self.sqrt_dk = math.sqrt(self.d_k)
self.att = None
self.k_linears = nn.ModuleList()
self.q_linears = nn.ModuleList()
self.v_linears = nn.ModuleList()
self.a_linears = nn.ModuleList()
self.norms = nn.ModuleList()
self.use_norm = use_norm
for t in range(self.num_types):
self.k_linears.append(nn.Linear(in_dim, out_dim))
self.q_linears.append(nn.Linear(in_dim, out_dim))
self.v_linears.append(nn.Linear(in_dim, out_dim))
self.a_linears.append(nn.Linear(out_dim, out_dim))
if use_norm:
self.norms.append(nn.LayerNorm(out_dim))
self.relation_pri = nn.Parameter(torch.ones(self.num_relations, self.n_heads))
self.relation_att = nn.Parameter(torch.Tensor(self.num_relations, n_heads, self.d_k, self.d_k))
self.relation_msg = nn.Parameter(torch.Tensor(self.num_relations, n_heads, self.d_k, self.d_k))
self.skip = nn.Parameter(torch.ones(self.num_types))
self.drop = nn.Dropout(dropout)
nn.init.xavier_uniform_(self.relation_att)
nn.init.xavier_uniform_(self.relation_msg)
def edge_attention(self, edges):
etype = edges.data['id'][0]
'''
Step 1: Heterogeneous Mutual Attention
'''
relation_att = self.relation_att[etype]
relation_pri = self.relation_pri[etype]
key = torch.bmm(edges.src['k'].transpose(1, 0), relation_att).transpose(1, 0)
att = (edges.dst['q'] * key).sum(dim=-1) * relation_pri / self.sqrt_dk
'''
Step 2: Heterogeneous Message Passing
'''
relation_msg = self.relation_msg[etype]
val = torch.bmm(edges.src['v'].transpose(1, 0), relation_msg).transpose(1, 0)
return {'a': att, 'v': val}
def message_func(self, edges):
return {'v': edges.data['v'], 'a': edges.data['a']}
def reduce_func(self, nodes):
'''
Softmax based on target node's id (edge_index_i).
NOTE: Using DGL's API, there is a minor difference with this softmax with the original one.
This implementation will do softmax only on edges belong to the same relation type, instead of for all of the edges.
'''
att = F.softmax(nodes.mailbox['a'], dim=1)
h = torch.sum(att.unsqueeze(dim=-1) * nodes.mailbox['v'], dim=1)
return {'t': h.view(-1, self.out_dim)}
def forward(self, G, h):
with G.local_scope():
node_dict, edge_dict = self.node_dict, self.edge_dict
for srctype, etype, dsttype in G.canonical_etypes:
k_linear = self.k_linears[node_dict[srctype]]
v_linear = self.v_linears[node_dict[srctype]]
q_linear = self.q_linears[node_dict[dsttype]]
G.nodes[srctype].data['k'] = k_linear(h[srctype]).view(-1, self.n_heads, self.d_k)
G.nodes[srctype].data['v'] = v_linear(h[srctype]).view(-1, self.n_heads, self.d_k)
G.nodes[dsttype].data['q'] = q_linear(h[dsttype]).view(-1, self.n_heads, self.d_k)
G.apply_edges(func=self.edge_attention, etype=etype)
G.multi_update_all({etype: (self.message_func, self.reduce_func) \
for etype in edge_dict}, cross_reducer='mean')
new_h = {}
for ntype in G.ntypes:
'''
Step 3: Target-specific Aggregation
x = norm( W[node_type] * gelu( Agg(x) ) + x )
'''
n_id = node_dict[ntype]
alpha = torch.sigmoid(self.skip[n_id])
trans_out = self.drop(self.a_linears[n_id](G.nodes[ntype].data['t']))
trans_out = trans_out * alpha + h[ntype] * (1 - alpha)
if self.use_norm:
new_h[ntype] = self.norms[n_id](trans_out)
else:
new_h[ntype] = trans_out
return new_h
class EncoderHGT(nn.Module):
def __init__(self, G, node_dict, edge_dict, n_inp, n_hid, n_out, n_layers, n_heads, use_norm=True):
super(EncoderHGT, self).__init__()
self.node_dict = node_dict
self.edge_dict = edge_dict
self.gcs = nn.ModuleList()
self.n_inp = n_inp
self.n_hid = n_hid
self.n_out = n_out
self.n_layers = n_layers
self.adapt_ws = nn.ModuleList()
for t in range(len(node_dict)):
self.adapt_ws.append(nn.Linear(n_inp, n_hid))
for _ in range(n_layers):
self.gcs.append(HGTLayer(n_hid, n_hid, node_dict, edge_dict, n_heads, use_norm=use_norm))
self.out = nn.Linear(n_hid, n_out)
def forward(self, G, out_key):
h = {}
for ntype in G.ntypes:
n_id = self.node_dict[ntype]
h[ntype] = F.gelu(self.adapt_ws[n_id](G.nodes[ntype].data['inp']))
for i in range(self.n_layers):
h = self.gcs[i](G, h)
return self.out(h[out_key])
| 2.5625 | 3 |
hseling_api_autotutor/app/recommendation_logic/get_new_knowledge_db.py | NatalieIsupova/hseling-repo-autotutor | 0 | 12787587 | <gh_stars>0
from gensim.models.keyedvectors import FastTextKeyedVectors
#fasttext = FastTextKeyedVectors.load("D:/fasttext_word2vec/araneum_none_fasttextcbow_300_5_2018/araneum_none_fasttextcbow_300_5_2018.model")
#fasttext = FastTextKeyedVectors.load("/Users/nigula/input/araneum_none_fasttextcbow_300_5_2018/araneum_none_fasttextcbow_300_5_2018.model")
from text_processing import get_text_map
from os import listdir
from os.path import join
import random
import json
from collections import OrderedDict
import numpy as np
import pandas as pd
from collections import OrderedDict
texts_lenta = pd.read_csv("./articles/music_lenta.csv")
with open("text_map_improved_example.json", "r") as f:
text_map = json.load(f)
shan = {0: OrderedDict([(0, True), (2, False), (5, False)]),
17: OrderedDict([(0, False),
(2, False),
(4, False),
(8, True),
(10, False),
(12, False)]),
26: OrderedDict([(0, False), (5, True), (7, True), (13, False)]),
32: OrderedDict([(3, True), (5, True), (14, False), (18, False)]),
98: OrderedDict([(0, True), (4, True), (5, True), (8, False)]),
121: OrderedDict([#(0, True),вопрос проебан просто не вставлен в тест!!!!
(1, True),
(3, False),
(4, True),
(6, False),
(11, True)]),
130: OrderedDict([(0, True),
(1, False),
# (3, True),вопрос проебан просто не вставлен в тест!!!!
(4, False),
(5, False),
(8, False),
(9, True),
(16, True)]),
133: OrderedDict([(2, False),
(6, False),
(8, False),
(9, False),
(18, False),
(20, False),
(40, True),
(49, False)]),
200: OrderedDict([(0, False),(2, False), (4, False), (10, True), (12, True)]),
231: OrderedDict([(2, False), (4, True), (7, False), (12, False)]),
240: OrderedDict([(1, True), (11, False), (15, False)]),
316: OrderedDict([(0, True), (5, False), (7, False), (11, True)]),
331: OrderedDict([(2, False), (4, False), (10, False)]),
334: OrderedDict([(1, False), (2, False), (5, True), (8, False)]),
336: OrderedDict([(1, True), (7, True), (10, True), (13, True)]),
366: OrderedDict([(0, True),
(1, False),
(5, False),
(8, False),
(10, True),
(11, True),
(15, False)]),
371: OrderedDict([(0, False),
(2, False),
(3, False),
(6, False),
(12, False),
(21, False)])}#!
def get_user_db(ans_dict, ans_dict_name):
DEBUG = False
user = user_vector(debug = DEBUG)
for text in text_maps_json_dict.keys():
print("text_index", text)
text_map = text_maps_json_dict[text]
user.start_new_text()
for question_sentence_index in question_text_sent_collocind_dict[str(text)].keys():
user.update_vector_with_answer_sentence(text_map['sentences_map'][int(question_sentence_index)],
effected_collocations_start_indexes_list = question_text_sent_collocind_dict[str(text)][str(question_sentence_index)],
correct_answer = ans_dict[int(text)][int(question_sentence_index)])
user.end_text(text_map)
user.export_user_db(ans_dict_name)
get_user_db(shan, "shan_big_musician") | 2.203125 | 2 |
textmyself.py | ryanrobertson21/Morning-Surf-Report | 0 | 12787588 | #!/usr/bin/env python
#textMyself.py - Defines the textmyself() function that texts a message passed to it as a string
from twilio.rest import TwilioRestClient
# Read in account information
with open('/Users/RyanRobertson21/PycharmProjects/CoolProjects/twilioAccountInfo') as f:
info=f.read().splitlines()
# Preset Values
accountSID = info[0]
authToken = info[1]
myNumber = info[2]
twilioNumber = info[3]
# Send message from twilio to my number
def textmyself(message):
twilioCli = TwilioRestClient(accountSID, authToken)
twilioCli.messages.create(body=message, from_=twilioNumber, to=myNumber)
| 3.15625 | 3 |
proc/model.py | nisarkhanatwork/rocksample_deeprl | 0 | 12787589 | <filename>proc/model.py
import keras
from keras import backend as K
from keras.layers import Dense
from keras.models import Sequential
from support import *
import keras.losses
INPUT_SIZE = 56
def get_model(data_type):
# Model parameters and other things based upon the type of data
op_dims = 4
op_activ = 'softmax'
# krnl_init = keras.initializers.RandomNormal(mean = 0.0, stddev = 0.05, seed = 11211)
krnl_init = keras.initializers.GlorotUniform(seed = 11211)
bias_init = keras.initializers.Zeros()
if (data_type == 'encoded'):
# NOT IN USE!!!!
ip_dims = 6
l1_units = 200
l2_units = 200
activ = 'relu'
lrn_rt = 1.0e-06
#https://stackoverflow.com/questions/59737875/keras-change-learning-rate
opt = keras.optimizers.Adam(lr = lrn_rt)
elif (data_type == 'sparse'):
ip_dims = INPUT_SIZE
l1_units = 400
l2_units = 90
activ = 'relu'
lrn_rt = 1.0e-04
# Adagrad
#opt = keras.optimizers.Adagrad(
# learning_rate=lrn_rt, initial_accumulator_value=0.1, epsilon=1e-07,
# name='Adagrad')
# Adadelta optimizer
#opt = keras.optimizers.Adadelta(
# lr = lrn_rt, rho = 0.95, epsilon = 1e-07)
# RMSprop optimizer
#https://stackoverflow.com/questions/59737875/keras-change-learning-rate
# opt = keras.optimizers.RMSprop(
# learning_rate = lrn_rt, rho = 0.9, momentum = 0.0, epsilon = 1e-07,
# centered = False, name = 'RMSprop')
# Adam w/wo amsgrad
opt = keras.optimizers.Adam(lr = lrn_rt, amsgrad=True)
# Nadam
# opt = keras.optimizers.Nadam(
# lr=lrn_rt, beta_1=0.9, beta_2=0.999, epsilon=1e-07, name = 'nadam')
#opt = keras.optimizers.SGD(
# learning_rate=lrn_rt, momentum=0.001, nesterov=True, name='SGD'
# )
# Loss
# loss = keras.losses.KLDivergence()
loss = keras.losses.MeanSquaredError(reduction="auto", name="mean_squared_error")
else:
import sys
sys.exit(0)
# creates a generic neural network architecture
model = Sequential()
model.add(Dense(units = l1_units,
input_dim = ip_dims,
activation = activ,
kernel_initializer = krnl_init,
bias_initializer = bias_init))
model.add(Dense(units = l1_units,
input_dim = ip_dims,
activation = activ,
kernel_initializer = krnl_init,
bias_initializer = bias_init))
model.add(Dense(units = l2_units,
activation= activ,
kernel_initializer = krnl_init,
bias_initializer = bias_init))
model.add(Dense(units = l2_units,
activation= activ,
kernel_initializer = krnl_init,
bias_initializer = bias_init))
# output layer
model.add(Dense(units = op_dims,
activation = op_activ,
kernel_initializer = krnl_init,
bias_initializer = bias_init))
# compile the model using traditional Machine Learning losses and optimizers
model.compile(loss=loss, optimizer=opt, metrics=['accuracy'])
return model
def get_pre_proc_info(data_type):
if (data_type == 'encoded'):
get_features = get_pos
from sklearn.preprocessing import RobustScaler
pre_proc_features = RobustScaler()
else:
get_features = get_same
from sklearn.preprocessing import OrdinalEncoder
pre_proc_features = OrdinalEncoder()
from sklearn.preprocessing import MultiLabelBinarizer
pre_proc_features = MultiLabelBinarizer()
from sklearn.preprocessing import PolynomialFeatures
pre_proc_features = PolynomialFeatures(4)
from sklearn.preprocessing import RobustScaler
pre_proc_features = RobustScaler()
from sklearn.preprocessing import StandardScaler
pre_proc_features = StandardScaler()
return get_features, pre_proc_features
| 2.5625 | 3 |
examples/kiva/service/kiva.py | aashish24/tangelo | 1 | 12787590 | <reponame>aashish24/tangelo
import bson.json_util
import datetime
import pymongo
import json
import cherrypy
import tangelo
def run(servername, dbname, type, datatype, querydata = None,
collection = None, by = None, datemin = None, datemax = None, count = 100):
# Check if we have valid count value if not default to 100
try:
count = int(count)
except exceptions.ValueError:
print "Unable to parse count value setting default to 100"
# Construct an empty response object.
response = tangelo.empty_response();
# Establish a connection to the MongoDB server.
try:
conn = pymongo.Connection(servername)
except pymongo.errors.AutoReconnect as e:
response['error'] = "error: %s" % (e.message)
return bson.json_util.dumps(response)
# Extract the requested database and collection.
db = conn[dbname]
# TODO (Chaudhary) Clean up this code. Currently the goal
# is to get the data in the right format for the visualization.
if type == "find":
# Current we support three types of datatypes / collections: loans,
# lenders, and lender-loan-links
# Perform find operation on loans
if datatype == "loans":
cherrypy.log("Processing find query for datatype " + datatype)
# Check if we have valid datemin and max. Currently only
# the loas has time entries
if (datemin is not None and datemax is not None):
timeConstraint = { "loans:posted_date" : { "$gte" : datemin,
"$lte" : datemax } }
else:
timeConstraint = {}
# cherrypy.log("timeConstraint " + str(timeConstraint))
coll = db["kiva.loans"]
# Assumption: that only certain fields are required
result = coll.find(timeConstraint, { "_id": 0, "loans:id": 1,
"loans:location:geo:pairs": 1,
"loans:loan_amount": 1,
"loans:sector": 1 }).limit(count)
# Sort result by loan amount
result.sort("loans:loan_amount", -1)
response = [["%s" % d["loans:id"], [float(x)
for x in d["loans:location:geo:pairs"].split()],
float(d["loans:loan_amount"]),
str(d["loans:sector"]),
str(d["loans:id"])] for d in result if d["loans:id"] != None]
# Perform find operation on lenders
if datatype == "lenders":
cherrypy.log("Processing find query for datatype " + datatype)
# Use time if available
if (datemin is not None and datemax is not None):
timeConstraint = { "lenders:member_since" : { "$gte" : datemin,
"$lte" : datemax } }
else:
timeConstraint = {}
coll = db["kiva.lenders"]
result = coll.find(
{ "$and" : [{"lenders:location:geo:pairs": { "$exists": "true" } }, timeConstraint]}, {
"_id": 0, "lenders:loan_count": 1,
"lenders:lender_id":1,
"lenders:location:geo:pairs":1}).limit(count)
# Sort result by loan count
result.sort("lenders:loan_count", -1)
response = [["%s" % d["lenders:lender_id"],
[float(x) for x in d["lenders:location:geo:pairs"].split()],
float(d["lenders:loan_count"])] for d in result if d["lenders:lender_id"] != None]
# Pefrom find operation on lender loan links data
if datatype == "lender-loan-links":
# TODO For now find the lenders and then using the result of the query
# find relevant lender-loan links
cherrypy.log("Processing find query for datatype " + datatype)
coll = db["kiva.lenders"]
lenders = coll.find({ "lenders:location:geo:pairs": { "$exists": "true" } }, {
"_id": 0, "lenders:lender_id":1 }).limit(count)
lenders = ["%s" % d["lenders:lender_id"] for d in lenders if d["lenders:lender_id"] != None]
# Use time if available
if (datemin is not None and datemax is not None):
timeConstraint = { "loans:posted_date" : { "$gte" : datemin,
"$lte" : datemax } }
else:
timeConstraint = {}
coll = db["kiva.lender.loan.links"]
result = coll.find({"$and": [{ "id" : {"$in" : list(lenders)}}, timeConstraint]}, {
"_id": 0, "id": 1,
"loans:id": 1,
"loans:borrower_count": 1,
"loans:loan_amount": 1})
response = [["%s" % d["id"], "%s" % d["loans:id"],
float(d["loans:borrower_count"]),
float(d["loans:loan_amount"])] for d in result if d["id"] != None]
# Perform aggregation type queries
# NOTE The code below is not tested / used.
elif type == "aggregate":
if datatype == "lenders":
coll = db["kiva.lenders"]
conditions = [{"member_since": {"$ne": None}}];
if datemin != None and datemax != None:
date_min = datetime.datetime.strptime(datemin, "%Y-%m-%d")
date_max = datetime.datetime.strptime(datemax, "%Y-%m-%d")
conditions.append({"date": {"$gte": date_min}})
conditions.append({"date": {"$lt": date_max}})
if lenders != None:
conditions.append({"lenders_id": int(lenders)})
pipeline = []
if len(conditions) > 0:
pipeline.append({"$match": {"$and": conditions}})
if by == "month":
group = {"year": {"$year": "$date"}, "month": {"$month": "$member_since"}}
else:
group = "$country_code"
pipeline.append({"$group": {"_id": group, "amount": {"$sum": "$loan_count"}}})
result = coll.aggregate(pipeline)
if by == "month":
response = [[d["_id"], float(d["loan_count"])] for d in result["result"] if d["_id"] != None]
else:
response = [["%s" % d["_id"], float(d["amount"])] for d in result["result"] if d["_id"] != None]
elif datatype == "population":
coll = db["census"]
response = [[d["_id"], int(d["pop2010"])] for d in coll.find()]
elif datatype == "charities":
coll = db["charitynet.normalized.transactions"]
result = coll.aggregate([{"$group": {"_id": "$charity_id", "count": {"$sum": 1}}}, {"$sort": {"count": -1}}])
response = [[d["_id"], d["_id"], d["count"]] for d in result["result"]]
else:
response['error'] = "error: unknown datatype requested"
# Convert to JSON and return the result.
return bson.json_util.dumps(response)
| 2.703125 | 3 |
materials/migrations/0024_auto_20180321_1512.py | mgovoni-devel/MatD3 | 7 | 12787591 | <filename>materials/migrations/0024_auto_20180321_1512.py
# Generated by Django 2.0.1 on 2018-03-21 15:12
from django.db import migrations, models
class Migration(migrations.Migration):
dependencies = [
('materials', '0023_merge_20180320_1842'),
]
operations = [
migrations.AddField(
model_name='idinfo',
name='data_extraction_method',
field=models.CharField(default='TBD', max_length=500),
),
migrations.AddField(
model_name='idinfo',
name='source',
field=models.CharField(default='TBD', max_length=500),
),
]
| 1.539063 | 2 |
Complexity 01/00002_list_filtering.py | alexudovichenko/python-solutions | 0 | 12787592 | from random import randint
class Solution:
'''
TASK DESCRIPTION
Преобразуйте список целых чисел: оставьте только кратные пяти.
Примечание, ввод производится в синтаксисе списка
EXAMPLES:
Sample Input:
[4, 5, 7, 237895, 32, 432, 45, 0]
Sample Output:
5 237895 45 0
'''
def eval_list_filter(self, line: str):
# или from ast import literal_eval
number_list = eval(line)
return tuple(filter(lambda number: not number % 5, number_list))
def core_list_filter(self, line: str) -> tuple:
number_list = list(map(int, line.strip('[]').split(', ')))
return tuple(filter(lambda number: not number % 5, number_list))
if __name__ == '__main__':
line = input()
result = Solution()
print(*result.core_list_filter(line))
# заменить на юнит тесты
for i in range(100):
temporary_list = [randint(-500, 500) for _ in range(randint(5, 30))]
temporary_line = str(temporary_list)
assert result.core_list_filter(temporary_line) == result.eval_list_filter(temporary_line), 'Test failed'
| 3.71875 | 4 |
instagram_get_fans/model/instagram_user.py | comtong/instagram_graw_fans | 1 | 12787593 | <reponame>comtong/instagram_graw_fans
class InstagramUser(object):
def __init__(self,user_id, username,timestamp):
self.user_id = user_id
self.username = username
self.timestamp = timestamp
| 2.25 | 2 |
atomate/lammps/firetasks/__init__.py | dongsenfo/atomate | 1 | 12787594 | from __future__ import unicode_literals
# from .write_inputs import *
# from .run_calc import *
# from .parse_outputs import *
# from .glue_tasks import *
| 1.023438 | 1 |
under construction/tictactoe/client.py | LucasEmmes/pythonScripts | 0 | 12787595 | <filename>under construction/tictactoe/client.py
import socket
import os
import threading
import random
import time
PORT = 5050
FORMAT = "utf-8"
DISCONNECT_MESSAGE = "!DISCONNECT"
# SERVER = input("Please enter server IP: ")
SERVER = "10.18.0.2"
ADDR = (SERVER, PORT)
client = socket.socket(socket.AF_INET, socket.SOCK_STREAM)
client.connect(ADDR)
connected = True
logged_in = False
in_game = False
opponent = False
my_turn = False
username = False
user_id = False
game_active = False
valid_move = False
game_board = [[" ", " ", " "], [" ", " ", " "], [" ", " ", " "]]
def clear():
os.system('cls')
os.system('mode con: cols=39 lines=20')
def print_board(arr):
clear()
print("\n")
print(f"{arr[0]}\n{arr[1]}\n{arr[2]}")
print("\n")
print("\n")
def startup():
clear()
print("---------------------------------------")
print("\n")
print("Welcome to TicTacToes".rjust(30, " "))
print("\n")
print("---------------------------------------")
print("\n")
print("\n")
print("Enter a username between 3 and 20 chars")
while True:
username = input(">> ")
if len(username) < 3 or len(username) > 20:
print("I said please enter a username between 3 and 20 characters inclusive you fuck")
elif " " in username:
print("NO SPACES U CUNT")
else:
break
return username
def get_in_game():
clear()
print("---------------------------------------")
print("\n")
print("You may create a new room,".rjust(7, " "))
print("or join a friend via code".rjust(7, " "))
print("\n")
print("---------------------------------------")
print("\n")
print("\n")
print("Type CREATE or JOIN")
while True:
decision = input(">> ")
if decision.upper() == "CREATE":
send("CREATE")
time.sleep(1)
if not in_game:
print("Failed to create room")
else:
return 1
elif decision.upper() == "JOIN":
code = input("\nPlease enter the room code\n>> ")
if len(code) > 4:
print("The code is too long (like my dic)\n")
else:
send(f"JOIN{code}")
time.sleep(1)
if not in_game:
print("Failed to connect to room")
print("It may be full or the code may be wrong")
else:
return 1
else:
print("Listen here you schmuck >:^O")
def make_move():
print("Make your move")
move = input(">> ")
send(f"MOVE{move}")
while True:
time.sleep(1)
if not valid_move:
print("Not a valid move")
return 0
else:
return 1
def send(msg):
message = msg.encode(FORMAT)
client.send(message)
def receive():
global logged_in
global in_game
global opponent
global my_turn
global game_active
print("RECEIVING DATA")
while connected:
data = client.recv(2048).decode(FORMAT)
print(data)
data = data.split("-")
if data[0] == "2":
if data[1] == "CODE":
print(f"The code for the room is: {data[2]}")
elif data[1] == "OPPONENT":
opponent = data[2]
print(f"You opponent is: {opponent}")
elif data[1] == "START":
print(f"Game has started!")
if int(data[2]) == user_id:
my_turn = True
print(f"You go first")
else:
print(f"{opponent} goes first")
time.sleep(4)
game_active = True
elif data[1] == "MOVE":
board_string = data[2]
#TODO - turn string into 2d array
print(board_string)
if my_turn:
my_turn = False
else:
my_turn = True
else:
pass
# username handle
elif data[1] == "USERNAME":
if data[0] == "1":
print("USERNAME SET SUCCESS")
time.sleep(2)
logged_in = True
else:
print("FAILED TO SET USERNAME :((((")
# create room handle
elif data[1] == "CREATE":
if data[0] == "1":
print("You have sucessfully made a room!")
in_game = True
else:
print("FAILED TO CREATE GAME WTFTFTFT")
# join room handle
elif data[1] == "JOIN":
if data[0] == "1":
print("Joined the game!")
time.sleep(1)
in_game = True
else:
print("Failed to jion game wtftfwtf")
elif data[1] == "MOVE":
if data[0] == "1":
valid_move = True
time.sleep(1)
valid_move = False
else:
print("Not a valid move")
# TODO - check validity
# make move handle
def main():
global logged_in
global in_game
global username
global user_id
global game_active
rec_thread = threading.Thread(target=receive)
rec_thread.start()
while True:
if not username:
username = startup()
user_id = random.randrange(0xFFFFFFFF) # 16 bit random user id
send(f"{username}|{user_id}")
if logged_in:
if not in_game:
get_in_game()
elif not game_active:
print("Waiting for opponent to connect...")
while not game_active:
time.sleep(1)
else:
if my_turn:
print(game_board)
make_move()
else:
time.sleep(1)
main() | 3.453125 | 3 |
src/ToolChainSCDG/procedures/linux/custom_package/getsockname.py | AnonymousSEMA/SEMA-ToolChain | 0 | 12787596 | <reponame>AnonymousSEMA/SEMA-ToolChain<filename>src/ToolChainSCDG/procedures/linux/custom_package/getsockname.py<gh_stars>0
import angr
class getsockname(angr.SimProcedure):
# pylint:disable=arguments-differ
def run(self, sock_fd, addr, length): # pylint:disable=unused-argument
len_addr = self.state.mem[length].int.concrete
for i in range(len_addr):
self.state.memory.store(
addr + i,
self.state.solver.BVS(
"sockname_" + str(i),
8,
key=("api", "getsockname", "sockname_" + str(i)),
),
endness="Iend_LE",
)
# self.state.solver.Unconstrained("unconstrained_ret_%s" % self.display_name, 8*len_addr, key=('api', '?', self.display_name))
return 0
| 2.15625 | 2 |
paper_rock_scissors/_base.py | yehuihe/paper-rock-scissors | 1 | 12787597 | """Base classes for paper rock scissors game
"""
# Author: <NAME> <<EMAIL>>
from abc import ABCMeta, abstractmethod
from enum import Enum, auto
import time
import warnings
class MoveChoice(Enum):
ROCK = auto()
PAPER = auto()
SCISSORS = auto()
class Outcome(Enum):
WIN = auto()
LOSE = auto()
DRAW = auto()
class ListInstanceMixin:
"""Mixin class for all class in paper_rock_scissors."""
def __attrnames(self):
return ''.join('\t%s=%s\n' % (attr, self.__dict__[attr])
for attr in sorted(self.__dict__))
def __repr__(self):
return '<Instance of %s, address %s:\n%s>' % (
self.__class__.__name__,
id(self),
self.__attrnames())
class BaseRole(metaclass=ABCMeta):
"""Base class for roles in paper_rock_scissors.
Warning: This class should not be used directly.
Use derived classes instead.
"""
@abstractmethod
def __init__(self, role, name, score):
self.role = role
self.name = name
self.score = score
@abstractmethod
def _check_params(self):
# name
if not isinstance(self.name, str):
raise ValueError(f"name should be string, "
f"got {self.name} instead.")
# score
if not isinstance(self.score, int) or self.score < 0:
warnings.warn(
"Score must be positive integer or zero; "
f"got {self.score} instead.",
RuntimeWarning,
)
self.score = 0
@abstractmethod
def get_move(self, prompt):
"""Generate current move."""
pass
class GameEnvironment(ListInstanceMixin):
"""GameEnvironment class for paper_rock_scissors.
This class controls the flow of the game.
Parameters
----------
_player : _role.Player
Player role in the GameEnvironment.
_computer : _role.Computer
Computer role in the GameEnvironment.
_target_score : int, default=10
Target score of the game. Anyone reaches this score
will end the game.
_curr_round : int, default=0
Current round of the game.
_max_rounds : int, default=20
Maximum round of the game. Once _curr_round reaches
the max the game ends.
_sleep : int, default=1
Sleep time between each rounds.
_verbose : int, default=0
Verbosity level.
_winner : {_role.Player, _role.Computer}
Winner of the game.
"""
_ROLES_MAPPING = {
MoveChoice.ROCK: [MoveChoice.SCISSORS],
MoveChoice.SCISSORS: [MoveChoice.PAPER],
MoveChoice.PAPER: [MoveChoice.ROCK],
}
def __init__(
self,
player,
computer,
target_score=10,
curr_round=0,
max_rounds=20,
sleep=1,
verbose=0,
winner=None):
self._player = player
self._computer = computer
self._target_score = target_score
self._curr_round = curr_round
self._max_rounds = max_rounds
self._sleep = sleep
self._verbose = verbose
self._winner = winner
@property
def player(self):
return self._player
@property
def computer(self):
return self._computer
@property
def target_score(self):
return self._target_score
@target_score.setter
def target_score(self, value):
self._target_score = value
@property
def curr_round(self):
return self._curr_round
@curr_round.setter
def curr_round(self, value):
self._curr_round = value
@property
def max_rounds(self):
return self._max_rounds
@max_rounds.setter
def max_rounds(self, value):
self._max_rounds = value
@property
def winner(self):
return self._winner
@winner.setter
def winner(self, value):
self._winner = value
@property
def sleep(self):
return self._sleep
@sleep.setter
def sleep(self, value):
self._sleep = value
@property
def verbose(self):
return self._verbose
@verbose.setter
def verbose(self, value):
self._verbose = value
def _check_params(self):
# target_score
if not isinstance(self.target_score, int) or self.target_score <= 0:
warnings.warn(
"target_score must be positive integer; "
f"got {self.target_score} instead.",
RuntimeWarning,
)
# Default target_score set to 10
self.target_score = 10
# max_rounds
if not isinstance(self.max_rounds, int) or \
self.max_rounds < self.target_score:
warnings.warn(
"max_rounds must greater or equal to target_score; "
f"got {self.max_rounds} instead.",
RuntimeWarning,
)
# Default max_rounds set to target_score
self.max_rounds = self.target_score
# sleep
if not isinstance(self._sleep, int) or self._sleep < 0:
warnings.warn(
"sleep must be positive integer;"
f"got {self._sleep} instead.",
RuntimeWarning,
)
# Default sleep set to 1
self._sleep = 1
# verbose
if not isinstance(self._verbose, int) or \
self._verbose < 0 or self._verbose > 3:
warnings.warn(
"verbose must be positive integer between 0 and 3"
f"got {self._verbose} instead.",
RuntimeWarning,
)
# Default verbose set to 1
self._verbose = 1
@staticmethod
def _pprint_rules():
"""Return rules of the current game."""
return "Current winning conditions of the Paper-Rock-Scissors: \n" \
"Paper beats (wraps) rock \n" \
"Rock beats (blunts) scissors \n " \
"Scissors beats (cuts) paper. \n" \
"Game ends while there is a winner " \
"(score reach preset target score) or " \
"total rounds reach the maximum. \n" \
"Press ctrl + C quit the game."
def _pprint_state(self):
"""Return state of the current game."""
return "Current state of the game: \n" \
"%(player_name)s score: %(player_score)d \n" \
"%(computer_name)s score: %(computer_score)d \n" \
"Target Score: %(target_score)d\n" \
"Current Round: %(curr_round)d\n" \
"Maximum Rounds: %(max_rounds)d\n" \
"Sleep: %(sleep)d\nWinner: %(winner)s\n" %\
{'player_name': self.player.name,
'player_score': self.player.score,
'computer_name': self.computer.name,
'computer_score': self.computer.score,
'target_score': self.target_score,
'curr_round': self.curr_round,
'max_rounds': self.max_rounds,
'sleep': self._sleep,
'winner': self.winner}
@staticmethod
def _outcome(player_move, ai_move):
"""Determine the outcome of current round.
Paper beats (wraps) rock.
Rock beats (blunts) scissors.
Scissors beats (cuts) paper.
Parameters
----------
player_move : MoveChoice
Player's move for current round.
ai_move : MoveChoice
AI's move for current round.
Returns
-------
outcome : Outcome
Outcome of the current round.
"""
if player_move is ai_move:
return Outcome.DRAW
elif ai_move in GameEnvironment._ROLES_MAPPING[player_move]:
return Outcome.WIN
else:
return Outcome.LOSE
def play(self):
# Validate roles input parameters
self.player._check_params()
self.computer._check_params()
# Validate input parameters
self._check_params()
# Display game rules
print(self._pprint_rules())
# Game ends while there is a winner or total rounds reach the maximum
while not self.winner and self.curr_round <= self.max_rounds:
# Print current game state
if self.verbose >= 1:
print(self._pprint_state())
# Prompt input from player
# Return MoveChoice
move = self.player.get_move("Choose a move for this round: ")
if self.verbose >= 1:
# Notify player's choice
print("%s's move: %s" % (self.player.name, move.name))
# Computer's turn
print("\n%s is making a decision..." % self.computer.name)
time.sleep(self._sleep)
ai_move = self.computer.get_move("Choose a move for this round: ")
if self.verbose >= 1:
print("%s's move: %s" % (self.computer.name,
ai_move.name))
print("Current round is: %s vs %s" % (move.name,
ai_move.name))
outcome = GameEnvironment._outcome(move, ai_move)
if outcome is Outcome.WIN:
if self.verbose >= 1:
print("Winner of the current round is: %s \n"
% self.player.name)
self.player.score += 1
elif outcome is Outcome.LOSE:
if self.verbose >= 1:
print("Winner of the current round is: %s \n"
% self.computer.name)
self.computer.score += 1
else:
if self.verbose >= 1:
print("It's a draw for this round")
self.curr_round += 1
if self.player.score == self.target_score:
self.winner = self.player
elif self.computer.score == self.target_score:
self.winner = self.computer
# Display final winner of the game
# Whoever has the highest score is the winner
# if there is not winner decided
# If draw then computer wins
if not self.winner:
self.winner = self.player if \
self.player.score > self.computer.score else self.computer
print(f"Winner of the game: {self.winner.name}\n")
print(self._pprint_state())
| 3.5625 | 4 |
app/user/urls.py | opeerator/5G-Testbed-Backend | 0 | 12787598 | <filename>app/user/urls.py
from django.urls import path
from user import views
app_name = 'user'
urlpatterns = [
path('createuser/', views.CreateUserView.as_view(), name='createuser'),
path('createsuperuser/', views.CreateSuperUserView.as_view(), name='createsuperuser'),
path('token/', views.CreateTokenView.as_view(), name='token'),
path('meuser/', views.ManageUserView.as_view(), name='meuser'),
path('mesuperuser/', views.ManageSuperUserView.as_view(), name='mesuperuser'),
]
| 1.984375 | 2 |
yamlapi/demo/tool/read_write_yaml.py | Ironkubi/yamlapi | 19 | 12787599 | <gh_stars>10-100
from ruamel import yaml
from setting.project_config import *
def read_yaml(yaml_absolute_path):
"""
读取yaml文件
:param yaml_absolute_path: 参数为需要读取的yaml文件的绝对路径
:return:
"""
with open(yaml_absolute_path, "r", encoding="utf-8") as f:
data_list = yaml.load(f, Loader=yaml.Loader)
return data_list
# 返回一个数据列表
def write_yaml(yaml_relative, data_list):
"""
写入yaml文件
:param yaml_relative: 第一个参数为需要写入的yaml文件的相对路径
:param data_list: 第二个参数为需要转换的数据
:return:
"""
with open(yaml_path + yaml_relative, "w",
encoding="utf-8") as f:
yaml.dump(data_list, f, Dumper=yaml.RoundTripDumper,
default_flow_style=False, allow_unicode=True, indent=4)
return yaml_relative
# 返回一个yaml文件的相对路径
def merge_yaml():
"""
合并所有yaml文件的方法
:return:
"""
yaml_list = []
for root, dirs, files in os.walk(yaml_path):
# root为当前目录路径
# dirs为当前路径下所有子目录,list格式
# files为当前路径下所有非目录子文件,list格式
for i in files:
if os.path.splitext(i)[1] == '.yaml':
# os.path.splitext()把路径拆分为文件名+扩展名
if i != first_test_case_file:
yaml_list.append(os.path.join(root, i))
else:
the_first_yaml = os.path.join(root, first_test_case_file)
yaml_list.append(the_first_yaml)
# 加入第一个yaml文件
yaml_list.reverse()
# 反转排序
temporary_list = []
for i in yaml_list:
if i:
j = read_yaml(i)
# 调用读取yaml文件的方法
if j:
temporary_list.extend(j)
# 往列表里逐步添加元素
return temporary_list
# 返回一个临时列表
| 2.546875 | 3 |
app/utils/ResponseUtil.py | hustcc/TODO | 7 | 12787600 | <gh_stars>1-10
#!/usr/bin/env python
# -*- coding: utf-8 -*-
'''
Created on 2016年2月19日
@author: hzwangzhiwei
'''
from app.utils.JsonUtil import object_2_json
def standard_response(success, data):
'''
接口的标准json返回值,统一使用同一个方法,便于统一修改
'''
rst = {}
rst['success'] = success
rst['data'] = data
return object_2_json(rst)
| 1.929688 | 2 |
python/language/utilities/unpacking/intro_1.py | futureseadev/hgwxx7 | 6 | 12787601 | <reponame>futureseadev/hgwxx7
# arguments unpacking simplified!!
# *
a, b = range(2)
a
0
b
1
a, b, *rest = range(5)
a
0
b
1
rest
[2,3,4]
# first and last lines
with open('file.name') as f:
first, *_, last = f.readlines()
# Refactor functions
def f(a, b, *args):
print(a, b, *args)
# instead -> *args => a, b, *args
def f(*args):
a, b, *args = args
print(a, b, *args)
| 2.640625 | 3 |
URI/1-Beginner/1041.py | vicenteneto/online-judge-solutions | 0 | 12787602 | <filename>URI/1-Beginner/1041.py
# -*- coding: utf-8 -*-
x, y = [float(x) for x in raw_input().split()]
if x == 0 and y == 0:
print 'Origem'
elif x == 0:
print 'Eixo Y'
elif y == 0:
print 'Eixo X'
elif x > 0:
if y > 0:
print 'Q1'
else:
print 'Q4'
elif x < 0:
if y > 0:
print 'Q2'
else:
print 'Q3'
| 3.59375 | 4 |
ML/learn/algorithm/activation_functions.py | qrsforever/workspace | 2 | 12787603 | <filename>ML/learn/algorithm/activation_functions.py
#!/usr/bin/python3
# -*- coding: utf-8 -*-
# @file activation_functions.py
# @brief
# @author QRS
# @blog qrsforever.github.io
# @version 1.0
# @date 2019-05-29 18:24:39
################################ jupyter-vim #######################################
# https://github.com/qrsforever/vim/blob/master/bundle/.configs/jupyter-vim_conf.vim
# %pylab --no-import-all # noqa
#####################################################################################
import numpy as np
import matplotlib.pyplot as plt
#####################################################################################
# <codecell> global
#####################################################################################
plt.rcParams['font.sans-serif'] = 'SimHei'
plt.rcParams['axes.unicode_minus'] = False
plt.rcParams['figure.figsize'] = (16.0, 8.0)
plt.rcParams['text.usetex'] = True
plt.rcParams['text.latex.preamble'] = [r'\usepackage{amsmath}']
xs = np.arange(-6, 6, 0.01)
##
def display(title, yaxis,
func, ftxt = None, xpos=0, xytext=(0,0),
dfunc=None, dftxt=None, dxpos=None, dxytext=None):
plt.title(title, fontsize='xx-large', fontweight='bold', color='b')
plt.ylim(yaxis)
plt.locator_params('both', nbins=8) # 调整x,y坐标系的刻度划分
plt.xticks(fontsize=14) # 设置坐标刻度字体
plt.yticks(fontsize=14)
plt.axhline(lw=1, c='black') # 轴线设置
plt.axvline(lw=1, c='black')
plt.grid(alpha=0.4, ls='-.')
plt.box(on=None)
plt.plot(xs, func(xs), c='r', lw=3)
if ftxt:
plt.annotate(ftxt, xy=(xpos, func(xpos)), xytext=xytext,
textcoords='data', fontsize=16,
arrowprops=dict(width=1, headwidth=6, headlength=8,
facecolor='r', shrink=0.05))
if dfunc:
plt.plot(xs, dfunc(xs), c='g', lw=3)
plt.annotate(dftxt, xy=(dxpos, dfunc(dxpos)), xytext=dxytext,
textcoords='data', fontsize=16,
arrowprops=dict(width=1, headwidth=6, headlength=8,
facecolor='g', shrink=0.05))
#####################################################################################
# <codecell> Binary step (二元阶跃)
#####################################################################################
func = np.vectorize(lambda x: 1 if x > 0 else 0, otypes=[np.float])
dfunc = np.vectorize(lambda x: 0, otypes=[np.float])
text = r"$ f(x) = \left\{\begin{array}{ccc}"
text += r" 0 & for & x\leq 0 \\ "
text += r" 1 & for & x> 0 "
text += r"\end{array}\right. $"
dtext = r"$ f(x)' = \left\{\begin{array}{ccc}"
dtext += r"0 & for & x \neq 0 \\ "
dtext += r"? & for & x = 0 "
dtext += r"\end{array}\right. $"
display('binary step', (-0.1, 1.6),
func, text, 2, (2.2, 0.5),
dfunc, dtext, 0, (-3.5, 0.5)
)
#####################################################################################
# <codecell> Piecewise Linear (线性分段)
#####################################################################################
xmin = -3.5
xmax = 3.5
w = 1/(xmax - xmin)
b = xmax*w
func = np.vectorize(lambda x: 1 if x > xmax else 0 if x < xmin else w*x+b,
otypes=[np.float])
dfunc = np.vectorize(lambda x: 0 if x > xmax or x < xmin else w, otypes=[np.float])
text = r"$ f(x) = \left\{\begin{matrix}"
text += r"0 & for & x < x_{min} \\ "
text += r"wx + b & for & x_{min} \leq x \leq x_{max} \\ "
text += r"1 & for & x > x_{max}"
text += r"\end{matrix}\right. \\ \\ \\ \\"
text += r"w=%.2f; b=%.2f; x_{min}=%.2f; x_{max}=%.2f $" % (w, b, xmin, xmax)
dtext = r"$ f(x)' = \left\{\begin{matrix}"
dtext += r"0 & for & x < x_{min} \\ "
dtext += r"m & for & x_{min} \leq x \leq x_{max} \\ "
dtext += r"0 & for & x > x_{max}"
dtext += r"\end{matrix}\right. $"
display('piecewise linear', (-0.1, 1.6),
func, text, -0.3, (-5.0, 1.0),
dfunc, dtext, 2, (2.2, 0.5))
#####################################################################################
# <codecell> Bipolar
#####################################################################################
func = np.vectorize(lambda x: 1 if x > 0 else -1, otypes=[np.float])
dfunc = np.vectorize(lambda x: 0, otypes=[np.float])
text = r"$ f(x) = \left\{\begin{matrix}"
text += r"-1 & for & x \leq 0 \\ "
text += r"1 & for & x > 0 "
text += r"\end{matrix}\right. $"
dtext = r"$ f(x)' = \left\{\begin{matrix}"
dtext += r"0 & for & x \neq 0 \\ "
dtext += r"? & for & x = 0 "
dtext += r"\end{matrix}\right. $"
display('bipolar', (-1.5, 1.5),
func, text, 1, (2, 0.5),
dfunc, dtext, 0, (-4, 0.5)
)
#####################################################################################
# <codecell> Sigmoid
#####################################################################################
def sigmoid_func(x):
return 1 / (1 + np.exp(-x))
def sigmoid_dfunc(x):
fx = sigmoid_func(x)
return fx * (1 - fx)
text = r"$ f(x) = \dfrac{1}{1 + e^{-x}} $"
dtext = r"$ f(x)' = f(x) * (1-f(x)) $"
display('sigmiod', (-0.2, 1.2),
sigmoid_func, text, 1, (2, 0.5),
sigmoid_dfunc, dtext, -1, (-5, 0.5))
#####################################################################################
# <codecell> Bipolar Sigmoid
#####################################################################################
def bisigmoid_func(x):
return (1 - np.exp(-x)) / (1 + np.exp(-x))
def bisigmoid_dfunc(x):
return 2 * np.exp(x) / ((np.exp(x) + 1) ** 2)
text = r"$ f(x) = \dfrac{1-e^{-x}}{1+e^{-x}} $"
dtext = r"$ f(x)' = \dfrac{2e^x}{(e^x + 1)^2} $"
display('bipolar sigmiod', (-1.2, 1.2),
bisigmoid_func, text, 0.2, (1, -0.5),
bisigmoid_dfunc, dtext, -3, (-4, 0.5))
#####################################################################################
# <codecell> Hyperbolic Tangent, TanH (双曲正切)
#####################################################################################
def tanh_func(x):
return 2 / (1 + np.exp(-2 * x)) - 1
def tanh_dfunc(x):
fx = tanh_func(x)
return 1 - fx ** 2
text = r"$ f(x) = \dfrac{1}{1 + e^{-2x}} - 1 $"
dtext = r"$ f(x)' = 1 - f(x)^2 $"
display('hyperbolic tangent', (-1.2, 1.2),
tanh_func, text, 0.2, (1, -0.5),
tanh_dfunc, dtext, -1.0, (-4, 0.6))
#####################################################################################
# <codecell> Arctangent, Arctan
#####################################################################################
def arctan_func(x):
return np.arctan(x)
def arctan_dfunc(x):
return 1 / (1 + x ** 2)
text = r"$ f(x) = tan^{-1}x $"
dtext = r"$ f(x)' = \dfrac{1}{1+x^2} $"
display('arctangent', (-1.5, 1.5),
arctan_func, text, 0.2, (1, -0.5),
arctan_dfunc, dtext, -1.0, (-4, 1.2))
#####################################################################################
# <codecell> Rectified Linear Units, ReLU
#####################################################################################
relu_func = np.vectorize(lambda x: x if x > 0 else 0, otypes=[np.float])
relu_dfunc = np.vectorize(lambda x: 1 if x > 0 else 0, otypes=[np.float])
text = r"$ f(x) = \left\{\begin{matrix}"
text += r"0 & for & x \leq 0 \\ "
text += r"x & for & x > 0 "
text += r"\end{matrix}\right. $"
dtext = r"$ f(x)' = \left\{\begin{matrix}"
dtext += r"0 & for & x \leq 0 \\ "
dtext += r"1 & for & x > 0 "
dtext += r"\end{matrix}\right. $"
display('relu', (-0.5, 1.5),
relu_func, text, 0.6, (1.8, 0.5),
relu_dfunc, dtext, -2.0, (-3.2, 0.5))
#####################################################################################
# <codecell> Leaky Rectified Linear Units, Leaky ReLU
#####################################################################################
a = 0.1
lrelu_func = np.vectorize(lambda x: x if x > 0 else a*x, otypes=[np.float])
lrelu_dfunc = np.vectorize(lambda x: 1 if x > 0 else a, otypes=[np.float])
text = r"$ f(x) = \left\{\begin{matrix}"
text += r"ax & for & x \leq 0 \\ "
text += r"x & for & x > 0 "
text += r"\end{matrix}\right. \\ \\ \\"
text += r"a=%.2f $" % a
dtext = r"$f(x)' = \left\{\begin{matrix}"
dtext += r"a & for & x \leq 0 \\ "
dtext += r"1 & for & x > 0 "
dtext += r"\end{matrix}\right. $"
display('leaky relu', (-0.5, 1.5),
lrelu_func, text, 0.6, (1.8, 0.5),
lrelu_dfunc, dtext, -2.0, (-3.2, 0.5))
#####################################################################################
# <codecell> Exponential Linear Units, ELU
#####################################################################################
a = 0.5
elu_func = np.vectorize(lambda x: x if x > 0 else a*(np.exp(x)-1), otypes=[np.float])
elu_dfunc = np.vectorize(lambda x: 1 if x > 0 else a*np.exp(x), otypes=[np.float])
text = r"$ f(x) = \left\{\begin{matrix}"
text += r"a(e^x-1) & for & x \leq 0 x \\ "
text += r"x & for & x > 0 "
text += r"\end{matrix}\right. $"
dtext = r"$ f(x)' = \left\{\begin{matrix}"
dtext += r"f(x) + a & for & x \leq 0 \\ "
dtext += r"1 & for & x > 0 "
dtext += r"\end{matrix}\right. \\ \\ \\"
dtext += r"a=%.2f $" % a
display('elu', (-0.5, 1.5),
elu_func, text, 0.6, (1.8, 0.5),
elu_dfunc, dtext, -0.5, (-4.5, 0.5))
#####################################################################################
# <codecell> SoftPlus
#####################################################################################
def softplus_func(x):
return np.log(1+np.exp(x))
def softplus_dfunc(x):
return 1/(1+np.exp(-x))
text = r"$ f(x) = ln(1 + e^x) $"
dtext = r"$ f(x)' = \dfrac{1}{1 + e^{-x}} $"
display('softplus', (-0.5, 1.5),
softplus_func, text, 0.6, (1.8, 0.5),
softplus_dfunc, dtext, -2.0, (-3.2, 0.5))
| 1.765625 | 2 |
examples/paper_benchmarks/GPU/cot_gpu_m12/run_sliced.py | XanaduAI/jet | 29 | 12787604 | import time
import sys
import quimb.tensor as qtn
import cotengra as ctg
import tqdm
from opt_einsum import contract, contract_expression, contract_path, helpers
from opt_einsum.paths import linear_to_ssa, ssa_to_linear
def load_circuit(
n=53,
depth=10,
seed=0 ,
elided=0,
sequence='ABCDCDAB',
swap_trick=False
):
file = f'circuit_n{n}_m{depth}_s{seed}_e{elided}_p{sequence}.qsim'
if swap_trick:
gate_opts={'contract': 'swap-split-gate', 'max_bond': 2}
else:
gate_opts={}
# instantiate the `Circuit` object that
# constructs the initial tensor network:
return qtn.Circuit.from_qasm_file(file, gate_opts=gate_opts)
circ = load_circuit(depth=12, swap_trick=True)
sampler = qtn.MPS_computational_state('0' * (circ.N))
tn = circ.psi & sampler
tn.full_simplify_(output_inds=[])
tn.astype_('complex64')
ctg.hyper._HYPER_SEARCH_SPACE['kahypar']['imbalance']['max'] = 0.1
opt = ctg.HyperOptimizer(
methods=['kahypar'],
max_time=120, # just search for 2 minutes
max_repeats=1000,
progbar=True,
minimize='flops',
slicing_opts={'target_slices': int(sys.argv[1])}
)
info = tn.contract(all, optimize=opt, get='path-info', output_inds=[])
sf = ctg.SliceFinder(info, target_slices=int(sys.argv[1]))
ix_sl, cost_sl = sf.search(temperature=1.0)
ix_sl, cost_sl = sf.search(temperature=0.1)
ix_sl, cost_sl = sf.search(temperature=0.01)
arrays = [t.data for t in tn]
sc = sf.SlicedContractor(arrays)
start = time.time()
c = sc.contract_slice(0, backend="jax")
end = time.time()
print(f"t_0(contract_slice[0])={end-start}")
print(f"res_0(contract_slice[0])={c}")
print("#########################################################")
for i in tqdm.tqdm(range(1, sc.nslices)):
start = time.time()
c = c + sc.contract_slice(i, backend="jax")
end = time.time()
print(f"t_0(contract_slice[{i}])={end-start}")
print(f"res_0(sum to contract_slice[{i}])={c}")
print("#########################################################")
print("#########################################################")
print("#########################################################")
# second run
tn = circ.psi & qtn.MPS_rand_computational_state(circ.N, seed=42)
tn.full_simplify_(output_inds=[]).astype_('complex64')
# update the SlicedContractor's arrays
sc.arrays = tuple(t.data for t in tn)
# perform the contraction
start = time.time()
c = sc.contract_slice(0, backend="jax")
end = time.time()
print(f"t_0(contract_slice[0])={end-start}")
print(f"res_0(contract_slice[0])={c}")
print("#########################################################")
res=0
for i in tqdm.tqdm(range(sc.nslices)):
start = time.time()
res += sc.contract_slice(i, backend="jax")
end = time.time()
print(f"t_1(contract_slice[{i}])={end-start}")
print(f"res_1(contract_slice[{i}])={res}")
# update the SlicedContractor's arrays
sc.arrays = tuple(t.data for t in tn)
print("#########################################################")
# perform the contraction
res=0
for i in tqdm.tqdm(range(sc.nslices)):
start = time.time()
res += sc.contract_slice(i, backend="jax")
end = time.time()
print(f"t_2(contract_slice[{i}])={end-start}")
print(f"res_2(contract_slice[{i}])={res}")
| 1.929688 | 2 |
Leetcode/1000-2000/1858. Longest Word With All Prefixes/1858.py | Next-Gen-UI/Code-Dynamics | 0 | 12787605 | <filename>Leetcode/1000-2000/1858. Longest Word With All Prefixes/1858.py<gh_stars>0
class Solution:
def __init__(self):
self.root = {}
def longestWord(self, words: List[str]) -> str:
ans = ''
for word in words:
self.insert(word)
for word in words:
if not self.allPrefixed(word):
continue
if len(ans) < len(word) or (len(ans) == len(word) and ans > word):
ans = word
return ans
def insert(self, word: str) -> None:
node = self.root
for c in word:
if c not in node:
node[c] = {}
node = node[c]
node['isWord'] = True
def allPrefixed(self, word: str) -> bool:
node = self.root
for c in word:
node = node[c]
if 'isWord' not in node:
return False
return True
| 3.71875 | 4 |
guestbook.py | tgirotto/bigdata-test | 0 | 12787606 | import os
import urllib
import csv
from google.appengine.api import users
from google.appengine.ext import ndb
import jinja2
import webapp2
JINJA_ENVIRONMENT = jinja2.Environment(
loader=jinja2.FileSystemLoader(os.path.dirname(__file__)),
extensions=['jinja2.ext.autoescape'],
autoescape=True)
DEFAULT_GUESTBOOK_NAME = 'default_guestbook'
# We set a parent key on the 'Greetings' to ensure that they are all
# in the same entity group. Queries across the single entity group
# will be consistent. However, the write rate should be limited to
# ~1/second.
def guestbook_key(guestbook_name=DEFAULT_GUESTBOOK_NAME):
"""Constructs a Datastore key for a Guestbook entity.
We use guestbook_name as the key.
"""
return ndb.Key('Guestbook', guestbook_name)
class Author(ndb.Model):
"""Sub model for representing an author."""
identity = ndb.StringProperty(indexed=False)
email = ndb.StringProperty(indexed=False)
class Greeting(ndb.Model):
"""A main model for representing an individual Guestbook entry."""
author = ndb.StructuredProperty(Author)
content = ndb.StringProperty(indexed=False)
date = ndb.DateTimeProperty(auto_now_add=True)
class MainPage(webapp2.RequestHandler):
def get(self):
guestbook_name = self.request.get('guestbook_name',
DEFAULT_GUESTBOOK_NAME)
greetings_query = Greeting.query(
ancestor=guestbook_key(guestbook_name)).order(-Greeting.date)
greetings = greetings_query.fetch(10)
user = users.get_current_user()
if user:
url = users.create_logout_url(self.request.uri)
url_linktext = 'Logout'
else:
url = users.create_login_url(self.request.uri)
url_linktext = 'Login'
template_values = {
'user': user,
'greetings': greetings,
'guestbook_name': urllib.quote_plus(guestbook_name),
'url': url,
'url_linktext': url_linktext,
}
template = JINJA_ENVIRONMENT.get_template('index.html')
self.response.write(template.render(template_values))
class Guestbook(webapp2.RequestHandler):
def post(self):
# We set the same parent key on the 'Greeting' to ensure each
# Greeting is in the same entity group. Queries across the
# single entity group will be consistent. However, the write
# rate to a single entity group should be limited to
# ~1/second.
guestbook_name = self.request.get('guestbook_name',
DEFAULT_GUESTBOOK_NAME)
greeting = Greeting(parent=guestbook_key(guestbook_name))
if users.get_current_user():
greeting.author = Author(
identity=users.get_current_user().user_id(),
email=users.get_current_user().email())
greeting.content = self.request.get('content')
greeting.put()
query_params = {'guestbook_name': guestbook_name}
self.redirect('/?' + urllib.urlencode(query_params))
###############################################################################################
class Order(ndb.Model):
"""A main model for representing an individual Guestbook entry."""
customerId = ndb.StringProperty(indexed=False)
kioskId = ndb.StringProperty(indexed=False)
class JsonFileLoader(webapp2.RequestHandler):
def post(self):
content = self.request.get('content')
type = self.request.get('type')
customerId = '1234'
newOrder = Order(parent=guestbook_key(''))
# print type
# print content
self.response.write(content)
# print self.request.POST['customerId']
# order.customerId = self.request.get('customerId')
#
# order.kioskId = self.request.get('kioskId')
# order.put()
class CsvFileLoader(webapp2.RequestHandler):
def post(self):
print self.request.get('type')
check_values = self.request.POST.getall('file')
array = list(csv.reader(check_values))
for c in array:
print c
self.response.write(self.request.get('file'))
# print self.request.POST['customerId']
# order.customerId = self.request.get('customerId')
#
# order.kioskId = self.request.get('kioskId')
# order.put()
class Key(webapp2.RequestHandler):
def get(self):
print 'hello girotto'
self.response.write(ndb.Key('Guestbook', DEFAULT_GUESTBOOK_NAME))
app = webapp2.WSGIApplication([
# ('/csv', CsvFileLoader),
('/csv/order', CsvFileLoader),
('/csv/kiosk', CsvFileLoader),
], debug=True)
| 2.859375 | 3 |
src/reference/API.py | Limespy/interp-compression | 0 | 12787607 | <reponame>Limespy/interp-compression
import sys
import pathlib
import numpy as np
from collections import namedtuple
from scipy import interpolate
import math
path_package = pathlib.Path(__file__).parent.absolute()
sys.path.insert(1,str(path_package.parent))
import API as compression
#%%═════════════════════════════════════════════════════════════════════
# SETUP
path_data = path_package / 'data'
Reference = namedtuple('Reference',
['raw','atol','cmethod','ostyle','compressed'],
defaults=[1e-5,'interp10','monolith',None])
#%%═════════════════════════════════════════════════════════════════════
# FUNCTIONS
##%%════════════════════════════════════════════════════════════════════
## Auxiliary functions
#%%═════════════════════════════════════════════════════════════════════
# Reference raw data
def raw_poly0(n=1e1):
x = np.linspace(0,1,int(n))
return x, np.zeros(len(x))
#───────────────────────────────────────────────────────────────────────
def raw_poly1(n=1e1):
x = np.linspace(0,1,int(n))
return x, x
#───────────────────────────────────────────────────────────────────────
def raw_poly2(n=1e2):
x = np.linspace(0,1,int(n))
return x, np.array(x**2)
#───────────────────────────────────────────────────────────────────────
def raw_sine(n=1e4):
x = np.linspace(0,1,int(n))
return x, np.array(np.sin(x*2*math.pi))
#───────────────────────────────────────────────────────────────────────
def raw_sine_normal(n=1e4, std=0.1):
rng = np.random.default_rng(12345)
x = np.linspace(0,1,int(n))
return x, np.array(np.sin(x*2*math.pi)) + std*rng.standard_normal(int(n))
#───────────────────────────────────────────────────────────────────────
raw = {'poly0': raw_poly0,
'poly1': raw_poly1,
'poly2': raw_poly2,
'sine': raw_sine}
###═════════════════════════════════════════════════════════════════════
class Data():
'''Data container'''
def __init__(self, function, ytol=1e-2):
self.x, self.y = raw[function]()
self.y_range = np.max(self.y) - np.min(self.y)
self.ytol = ytol
self.xc = None
self.yc = None
#───────────────────────────────────────────────────────────────────
def make_lerp(self):
self.lerp = interpolate.interp1d(self.xc.flatten(), self.yc.flatten(),
assume_sorted=True)
self.residuals = self.lerp(self.x) - self.y
self.residuals_relative = self.residuals / self.ytol
self.residuals_relative_cumulative = np.cumsum(self.residuals_relative)
self.NRMSE = np.std(self.residuals)/self.y_range
self.covariance = np.cov((self.lerp(self.x), self.y))
#───────────────────────────────────────────────────────────────────────
references = [Reference(raw['poly0'],1e-5,'interp10','monolith')]
#───────────────────────────────────────────────────────────────────────
def generate(function, method, ytol=5e-2):
data = Data(function, ytol=ytol)
data.xc, data.yc, _ = compression.compress(data.x, data.y, method=method, ytol=data.ytol)
data.make_lerp()
print(np.amax(np.abs(data.residuals_relative)))
np.savetxt(path_data / (function+'_'+method+'.csv'),
np.concatenate((data.xc, data.yc), axis=1), delimiter=',', header='hmm')
return data
| 2.28125 | 2 |
tests/test_context.py | d-wysocki/flask-resty | 86 | 12787608 | <reponame>d-wysocki/flask-resty<gh_stars>10-100
import pytest
from flask_resty import context
# -----------------------------------------------------------------------------
def test_view_default(app):
with app.test_request_context():
view_1 = object()
view_2 = object()
assert context.get_for_view(view_1, "foo", "missing") == "missing"
context.set_for_view(view_1, "foo", "present")
assert context.get_for_view(view_1, "foo", "missing") == "present"
assert context.get_for_view(view_2, "foo", "missing") == "missing"
def test_get_without_request():
with pytest.raises(RuntimeError, match="outside of request context"):
context.get("foo")
| 2.3125 | 2 |
platypush/message/event/music/snapcast.py | RichardChiang/platypush | 228 | 12787609 | from platypush.message.event import Event
class SnapcastEvent(Event):
""" Base class for Snapcast events """
def __init__(self, host='localhost', *args, **kwargs):
super().__init__(host=host, *args, **kwargs)
class ClientConnectedEvent(SnapcastEvent):
"""
Event fired upon client connection
"""
def __init__(self, client, host='localhost', *args, **kwargs):
super().__init__(client=client, host=host, *args, **kwargs)
class ClientDisconnectedEvent(SnapcastEvent):
"""
Event fired upon client disconnection
"""
def __init__(self, client, host='localhost', *args, **kwargs):
super().__init__(client=client, host=host, *args, **kwargs)
class ClientVolumeChangeEvent(SnapcastEvent):
"""
Event fired upon volume change or mute status change on a client
"""
def __init__(self, client, volume, muted, host='localhost', *args, **kwargs):
super().__init__(client=client, host=host, volume=volume,
muted=muted, *args, **kwargs)
class ClientLatencyChangeEvent(SnapcastEvent):
"""
Event fired upon latency change on a client
"""
def __init__(self, client, latency, host='localhost', *args, **kwargs):
super().__init__(client=client, host=host, latency=latency,
*args, **kwargs)
class ClientNameChangeEvent(SnapcastEvent):
"""
Event fired upon name change of a client
"""
def __init__(self, client, name, host='localhost', *args, **kwargs):
super().__init__(client=client, host=host, name=name,
*args, **kwargs)
class GroupMuteChangeEvent(SnapcastEvent):
"""
Event fired upon mute status change
"""
def __init__(self, group, muted, host='localhost', *args, **kwargs):
super().__init__(group=group, host=host, muted=muted, *args, **kwargs)
class GroupStreamChangeEvent(SnapcastEvent):
"""
Event fired upon group stream change
"""
def __init__(self, group, stream, host='localhost', *args, **kwargs):
super().__init__(group=group, host=host, stream=stream, *args, **kwargs)
class StreamUpdateEvent(SnapcastEvent):
"""
Event fired upon stream update
"""
def __init__(self, stream_id, stream, host='localhost', *args, **kwargs):
super().__init__(stream_id=stream_id, stream=stream, host=host, *args, **kwargs)
class ServerUpdateEvent(SnapcastEvent):
"""
Event fired upon stream update
"""
def __init__(self, server, host='localhost', *args, **kwargs):
super().__init__(server=server, host=host, *args, **kwargs)
# vim:sw=4:ts=4:et:
| 2.4375 | 2 |
class_day02.py | yunjung-lee/class_python_data | 0 | 12787610 | <gh_stars>0
# ## 통계 기반 데이터 분석 (부제: 영상 처리를 통한 데이터 분석 및 통계 처리) ##
#
#
#
#
# 복습퀴즈1. 800x800 화면에서 거북이가 다음 정보를 소유하도록 한다.
#
# [거북이개체, (시작x,y), (끝x,y), (r,g,b), 크기]
#
# 20마리를 생성해서 리스트에 저장한 후에, 각각 이동하도록 한다.
#
#
#
#
# 복습퀴즈2. 구구단을 처리하되, 각 결과의 앞자리~뒷자리까지 합계로 출력한다.
#
# 예) 2x1=3 (값2를 02로 취급해서 0부터 2까지의 합계 : 0+1+2 = 3)
#
# 2x2=10 (값2를 02로 취급해서 0부터 2까지의 합계 : 0+1+2+3+4 = 10)
#
# ...
#
# 2x9=36 (값18을 1부터 8까지 : 1+2+3+4+5+6+7+8=36)
#
# ...
#
# 8x8=15 (값64를 6부터 4까지 : 6+5+4 = 15)
#
#
#
#
# 복습퀴즈3(심화). 행과 열의 크기를 입력받고, 크기만큼 가로 및 세로로 지그재그로
#
# 1부터 출력한다.
#
# 예) 3, 4를 입력하면
#
# 1 2 3 4
#
# 8 7 6 5
#
# 9 10 11 12
#
#
#
#
# 1 6 7 12
#
# 2 5 8 11
#
# 3 4 9 10 | 2.546875 | 3 |
nwb_conversion_tools/utils/createextractors.py | miketrumpis/nwb-conversion-tools | 0 | 12787611 | <filename>nwb_conversion_tools/utils/createextractors.py
from distutils.version import StrictVersion
import numpy as np
try:
from spikeinterface.core.testing_tools import generate_recording, generate_sorting
import spikeinterface as si
if StrictVersion(si.__version__[:4]) >= StrictVersion("0.90"):
HAVE_SI_090 = True
else:
HAVE_SI_090 = False
except ImportError:
HAVE_SI_090 = False
try:
import spikeextractors as se
HAVE_SI013 = True
except ImportError:
HAVE_SI013 = False
def create_si090_example():
assert HAVE_SI_090, "spikeinterface 0.90 not installed"
RX = generate_recording(durations=[10], num_channels=4)
# RX.set_property("prop1", np.arange(RX.get_num_channels()))
# RX.set_property("prop2", np.arange(RX.get_num_channels()) * 2)
SX = generate_sorting(durations=[10])
# SX.set_property("prop1", np.arange(SX.get_num_units()))
# SX.set_property("prop2", np.arange(SX.get_num_units()) * 2)
return RX, SX
def create_si013_example(seed):
assert HAVE_SI013, "spikeextractors not installed"
channel_ids = [0, 1, 2, 3]
num_channels = 4
num_frames = 10000
num_ttls = 30
sampling_frequency = 30000
X = np.random.RandomState(seed=seed).normal(0, 1, (num_channels, num_frames))
geom = np.random.RandomState(seed=seed).normal(0, 1, (num_channels, 2))
X = (X * 100).astype(int)
ttls = np.sort(np.random.permutation(num_frames)[:num_ttls])
RX = se.NumpyRecordingExtractor(timeseries=X, sampling_frequency=sampling_frequency, geom=geom)
RX.set_ttls(ttls)
RX.set_channel_locations([0, 0], channel_ids=0)
RX.add_epoch("epoch1", 0, 10)
RX.add_epoch("epoch2", 10, 20)
for i, channel_id in enumerate(RX.get_channel_ids()):
RX.set_channel_property(channel_id=channel_id, property_name="shared_channel_prop", value=i)
RX2 = se.NumpyRecordingExtractor(timeseries=X, sampling_frequency=sampling_frequency, geom=geom)
RX2.copy_epochs(RX)
times = np.arange(RX.get_num_frames()) / RX.get_sampling_frequency() + 5
RX2.set_times(times)
RX3 = se.NumpyRecordingExtractor(timeseries=X, sampling_frequency=sampling_frequency, geom=geom)
SX = se.NumpySortingExtractor()
SX.set_sampling_frequency(sampling_frequency)
spike_times = [200, 300, 400]
train1 = np.sort(np.rint(np.random.RandomState(seed=seed).uniform(0, num_frames, spike_times[0])).astype(int))
SX.add_unit(unit_id=1, times=train1)
SX.add_unit(unit_id=2, times=np.sort(np.random.RandomState(seed=seed).uniform(0, num_frames, spike_times[1])))
SX.add_unit(unit_id=3, times=np.sort(np.random.RandomState(seed=seed).uniform(0, num_frames, spike_times[2])))
SX.set_unit_property(unit_id=1, property_name="stability", value=80)
SX.add_epoch("epoch1", 0, 10)
SX.add_epoch("epoch2", 10, 20)
SX2 = se.NumpySortingExtractor()
SX2.set_sampling_frequency(sampling_frequency)
spike_times2 = [100, 150, 450]
train2 = np.rint(np.random.RandomState(seed=seed).uniform(0, num_frames, spike_times2[0])).astype(int)
SX2.add_unit(unit_id=3, times=train2)
SX2.add_unit(unit_id=4, times=np.random.RandomState(seed=seed).uniform(0, num_frames, spike_times2[1]))
SX2.add_unit(unit_id=5, times=np.random.RandomState(seed=seed).uniform(0, num_frames, spike_times2[2]))
SX2.set_unit_property(unit_id=4, property_name="stability", value=80)
SX2.set_unit_spike_features(unit_id=3, feature_name="widths", value=np.asarray([3] * spike_times2[0]))
SX2.copy_epochs(SX)
SX2.copy_times(RX2)
for i, unit_id in enumerate(SX2.get_unit_ids()):
SX2.set_unit_property(unit_id=unit_id, property_name="shared_unit_prop", value=i)
SX2.set_unit_spike_features(
unit_id=unit_id, feature_name="shared_unit_feature", value=np.asarray([i] * spike_times2[i])
)
SX3 = se.NumpySortingExtractor()
train3 = np.asarray([1, 20, 21, 35, 38, 45, 46, 47])
SX3.add_unit(unit_id=0, times=train3)
features3 = np.asarray([0, 5, 10, 15, 20, 25, 30, 35])
features4 = np.asarray([0, 10, 20, 30])
feature4_idx = np.asarray([0, 2, 4, 6])
SX3.set_unit_spike_features(unit_id=0, feature_name="dummy", value=features3)
SX3.set_unit_spike_features(unit_id=0, feature_name="dummy2", value=features4, indexes=feature4_idx)
example_info = dict(
channel_ids=channel_ids,
num_channels=num_channels,
num_frames=num_frames,
sampling_frequency=sampling_frequency,
unit_ids=[1, 2, 3],
train1=train1,
train2=train2,
train3=train3,
features3=features3,
unit_prop=80,
channel_prop=(0, 0),
ttls=ttls,
epochs_info=((0, 10), (10, 20)),
geom=geom,
times=times,
)
return RX, RX2, RX3, SX, SX2, SX3, example_info
| 1.851563 | 2 |
brahe/access/access_geometry.py | duncaneddy/brahe | 14 | 12787612 | '''Provide fundamental geometry calculations used by the scheduling.
'''
import math
import numpy as np
import brahe.data_models as bdm
from brahe.utils import fcross
from brahe.constants import RAD2DEG
from brahe.coordinates import sECEFtoENZ, sENZtoAZEL, sECEFtoGEOD, sGEODtoECEF
from brahe.relative_coordinates import rCARTtoRTN
def azelrng(sat_ecef: np.ndarray,
loc_ecef: np.ndarray,
use_degrees: bool = True) -> np.ndarray:
'''Compute satellite azimuth, elevation, and range as viewed from the specified location.
Args:
sat_ecef (:obj:`np.ndarray`): Satellite position in the ECEF frame
loc_ecef (:obj:`np.ndarray`): Location in ECEF (ITRF) frame.
use_degrees (:obj:`bool`, optional): Return output in degrees. Default: `True`
Returns:
np.ndarray: azimuth elevation and range as array [deg, deg, m]
'''
# Ensure np-ness
sat_ecef = np.asarray(sat_ecef)
loc_ecef = np.asarray(loc_ecef)
# Compute Satellite State in ENZ frame
sat_enz = sECEFtoENZ(loc_ecef[0:3], sat_ecef[0:3], conversion='geodetic')
# Compute Satellite Elevation
azelrng = sENZtoAZEL(sat_enz, use_degrees=use_degrees)[0:3]
return azelrng
def azimuth(sat_ecef: np.ndarray,
loc_ecef: np.ndarray,
use_degrees: bool = True) -> np.ndarray:
'''Compute satellite azimuth as viewed from the specified location.
Args:
sat_ecef (:obj:`np.ndarray`): Satellite position in the ECEF frame
loc_ecef (:obj:`np.ndarray`): Location in ECEF (ITRF) frame.
use_degrees (:obj:`bool`, optional): Return output in degrees. Default: `True`
Returns:
float: Azimuth [deg]
'''
return azelrng(sat_ecef, loc_ecef, use_degrees=use_degrees)[0]
def elevation(sat_ecef: np.ndarray,
loc_ecef: np.ndarray,
use_degrees: bool = True) -> np.ndarray:
'''Compute satellite elevation as viewed from the specified location.
Args:
sat_ecef (:obj:`np.ndarray`): Satellite position in the ECEF frame
loc_ecef (:obj:`np.ndarray`): Location in ECEF (ITRF) frame.
use_degrees (:obj:`bool`, optional): Return output in degrees. Default: `True`
Returns:
float: Elevation [deg]
'''
return azelrng(sat_ecef, loc_ecef, use_degrees=use_degrees)[1]
def range(sat_ecef: np.ndarray, loc_ecef: np.ndarray,
use_degrees: bool = True) -> np.ndarray:
'''Compute satellite range from the specified location.
Args:
sat_ecef (:obj:`np.ndarray`): Satellite position in the ECEF frame.
loc_ecef (:obj:`np.ndarray`): Location in ECEF (ITRF) frame.
use_degrees (:obj:`bool`, optional): Return output in degrees. Default: `True`
Returns:
float: Range [m]
'''
return azelrng(sat_ecef, loc_ecef, use_degrees=use_degrees)[2]
def look_angle(sat_ecef: np.ndarray, loc_ecef: np.ndarray, use_degrees: bool = True) -> np.ndarray:
'''Compute the look angle angle between the satellite and the specific location.
Args:
sat_ecef (:obj:`np.ndarray`): Satellite position in the ECEF frame.
loc_ecef (:obj:`np.ndarray`): Location in ECEF (ITRF) frame.
use_degrees (:obj:`bool`, optional): Return output in degrees. Default: `True`
Returns:
float: look angle angle [deg]
'''
# Ensure np-ness
sat_ecef = np.asarray(sat_ecef)
loc_ecef = np.asarray(loc_ecef)
# Satellite state
r_sat = sat_ecef[0:3]
# Geodetic sub-satellte point
sat_geod = sECEFtoGEOD(r_sat)
sub_sat_geod = np.array([sat_geod[0], sat_geod[1], 0.0])
sub_sat_ecef = sGEODtoECEF(sub_sat_geod)
# look angle
nadir_dir = (sub_sat_ecef - r_sat) / np.linalg.norm(sub_sat_ecef - r_sat)
target_dir = (loc_ecef - r_sat) / np.linalg.norm(loc_ecef - r_sat)
look_angle = math.acos(np.dot(nadir_dir, target_dir)) * RAD2DEG
return look_angle
def ascdsc(sat_ecef: np.ndarray) -> bdm.AscendingDescending:
'''Compute whether whether satellite is ascending or descending in current
state.
Args:
sat_ecef (:obj:`np.ndarray`): Satellite position in the ECEF frame.
use_degrees (:obj:`bool`, optional): Return output in degrees. Default: `True`
Returns:
bdm.AscendingDescending: ascending or descending state
'''
# Ensure np-ness
sat_ecef = np.asarray(sat_ecef)
if sat_ecef[5] > 0:
return bdm.AscendingDescending.ascending
elif sat_ecef[5] < 0:
return bdm.AscendingDescending.descending
else:
# Handle unlikely case that satellite is exaclty at 0 Z-velocity
if sat_ecef[2] < 0:
return bdm.AscendingDescending.ascending
else:
return bdm.AscendingDescending.descending
def look_direction(sat_ecef: np.ndarray,
loc_ecef: np.ndarray) -> bdm.LookDirection:
'''Compute the look direction for viewing the startet
Args:
sat_ecef (:obj:`np.ndarray`): Satellite position in the ECEF frame.
loc_ecef (:obj:`np.ndarray`): Location in ECEF (ITRF) frame.\
Returns:
bdm.LookDirection: Look direction. 'left' or 'right'
'''
# Ensure np-ness
sat_ecef = np.asarray(sat_ecef)
loc_ecef = np.asarray(loc_ecef)
# Line of Sight Vector in ECEF Frame
los_ecef = loc_ecef[0:3] - sat_ecef[0:3]
# Apply ECEF to RTN rotation
los_rtn = rCARTtoRTN(sat_ecef) @ los_ecef
# Compute cross product of RTN velocity and RTN LOS
cp = fcross([0, 1, 0], los_rtn)
if np.sign(cp[0]) < 0:
return bdm.LookDirection.right
else:
return bdm.LookDirection.left | 2.515625 | 3 |
Network Simulations/Assignment 3/CSMA/logger.py | neeladripal/bcse-lab | 0 | 12787613 | # function to log the analytics of communication
def storeLogs(senderName, receiverName, effectiveFrames, totalFrames, totalTime, collision, rttStore:list):
# frame size (IEEE 802.3 Ethernet Frame Format)
FRAME_SIZE=72*8
# define bandwidth (in bps)
BANDWIDTH = 1000
logs = "Sender: "+senderName+" ----------------------- "+"Receiver: "+receiverName
logs += "\nTotal frames sent = {}".format(totalFrames)
logs += "\nEffective frames sent = {}".format(effectiveFrames)
logs += "\nTotal time taken = {} seconds".format(int(totalTime))
logs += "\nCollision count = {}".format(int(collision))
# performance metrics
throughput = effectiveFrames / totalFrames
logs += "\nThroughput = {:.5f}".format(throughput)
logs += "\nForwarding Delay = {:.5f} seconds/frame\n\n".format(totalTime/effectiveFrames)
# open the file
file=open("logs.txt",'a')
# append the logs to the file
file.writelines(logs)
# Close the file
file.close()
# Calculate round-trip time from the store
# rtt = 0
# for index in range(0,len(rttStore)):
# rtt += rttStore[index]
# roundTripTime = (rtt/len(rttStore))
# BD = (bandwidth*roundTripTime)
# print('Round trip time = ',roundTripTime)
# file.writelines('Bandwidth-Delay product = {:6d} bits\n'.format(int(BD))) | 2.9375 | 3 |
src/scripts/descriptions/__init__.py | anku94/themis_tritonsort | 11 | 12787614 | from validateDescription import DescriptionValidator
from validateDescription import ValidationFailedError
from descriptionutils import Description
__all__ = ["validateDescription.DescriptionValidator",
"validateDescription.ValidationFailedError",
"descriptionutils.Description"]
| 1.375 | 1 |
tinyq/utils.py | mozillazg/tinyq | 14 | 12787615 | # -*- coding: utf-8 -*-
import importlib
def gen_task_name_via_func(func):
"""生成函数对象对应的 task name"""
return '{name}'.format(name=func.__name__)
def import_object_from_path(path, default_obj_name='app'):
"""从定义的字符串信息中导入对象
:param path: ``task.app``
"""
module_name, obj_name = path.rsplit('.', 1)
if not obj_name:
obj_name = default_obj_name
module = importlib.import_module(module_name)
return getattr(module, obj_name)
| 2.53125 | 3 |
graph/tests/bfs_test.py | RobMcZag/python-algorithms3 | 1 | 12787616 | import unittest
import graph
class BreadthFirstSearchTest(unittest.TestCase):
__runSlowTests = False
def testTinyGraph(self):
g = graph.Graph.from_file('tinyG.txt')
bfs = graph.BreadthFirstSearch(g, 0)
self.assertEqual(7, bfs.count())
self.assertFalse(bfs.connected(7))
self.assertIsNone(bfs.path_to(7))
self.assertFalse(bfs.connected(8))
self.assertIsNone(bfs.path_to(8))
self.assertFalse(bfs.connected(9))
self.assertIsNone(bfs.path_to(9))
self.assertFalse(bfs.connected(12))
self.assertIsNone(bfs.path_to(12))
self.assertEqual([2, 0], bfs.path_to(2))
self.assertEqual(1, bfs.distance(2))
self.assertEqual([3, 5, 0], bfs.path_to(3))
self.assertEqual(2, bfs.distance(3))
self.assertEqual([4, 5, 0], bfs.path_to(4))
self.assertEqual(2, bfs.distance(4))
self.assertEqual([5, 0], bfs.path_to(5))
self.assertEqual(1, bfs.distance(5))
def testMedGraph(self):
g = graph.Graph.from_file('mediumG.txt')
bfs = graph.BreadthFirstSearch(g, 0)
self.assertEqual(250, bfs.count())
self.assertTrue(bfs.connected(123))
self.assertEqual(9, bfs.distance(123))
self.assertEqual([123, 246, 244, 207, 122, 92, 171, 165, 68, 0], bfs.path_to(123))
def testTinyDG(self):
g = graph.Graph.from_file('tinyDG.txt', directed=True)
bfs = graph.BreadthFirstSearch(g, 0)
self.assertEqual(6, bfs.count())
self.assertTrue(bfs.connected(4))
self.assertIsNotNone(bfs.path_to(4))
self.assertFalse(bfs.connected(7))
self.assertIsNone(bfs.path_to(7))
self.assertEqual([2, 4, 5, 0], bfs.path_to(2))
self.assertEqual(3, bfs.distance(2))
def testTinyDAG(self):
g = graph.Graph.from_file('tinyDAG.txt', directed=True)
bfs = graph.BreadthFirstSearch(g, 0)
self.assertEqual(9, bfs.count())
self.assertTrue(bfs.connected(4))
self.assertIsNotNone(bfs.path_to(4))
self.assertFalse(bfs.connected(7))
self.assertIsNone(bfs.path_to(7))
self.assertEqual([12, 9, 6, 0], bfs.path_to(12))
self.assertEqual(3, bfs.distance(12))
if __name__ == '__main__':
unittest.main()
| 3.3125 | 3 |
app/threads.py | candicecz/conp-portal | 0 | 12787617 | <filename>app/threads.py
# -*- coding: utf-8 -*-
"""Threading Module
Module that contains the threaded pipeline searching functions
"""
from boutiques.searcher import Searcher
from boutiques.puller import Puller
import threading
import json
import os
import logging
class UpdatePipelineData(threading.Thread):
"""
Class that handles the threaded updating of the Pipeline
registrty from Zenodo
"""
def __init__(self, path):
super(UpdatePipelineData, self).__init__()
if not os.path.exists('logs'):
os.makedirs('logs')
logging.basicConfig(filename='logs/update_pipeline_thread.log', level=logging.INFO)
self.cache_dir = path
def run(self):
try:
# if cache directory doesn't exist then create it
if not os.path.exists(self.cache_dir):
os.makedirs(self.cache_dir)
# first search for all descriptors
searcher = Searcher(query="", max_results=100, no_trunc=True)
all_descriptors = searcher.search()
# then pull every single descriptor
all_descriptor_ids = list(map(lambda x: x["ID"], all_descriptors))
Puller(all_descriptor_ids).pull()
# fetch every single descriptor into one file
detailed_all_descriptors = [
json.load(open(os.path.join(self.cache_dir,
descriptor["ID"].replace(".", "-") + ".json"),
"r"))
for descriptor in all_descriptors
]
# store data in cache
with open(os.path.join(self.cache_dir,
"all_descriptors.json"),
"w") as f:
json.dump(all_descriptors, f, indent=4)
with open(os.path.join(self.cache_dir,
"detailed_all_descriptors.json"),
"w") as f:
json.dump(detailed_all_descriptors, f, indent=4)
except Exception as e:
logging.exception("An exception occurred in the thread.")
| 2.609375 | 3 |
src/autonmt/configs.py | mehdidou99/autONMT | 0 | 12787618 | import logging
import sys
import yaml
def load_config(filename):
with open(filename, 'r') as stream:
try:
return yaml.safe_load(stream)
except yaml.YAMLError as exc:
print('Invalid configuration')
print(exc)
sys.exit(1)
class LoadAndPreprocessConfig:
def __init__(self, raw) -> None:
expname = raw['name']
self.outputdatadir = raw['data']['output_dir'].rstrip('/')
self.outputdatadir = f'{self.outputdatadir}/{expname}'
self.preprocdir = f'/tmp/{expname}'
self.src_lgs = raw['data']['src_lgs']
self.tgt_lgs = raw['data']['tgt_lgs']
self.corpora = raw['data']['corpora']
self.datadir = raw['data']['dir'].rstrip('/')
self.on_missing_data = raw['data'].get('on_missing_data', [])
self.max_entries_per_corpus = int(raw['data']['max_entries_per_corpus'])
self.preprocessing_steps = raw['preprocessing']['steps']
class StepConfig:
def __init__(this, step_raw) -> None:
this.corpora = step_raw['corpora']
this.script = step_raw['script']
self.step_config = { step: StepConfig(raw[f'preprocessing_{step}']) for step in raw['preprocessing']['steps'] }
self.scriptsdir = raw['preprocessing']['scripts_dir']
self.final_files = raw['preprocessing']['final_files']
class TokenizeConfig:
def __init__(self, raw) -> None:
self.final_files = raw['preprocessing']['final_files']
expname = raw['name']
self.outputdatadir = raw['data']['output_dir'].rstrip('/')
self.outputdatadir = f'{self.outputdatadir}/{expname}'
class BuildVocabConfig:
def __init__(self, raw) -> None:
expname = raw['name']
self.outputdatadir = raw['data']['output_dir'].rstrip('/')
self.outputdatadir = f'{self.outputdatadir}/{expname}'
class VocabConfig:
def __init__(this, vocab_raw) -> None:
this.output = vocab_raw['save_to']
this.files = vocab_raw['files']
self.vocabs = { vocab: VocabConfig(vocab_raw) for vocab, vocab_raw in raw['vocab'].items() }
class SplitConfig:
def __init__(self, raw) -> None:
self.files = raw['splitting']['files']
self.parts = raw['splitting']['parts']
self.remain = raw['splitting']['remain']
self.seed = int(raw['splitting']['seed'])
expname = raw['name']
self.outputdatadir = raw['data']['output_dir'].rstrip('/')
self.outputdatadir = f'{self.outputdatadir}/{expname}'
class TrainConfig:
def __init__(self, raw) -> None:
expname = raw['name']
self.outputdir = raw['train']['output_dir'].rstrip('/')
self.outputdir = f'{self.outputdir}/{expname}'
model_file = raw['model'].get('file')
if model_file is not None:
self.model_file = model_file
self.custom_model = True
else:
self.model_type = raw['model']['type']
self.custom_model = False
self.model_config_file = raw['model']['config']
self.options = raw['train']['options']
class ConfigFactory:
configs = {
'load': LoadAndPreprocessConfig,
'tokenize': TokenizeConfig,
'build_vocab': BuildVocabConfig,
'split': SplitConfig,
'train': TrainConfig
}
def __init__(self, raw) -> None:
self.raw = raw
def build_for(self, step):
if step not in ConfigFactory.configs.keys():
raise NotImplementedError(f'Factory cannot build config for step {step}')
try:
result = ConfigFactory.configs[step](self.raw)
except KeyError as err:
logging.warning(f'Missing config element: {err}')
return None
return result
| 2.40625 | 2 |
utils/lost2.py | xixigaga/GolemQ | 0 | 12787619 | <filename>utils/lost2.py
print(u'分析和展示计算结果...')
ret_codelist = featurs_printable_formatter(ret_codelist)
codelist_saltedfish, ret_codelist_saltedfish, ret_codelist = find_fratcal_saltfish(ret_codelist)
codelist_combo, ret_codelist_combo, ret_codelist = find_fratcal_bootstrap_combo(ret_codelist)
codelist_action, ret_codelist_action, ret_codelist_combo = find_action_long(ret_codelist_combo)
codelist_weak, ret_codelist_weak, ret_codelist = find_fratcal_weakshort(ret_codelist)
codelist_short, ret_codelist_short, ret_codelist_unknown = find_action_sellshort(ret_codelist)
#codelist_hyper_punch, ret_stocklist_hyper_punch, ret_codelist =
#find_action_hyper_punch(ret_codelist)
codelist_unknown = [index[1] for index, symbol in ret_codelist_unknown.iterrows()]
# 将计算的标的分成四类 —— 买入判断'buy',持有判断'long',做空判断'short',
# 'slatfish'是垃圾咸鱼票,既没有价格波动性也没有想象空间
if (eval_range in ['etf', 'csindex']):
full_etf_list = perpar_symbol_range('etf')
full_csindex_list = perpar_symbol_range('csindex')
ret_codelist = ret_features_pd.loc[(each_day[-1], slice(None)), :].copy()
symbol_list = ret_codelist.index.get_level_values(level=1).unique()
symbol_list_grouped = [(symbol, 'etf') for symbol in list(set(symbol_list).intersection(set(full_etf_list)))] + \
[(symbol, 'csindex') for symbol in list(set(symbol_list).intersection(set(full_csindex_list)))]
if (eval_range in ['etf']):
symbol_list_grouped = [(symbol, 'etf') for symbol in symbol_list]
elif (eval_range in ['csindex']):
symbol_list_grouped = [(symbol, 'csindex') for symbol in symbol_list]
symbol_list_grouped = list(set(symbol_list_grouped))
else:
symbol_list_grouped = [(symbol, 'buy') for symbol in codelist_action] + \
[(symbol, 'long') for symbol in list(set(codelist_combo).difference(set(codelist_action)))] + \
[(symbol, 'weak') for symbol in codelist_weak] + \
[(symbol, 'short') for symbol in codelist_short] + \
[(symbol, 'saltedfish') for symbol in codelist_saltedfish] + \
[(symbol, 'unknown') for symbol in codelist_unknown] | 2.546875 | 3 |
build/lib/automata_toolkit/nfa_to_dfa.py | b30wulffz/automata-toolkit | 8 | 12787620 | <gh_stars>1-10
from .regex_to_nfa import regex_to_nfa
from .visual_utils import draw_dfa
from .consts import Consts
import itertools
from collections import Counter
def find_permutation(state_list, current_state):
for state in state_list:
if Counter(current_state) == Counter(state):
return state
return current_state
def get_epsilon_closure(nfa, dfa_states, state):
closure_states = []
state_stack = [state]
while len(state_stack) > 0:
current_state = state_stack.pop(0)
closure_states.append(current_state)
alphabet = Consts.EPSILON
if nfa["transition_function"][current_state][alphabet] not in closure_states:
state_stack.extend(nfa["transition_function"][current_state][alphabet])
closure_states = tuple(set(closure_states))
return find_permutation(dfa_states, closure_states)
def nfa_to_dfa(nfa):
dfa = {}
dfa["states"] = ["phi"]
for r in range(1, len(nfa["states"])+1):
dfa["states"].extend(itertools.combinations(nfa["states"], r))
# calculate epsilon closure of all states of nfa
epsilon_closure = {}
for state in nfa["states"]:
epsilon_closure[state] = get_epsilon_closure(nfa, dfa["states"], state)
dfa["initial_state"] = epsilon_closure[nfa["initial_state"]]
dfa["final_states"] = []
for state in dfa["states"]:
if state != "phi":
for nfa_state in state:
if nfa_state in nfa["final_states"]:
dfa["final_states"].append(state)
break
# dfa["alphabets"] = ["a", "b"]
dfa["alphabets"] = list(filter(lambda x:x!=Consts.EPSILON, nfa["alphabets"]))
dfa["transition_function"]= {}
for state in dfa["states"]:
dfa["transition_function"][state] = {}
for alphabet in dfa["alphabets"]:
if state == "phi":
dfa["transition_function"][state][alphabet] = state
else:
transition_states = []
if len(state) == 1:
nfa_state = state[0]
next_nfa_states = nfa["transition_function"][nfa_state][alphabet]
for next_nfa_state in next_nfa_states:
transition_states.extend(epsilon_closure[next_nfa_state])
else:
for nfa_state in state:
nfa_state = tuple([nfa_state])
if dfa["transition_function"][nfa_state][alphabet] != "phi":
transition_states.extend(dfa["transition_function"][nfa_state][alphabet])
transition_states = tuple(set(transition_states))
if len(transition_states) == 0:
dfa["transition_function"][state][alphabet] = "phi"
else:
# find permutation of transition states in states
dfa["transition_function"][state][alphabet] = find_permutation(dfa["states"], transition_states)
state_stack = [dfa["initial_state"]]
dfa["reachable_states"] = []
while len(state_stack) > 0:
current_state = state_stack.pop(0)
if current_state not in dfa["reachable_states"]:
dfa["reachable_states"].append(current_state)
for alphabet in dfa["alphabets"]:
next_state = dfa["transition_function"][current_state][alphabet]
if next_state not in dfa["reachable_states"]:
state_stack.append(next_state)
dfa["final_reachable_states"] = list(set(dfa["final_states"]) & set(dfa["reachable_states"]))
return dfa
if __name__ == "__main__":
reg_exp = "a(a+b)*b"
nfa = regex_to_nfa(reg_exp)
dfa = nfa_to_dfa(nfa)
print()
print(dfa["states"])
print()
print(dfa["initial_state"])
print()
print(dfa["final_states"])
print()
for state in dfa["transition_function"].keys():
print(state,dfa["transition_function"][state])
print()
draw_dfa(dfa, reg_exp) | 2.75 | 3 |
serieswatcher/sqlobject/tests/test_transactions.py | lightcode/SeriesWatcher | 303 | 12787621 | from sqlobject import *
from sqlobject.tests.dbtest import *
########################################
## Transaction test
########################################
class TestSOTrans(SQLObject):
#_cacheValues = False
class sqlmeta:
defaultOrder = 'name'
name = StringCol(length=10, alternateID=True, dbName='name_col')
def test_transaction():
if not supports('transactions'):
return
setupClass(TestSOTrans)
TestSOTrans(name='bob')
TestSOTrans(name='tim')
trans = TestSOTrans._connection.transaction()
try:
TestSOTrans._connection.autoCommit = 'exception'
TestSOTrans(name='joe', connection=trans)
trans.rollback()
trans.begin()
assert ([n.name for n in TestSOTrans.select(connection=trans)]
== ['bob', 'tim'])
b = TestSOTrans.byName('bob', connection=trans)
b.name = 'robert'
trans.commit()
assert b.name == 'robert'
b.name = 'bob'
trans.rollback()
trans.begin()
assert b.name == 'robert'
finally:
TestSOTrans._connection.autoCommit = True
def test_transaction_commit_sync():
if not supports('transactions'):
return
setupClass(TestSOTrans)
trans = TestSOTrans._connection.transaction()
try:
TestSOTrans(name='bob')
bOut = TestSOTrans.byName('bob')
bIn = TestSOTrans.byName('bob', connection=trans)
bIn.name = 'robert'
assert bOut.name == 'bob'
trans.commit()
assert bOut.name == 'robert'
finally:
TestSOTrans._connection.autoCommit = True
def test_transaction_delete(close=False):
if not supports('transactions'):
return
setupClass(TestSOTrans)
trans = TestSOTrans._connection.transaction()
try:
TestSOTrans(name='bob')
bIn = TestSOTrans.byName('bob', connection=trans)
bIn.destroySelf()
bOut = TestSOTrans.select(TestSOTrans.q.name=='bob')
assert bOut.count() == 1
bOutInst = bOut[0]
bOutID = bOutInst.id
trans.commit(close=close)
assert bOut.count() == 0
raises(SQLObjectNotFound, "TestSOTrans.get(bOutID)")
raises(SQLObjectNotFound, "bOutInst.name")
finally:
trans.rollback()
TestSOTrans._connection.autoCommit = True
def test_transaction_delete_with_close():
test_transaction_delete(close=True)
| 2.421875 | 2 |
dlrnapi_client/apis/__init__.py | ssbarnea/dlrnapi_client | 1 | 12787622 | <gh_stars>1-10
from __future__ import absolute_import
# import apis into api package
# from dlrnapi_client.apis.default_api import DefaultApi
| 1.125 | 1 |
analyze/core.py | autocorr/almaimf_nestfit | 0 | 12787623 | <reponame>autocorr/almaimf_nestfit
#!/usr/bin/env python3
"""
====
Core
====
Apply NestFit to test ALMA-IMF N2H+ J=1-0 datasets. This script may be called
from the command line for batch queue processing. Edit the ``__main__`` block.
Post-processing must be parallelized over different sources, so is not
currently effective for these datasets (2).
Authors
-------
<NAME>
Copyright 2021 by <NAME> under the MIT License.
"""
import sys
import shutil
from pathlib import Path
from multiprocessing import Pool
import h5py
import numpy as np
import scipy as sp
import spectral_cube
from astropy import convolution
from astropy import units as u
from astropy import constants as c
from astropy.io import fits
sys.path.append('/lustre/aoc/users/bsvoboda/temp/nestfit')
import nestfit as nf
from nestfit import (
Distribution,
Prior,
ResolvedPlacementPrior,
ConstantPrior,
PriorTransformer,
take_by_components,
)
from . import (PLOT_PATH, DATA_PATH, RUN_PATH, ALL_TARGETS)
FWHM = 2 * np.sqrt(2 * np.log(2))
def fix_cube(filen):
"""
Fix a few things about the cubes so that they don't have to be modified on
every run. The N2H+ model operates in terms brightness temperature units
Kelvin, so the existing units of Jy/beam need to be converted. The data
must also be in ascending frequency order.
"""
cube = spectral_cube.SpectralCube.read(filen, memmap=False)
# Convert cube to K from Jy/beam
cube = cube.to('K')
cube = cube.with_spectral_unit('Hz')
# and into ascending frequency ordering from descending
xarr = cube.spectral_axis
if xarr[1] < xarr[0]:
cube = cube[::-1]
outfilen = f'{Path(filen).stem}_fixed.fits'
cube.write(outfilen, overwrite=True)
def get_cube(field):
target = ALL_TARGETS[field]
cube = spectral_cube.SpectralCube.read(str(target.path), memmap=False)
return cube
def get_cubestack(field):
cube = get_cube(field)
# Cubes are big-endian byteorder, cast to machine little-endian through by
# copying.
cube._data = cube._data.astype(float, copy=False)
rms = cube[:10].std().value
datacube = nf.DataCube(cube, noise_map=rms, trans_id=1)
return nf.CubeStack([datacube])
def get_uniform_priors(field, size=500):
u = np.linspace(0, 1, size)
target = ALL_TARGETS[field]
vsys = target.vsys
# Prior distribution x axes, must be uniform grid spacing.
if field == 'W43-MM1':
x_voff = np.linspace(vsys-7.5, vsys+7.5, size)
x_tex = np.linspace( 2.8, 30.0, size)
x_ltau = np.linspace( -2.0, 2.0, size)
x_sigm = np.linspace( 0.2, 2.0, size)
elif field == 'W51-IRS2':
x_voff = np.linspace( 45.0, 73.0, size)
x_tex = np.linspace( 2.8, 30.0, size)
x_ltau = np.linspace( -2.0, 2.0, size)
x_sigm = np.linspace( 0.2, 2.0, size)
# Prior PDFs values, all uniform
uniform = np.ones_like(u) / size
f_voff = uniform.copy()
f_tex = uniform.copy()
f_ltau = uniform.copy()
f_sigm = uniform.copy()
# Create distribution instances from "x" and "y" values
d_voff = Distribution(x_voff, f_voff)
d_tex = Distribution(x_tex, f_tex)
d_ltau = Distribution(x_ltau, f_ltau)
d_sigm = Distribution(x_sigm, f_sigm)
# Create instances of interpolation objects called in the Nested Sampling.
# The integer indicates the index position of the parameter in the model:
# 0 -> voff, velocity centroid
# 1 -> tex, excitation temperature
# 2 -> ltau, logarithmic tau
# 3 -> sigm, velocity dispersion
# The ordering of the Prior objects in the array is not actually important.
# The `ResolvedPlacementPrior` ties the velocity centroid and dispersion
# together such that components are resolved according to the geometric
# mean separation criteria:
# sep > scale * FWHM * sqrt(sig1 * sig2)
priors = np.array([
ResolvedPlacementPrior(
Prior(d_voff, 0),
Prior(d_sigm, 3),
scale=1.2,
),
Prior(d_tex, 1),
Prior(d_ltau, 2),
])
return PriorTransformer(priors)
def get_empirical_priors(field):
with h5py.File(DATA_PATH/f'{field}.hdf', 'r') as hdf:
bins = hdf['bins'][...]
vals = hdf['vals'][...]
# Make sure that the priors are normalized
vals /= vals.sum(axis=1, keepdims=True)
# Prior distribution x axes, must be uniform grid spacing.
x_voff, x_tex, x_ltau, x_sigm = bins
f_voff, f_tex, f_ltau, f_sigm = vals
# Create distribution instances from "x" and "y" values
d_voff = Distribution(x_voff, f_voff)
d_tex = Distribution(x_tex, f_tex)
d_ltau = Distribution(x_ltau, f_ltau)
d_sigm = Distribution(x_sigm, f_sigm)
# See comment in `get_uniform_priors` on the instantiating the priors.
priors = np.array([
ResolvedPlacementPrior(
Prior(d_voff, 0),
Prior(d_sigm, 3),
scale=1.2,
),
Prior(d_tex, 1),
Prior(d_ltau, 2),
])
return PriorTransformer(priors)
def verify_prior_transformer(utrans, ncomp=1):
"""
The `PriorTransformer` transforms [0, 1] values from the unit cube into the
actual parameter values. Thus it's a good idea to check that 0.0 (minimum),
0.5 (median), and 1.0 (maximum) all give the expected values.
Parameters
----------
utrans : nestfit.PriorTransformer
ncomp : int
Number of velocity components
"""
assert ncomp > 0
utheta = np.zeros(4*ncomp)
for v in (0.0, 0.5, 1.0):
utheta[:] = v
utrans.transform(utheta, ncomp)
print(v, utheta)
def if_store_exists_delete(name):
filen = f'{name}.store'
if Path(filen).exists():
print(f'-- Deleting {filen}')
shutil.rmtree(filen)
def run_nested(field, store_suffix, utrans, nproc=8, ncomp_max=2):
"""
Run the N2H+ line fitting using Nested Sampling. The results will be
written to a ".store" file written to the ``RUN_PATH``.
Parameters
----------
field : str
Target field name
store_suffix : str
Name suffix to append to the field name when creating the HdfStore
file, of the form ``"<RUN_PATH>/{field}_{store_suffix}.store"``.
utrans : nestfit.PriorTransformer
Prior transformer instance, create with e.g., `get_uniform_priors`
nproc : int
Number of processes to use. A value of 1 will use serial execution
without the Python ``multiprocessing`` library.
ncomp_max : int
Maximum number of velocity components to fit in a spectrum. Models will
be fit with an increasing number of components until they are no longer
significant according to the Bayes factors (model i and i-1) or the
maximum number of components is reached.
"""
store_name = RUN_PATH / f'{field}_{store_suffix}'
if_store_exists_delete(store_name)
runner_cls = nf.DiazenyliumRunner
stack = get_cubestack(field)
fitter = nf.CubeFitter(stack, utrans, runner_cls, ncomp_max=ncomp_max,
mn_kwargs={'nlive': 500}, nlive_snr_fact=20)
fitter.fit_cube(store_name=store_name, nproc=nproc)
def get_store(field, store_suffix):
store_path = RUN_PATH / f'{field}_{store_suffix}.store'
assert store_path.exists()
store = nf.HdfStore(str(store_path))
return store
def get_info_kernel(nrad):
hpbw = 0.5 # arcsec
pix_size = 0.11 # arcsec
beam_sigma_pix = hpbw / FWHM / pix_size
k_arr = nf.get_indep_info_kernel(beam_sigma_pix, nrad=nrad)
k_arr = nf.apply_circular_mask(k_arr, radius=nrad//2)
post_kernel = convolution.CustomKernel(k_arr)
return post_kernel
def get_runner(stack, utrans, ncomp=1):
nlon, nlat = stack.spatial_shape
spec_data, has_nans = stack.get_spec_data(nlon//2, nlat//2)
assert not has_nans
runner = nf.DiazenyliumRunner.from_data(spec_data, utrans, ncomp=ncomp)
return runner
def postprocess_run(field, store_suffix, utrans):
print(f':: Post-processing {field}_{store_suffix}')
# Standard deviation in pixels: 1.1 -> FWHM 0.28 as (cf. HPBW / 2 = 0.25 as)
evid_kernel = convolution.Gaussian2DKernel(1.1)
post_kernel = get_info_kernel(6) # 3.5 pixel radius circular window
stack = get_cubestack(field)
runner = get_runner(stack, utrans, ncomp=1)
# begin post-processing steps
with get_store(field, store_suffix) as store:
nf.aggregate_run_attributes(store)
nf.convolve_evidence(store, evid_kernel)
nf.aggregate_run_products(store)
nf.aggregate_run_pdfs(store)
nf.deblend_hf_intensity(store, stack, runner)
nf.generate_predicted_profiles(store, stack, runner)
#nf.convolve_post_pdfs(store, post_kernel, evid_weight=False)
#nf.quantize_conv_marginals(store)
def create_priors_from_posteriors(field, store_suffix):
"""
The summation of the per-pixel posteriors gives a better global prior than
the uniform distributions used initially to test. This also decreases the
run-time because less volume of parameter space is needed to be explored in
order to calculate the evidence.
"""
with get_store(field, store_suffix) as store:
# Run metadata.
pdf_bins = store.hdf['/products/pdf_bins'][...]
# Read in posteriors and MAP values from store file.
# dimensions (b, l)
nbest = store.hdf['/products/conv_nbest'][...]
# dimensions (r, m, p, h, b, l)
post = store.hdf['/products/post_pdfs'][...]
post = take_by_components(post, nbest, incl_zero=False) # -> (m, p, h, b, l)
# Average/summed posterior distibution. Mask positions without
# detections.
apdf = np.nansum(post[...,nbest>=0], axis=(0, 3))
# Normalize the PDFs
apdf /= apdf.sum(axis=1, keepdims=True)
# Write out to HDF5 file
assert pdf_bins.shape == apdf.shape
with h5py.File(DATA_PATH/f'{field}.hdf', 'w') as hdf:
hdf.create_dataset('bins', data=pdf_bins)
hdf.create_dataset('vals', data=apdf)
def export_deblended_to_fits(field, store_suffix):
# FIXME Exporting to FITS is a work-in progress in NestFit, so hard-code
# the header and such here.
with get_store(field, store_suffix) as store:
# dimensions (t, m, S, b, l)
hfdb = store.hdf['/products/hf_deblended'][...]
# dimensions (p, h)
bins = store.hdf['/products/pdf_bins'][...]
header = store.read_header()
restfreq = header['RESTFRQ'] * u.Hz
varr = bins[0] # -> index for vcen
farr = (restfreq - restfreq * (varr * u.km/u.s / c.c)).to('Hz').value
header['CDELT3'] = farr[1] - farr[0]
header['CRPIX3'] = 1
header['CRVAL3'] = farr[0]
header['CTYPE3'] = 'FREQ'
header['CUNIT3'] = 'Hz'
header['NAXIS3'] = farr.shape[0]
# Select 1-0 transition and sum profiles over multiple components
np.nan_to_num(hfdb, copy=False)
cube = hfdb[0,...].sum(axis=0) # -> (S, b, l)
cube = cube.astype('float32')
# Create FITS file
hdu = fits.PrimaryHDU(data=cube, header=header)
hdu.writeto(DATA_PATH/f'{field}_{store_suffix}_hfdb.fits', overwrite=True)
def export_model_to_fits(field, store_suffix):
# FIXME Exporting to FITS is a work-in progress in NestFit, so hard-code
# the header and such here.
dcube = get_cubestack(field).cubes[0]
header = dcube.full_header
with get_store(field, store_suffix) as store:
# dimensions (m, S, b, l)
mcube = store.hdf['/products/model_spec/trans1'][...]
# Select 1-0 transition and sum profiles over multiple components
np.nan_to_num(mcube, copy=False)
sum_mcube = mcube.sum(axis=0) # -> (S, b, l)
sum_mcube = sum_mcube.astype('float32')
# Create FITS file
hdu = fits.PrimaryHDU(data=sum_mcube, header=header)
hdu.writeto(DATA_PATH/f'{field}_{store_suffix}_model.fits', overwrite=True)
if __name__ == '__main__':
args = sys.argv[1:]
assert len(args) > 0
flag = args[0]
assert flag in ('--run-nested', '--post-proc')
# Parameters
field = 'W51-IRS2'
store_suffix = 'test_emp_2comp'
utrans = get_empirical_priors(field)
ncomp_max = 2
if flag == '--run-nested':
run_nested(field, store_suffix, utrans, nproc=16, ncomp_max=ncomp_max)
elif flag == '--post-proc':
postprocess_run(field, store_suffix)
| 2.09375 | 2 |
2018/d02.py | m1el/advent-of-code | 0 | 12787624 | from collections import Counter
from itertools import product
with open('02.txt') as fd:
inp = [l.strip() for l in fd.readlines()]
twos = 0
thre = 0
for row in inp:
c = Counter(row)
if 2 in c.values():
twos += 1
if 3 in c.values():
thre += 1
print(twos*thre)
def diff(sa,sb):
c = 0
for (a, b) in zip(sa,sb):
if a != b: c+= 1
return c
for (a, b) in product(inp, inp):
if diff(a,b) == 1:
print(a)
print(b)
break
| 3.265625 | 3 |
t2t/util.py | wasade/tax2tree | 0 | 12787625 | <reponame>wasade/tax2tree<gh_stars>0
#!/usr/bin/env python
from skbio import parse_fasta
__author__ = "<NAME>"
__copyright__ = "Copyright 2011, The tax2tree project"
__credits__ = ["<NAME>"]
__license__ = "BSD"
__version__ = "1.0"
__maintainer__ = "<NAME>"
__email__ = "<EMAIL>"
__status__ = "Development"
def combine_alignments(fp1, fp2):
"""take two filepointers, combine the files"""
seqs1 = dict(parse_fasta(fp1))
seqs2 = dict(parse_fasta(fp2))
if set(seqs1).intersection(set(seqs2)):
raise ValueError("Conflicting sequence ids in fp1 and fp2")
combined = seqs1
combined.update(seqs2)
return combined
def reroot(tree, tipnames, tmp_nodename="TEMPORARY_ROOT_NODE_NAME"):
"""Returns a tree rerooted based on tipnames"""
node = tree.lowest_common_ancestor(tipnames)
# make a new node that sits inbetween LCA and parent
parent = node.parent
parent.remove(node)
node.parent = None
new_node = parent.__class__()
new_node.name = tmp_nodename
if hasattr(new_node, 'length') and new_node.length:
new_node.length = node.length / 2.0
node.length = node.length / 2.0
else:
new_node.length = 0.0
# add node back to tree and reconnect LCA
parent.append(new_node)
new_node.append(node)
# root at the new node, unset its temporary name
new_tree = tree.root_at(tmp_nodename)
new_root = new_tree.find(tmp_nodename)
new_tree.name = None
new_root.name = None
# collapse single descendents if they exist
new_tree.prune()
return new_tree
def unzip(items):
"""The inverse of zip
Parameters
----------
items : a nested iteratable
Returns
-------
list
The unzipped items
Examples
--------
>>> from t2t.util import unzip
>>> unzip([[1, 2], ['a', 'b']])
[[1, 'a'], [2, 'b']]
"""
if items:
return [list(i) for i in zip(*items)]
else:
return []
| 2.3125 | 2 |
openff/bespokefit/executor/services/coordinator/stages.py | openforcefield/openff-bespokefit | 7 | 12787626 | <reponame>openforcefield/openff-bespokefit<filename>openff/bespokefit/executor/services/coordinator/stages.py
import abc
import json
from collections import defaultdict
from typing import TYPE_CHECKING, Dict, List, Optional, Tuple, Union
import httpx
from openff.fragmenter.fragment import Fragment, FragmentationResult
from openff.toolkit.typing.engines.smirnoff import (
AngleHandler,
BondHandler,
ImproperTorsionHandler,
ParameterType,
ProperTorsionHandler,
vdWHandler,
)
from pydantic import Field
from qcelemental.models import AtomicResult, OptimizationResult
from qcelemental.util import serialize
from qcengine.procedures.torsiondrive import TorsionDriveResult
from typing_extensions import Literal
from openff.bespokefit.executor.services import current_settings
from openff.bespokefit.executor.services.coordinator.utils import get_cached_parameters
from openff.bespokefit.executor.services.fragmenter.models import (
FragmenterGETResponse,
FragmenterPOSTBody,
FragmenterPOSTResponse,
)
from openff.bespokefit.executor.services.optimizer.models import (
OptimizerGETResponse,
OptimizerPOSTBody,
OptimizerPOSTResponse,
)
from openff.bespokefit.executor.services.qcgenerator.models import (
QCGeneratorGETPageResponse,
QCGeneratorPOSTBody,
QCGeneratorPOSTResponse,
)
from openff.bespokefit.executor.utilities.redis import (
connect_to_default_redis,
is_redis_available,
)
from openff.bespokefit.executor.utilities.typing import Status
from openff.bespokefit.schema.data import BespokeQCData, LocalQCData
from openff.bespokefit.schema.fitting import BespokeOptimizationSchema
from openff.bespokefit.schema.results import BespokeOptimizationResults
from openff.bespokefit.schema.smirnoff import (
AngleSMIRKS,
BondSMIRKS,
ImproperTorsionSMIRKS,
ProperTorsionSMIRKS,
VdWSMIRKS,
)
from openff.bespokefit.schema.tasks import Torsion1DTask
from openff.bespokefit.utilities.pydantic import BaseModel
from openff.bespokefit.utilities.smirks import (
ForceFieldEditor,
SMIRKSGenerator,
SMIRKSType,
get_cached_torsion_parameters,
)
if TYPE_CHECKING:
from openff.bespokefit.executor.services.coordinator.models import CoordinatorTask
class _Stage(BaseModel, abc.ABC):
type: Literal["base-stage"] = "base-stage"
status: Status = Field("waiting", description="The status of this stage.")
error: Optional[str] = Field(
None, description="The error raised, if any, while running this stage."
)
async def enter(self, task: "CoordinatorTask"):
try:
return await self._enter(task)
except BaseException as e: # lgtm [py/catch-base-exception]
self.status = "errored"
self.error = json.dumps(f"{e.__class__.__name__}: {str(e)}")
async def update(self):
try:
return await self._update()
except BaseException as e: # lgtm [py/catch-base-exception]
self.status = "errored"
self.error = json.dumps(f"{e.__class__.__name__}: {str(e)}")
@abc.abstractmethod
async def _enter(self, task: "CoordinatorTask"):
pass
@abc.abstractmethod
async def _update(self):
pass
class FragmentationStage(_Stage):
type: Literal["fragmentation"] = "fragmentation"
id: Optional[str] = Field(None, description="")
result: Optional[FragmentationResult] = Field(None, description="")
async def _enter(self, task: "CoordinatorTask"):
settings = current_settings()
async with httpx.AsyncClient() as client:
raw_response = await client.post(
f"http://1172.16.17.32:"
f"{settings.BEFLOW_GATEWAY_PORT}"
f"{settings.BEFLOW_API_V1_STR}/"
f"{settings.BEFLOW_FRAGMENTER_PREFIX}",
data=FragmenterPOSTBody(
cmiles=task.input_schema.smiles,
fragmenter=task.input_schema.fragmentation_engine,
target_bond_smarts=task.input_schema.target_torsion_smirks,
).json(),
)
if raw_response.status_code != 200:
self.error = json.dumps(raw_response.text)
self.status = "errored"
return
contents = raw_response.text
post_response = FragmenterPOSTResponse.parse_raw(contents)
self.id = post_response.id
async def _update(self):
if self.status == "errored":
return
settings = current_settings()
async with httpx.AsyncClient() as client:
raw_response = await client.get(
f"http://127.0.0.1:"
f"{settings.BEFLOW_GATEWAY_PORT}"
f"{settings.BEFLOW_API_V1_STR}/"
f"{settings.BEFLOW_FRAGMENTER_PREFIX}/{self.id}"
)
if raw_response.status_code != 200:
self.error = json.dumps(raw_response.text)
self.status = "errored"
return
contents = raw_response.text
get_response = FragmenterGETResponse.parse_raw(contents)
self.result = get_response.result
if (
isinstance(self.result, FragmentationResult)
and len(self.result.fragments) == 0
):
self.error = json.dumps(
"No fragments could be generated for the parent molecule. This likely "
"means that the bespoke parameters that you have generated and are "
"trying to fit are invalid. Please raise an issue on the GitHub issue "
"tracker for further assistance."
)
self.status = "errored"
else:
self.error = get_response.error
self.status = get_response.status
class QCGenerationStage(_Stage):
type: Literal["qc-generation"] = "qc-generation"
ids: Optional[Dict[int, List[str]]] = Field(None, description="")
results: Optional[
Dict[str, Union[AtomicResult, OptimizationResult, TorsionDriveResult]]
] = Field(None, description="")
@staticmethod
def _generate_torsion_parameters(
fragmentation_result: FragmentationResult,
input_schema: BespokeOptimizationSchema,
) -> Tuple[List[ParameterType], List[Fragment]]:
"""
Generate torsion parameters for the fragments using any possible cached parameters.
Args:
fragmentation_result: The result of the fragmentation
input_schema: The input schema detailing the optimisation
Returns:
The list of generated smirks patterns including any cached values, and a list of fragments which require torsiondrives.
"""
settings = current_settings()
cached_torsions = None
if is_redis_available(
host=settings.BEFLOW_REDIS_ADDRESS, port=settings.BEFLOW_REDIS_PORT
):
redis_connection = connect_to_default_redis()
cached_force_field = get_cached_parameters(
fitting_schema=input_schema, redis_connection=redis_connection
)
if cached_force_field is not None:
cached_torsions = cached_force_field["ProperTorsions"].parameters
parent = fragmentation_result.parent_molecule
smirks_gen = SMIRKSGenerator(
initial_force_field=input_schema.initial_force_field,
generate_bespoke_terms=input_schema.smirk_settings.generate_bespoke_terms,
expand_torsion_terms=input_schema.smirk_settings.expand_torsion_terms,
target_smirks=[SMIRKSType.ProperTorsions],
)
new_smirks = []
fragments = []
for fragment_data in fragmentation_result.fragments:
central_bond = fragment_data.bond_indices
fragment_molecule = fragment_data.molecule
bespoke_smirks = smirks_gen.generate_smirks_from_fragment(
parent=parent,
fragment=fragment_molecule,
fragment_map_indices=central_bond,
)
if cached_torsions is not None:
smirks_to_add = []
for smirk in bespoke_smirks:
cached_smirk = get_cached_torsion_parameters(
molecule=fragment_molecule,
bespoke_parameter=smirk,
cached_parameters=cached_torsions,
)
if cached_smirk is not None:
smirks_to_add.append(cached_smirk)
if len(smirks_to_add) == len(bespoke_smirks):
# if we have the same number of parameters we are safe to transfer as they were fit together
new_smirks.extend(smirks_to_add)
else:
# the cached parameter was not fit with the correct number of other parameters
# so use new terms not cached
new_smirks.extend(bespoke_smirks)
fragments.append(fragment_data)
else:
new_smirks.extend(bespoke_smirks)
# only keep track of fragments which require QM calculations as they have no cached values
fragments.append(fragment_data)
return new_smirks, fragments
@staticmethod
async def _generate_parameters(
input_schema: BespokeOptimizationSchema,
fragmentation_result: Optional[FragmentationResult],
) -> List[Fragment]:
"""
Generate a list of parameters which are to be optimised, these are added to the input force field.
The parameters are also added to the parameter list in each stage corresponding to the stage where they will be fit.
"""
initial_force_field = ForceFieldEditor(input_schema.initial_force_field)
new_parameters = []
target_smirks = {*input_schema.target_smirks}
if SMIRKSType.ProperTorsions in target_smirks:
target_smirks.remove(SMIRKSType.ProperTorsions)
(
torsion_parameters,
fragment_jobs,
) = QCGenerationStage._generate_torsion_parameters(
fragmentation_result=fragmentation_result,
input_schema=input_schema,
)
new_parameters.extend(torsion_parameters)
else:
fragment_jobs = []
if len(target_smirks) > 0:
smirks_gen = SMIRKSGenerator(
initial_force_field=input_schema.initial_force_field,
generate_bespoke_terms=input_schema.smirk_settings.generate_bespoke_terms,
target_smirks=[*target_smirks],
smirks_layers=1,
)
parameters = smirks_gen.generate_smirks_from_molecule(
molecule=input_schema.molecule
)
new_parameters.extend(parameters)
# add all new terms to the input force field
initial_force_field.add_parameters(parameters=new_parameters)
parameter_to_type = {
vdWHandler.vdWType: VdWSMIRKS,
BondHandler.BondType: BondSMIRKS,
AngleHandler.AngleType: AngleSMIRKS,
ProperTorsionHandler.ProperTorsionType: ProperTorsionSMIRKS,
ImproperTorsionHandler.ImproperTorsionType: ImproperTorsionSMIRKS,
}
# convert all parameters to bespokefit types
parameters_to_fit = defaultdict(list)
for parameter in new_parameters:
bespoke_parameter = parameter_to_type[parameter.__class__].from_smirnoff(
parameter
)
# We only want to fit if it was not cached
if not bespoke_parameter.cached:
parameters_to_fit[bespoke_parameter.type].append(bespoke_parameter)
# set which parameters should be optimised in each stage
for stage in input_schema.stages:
for hyper_param in stage.parameter_hyperparameters:
stage.parameters.extend(parameters_to_fit[hyper_param.type])
input_schema.initial_force_field = initial_force_field.force_field.to_string()
return fragment_jobs
async def _enter(self, task: "CoordinatorTask"):
settings = current_settings()
fragment_stage = next(
iter(
stage
for stage in task.completed_stages
if stage.type == "fragmentation"
),
None,
)
input_schema = task.input_schema
# TODO: Move these methods onto the celery worker.
try:
fragments = await self._generate_parameters(
fragmentation_result=fragment_stage.result,
input_schema=input_schema,
)
except BaseException as e: # lgtm [py/catch-base-exception]
self.status = "errored"
self.error = json.dumps(
f"Failed to generate SMIRKS patterns that match both the parent and "
f"torsion fragments: {str(e)}"
)
return
target_qc_tasks = defaultdict(list)
targets = [
target for stage in task.input_schema.stages for target in stage.targets
]
for i, target in enumerate(targets):
if not isinstance(target.reference_data, BespokeQCData):
continue
if target.bespoke_task_type() == "torsion1d":
target_qc_tasks[i].extend(
Torsion1DTask(
smiles=fragment.smiles,
central_bond=fragment.bond_indices,
**target.calculation_specification.dict(),
)
for fragment in fragments
)
else:
raise NotImplementedError()
qc_calc_ids = defaultdict(set)
async with httpx.AsyncClient() as client:
for i, qc_tasks in target_qc_tasks.items():
for qc_task in qc_tasks:
raw_response = await client.post(
f"http://127.0.0.1:"
f"{settings.BEFLOW_GATEWAY_PORT}"
f"{settings.BEFLOW_API_V1_STR}/"
f"{settings.BEFLOW_QC_COMPUTE_PREFIX}",
data=QCGeneratorPOSTBody(input_schema=qc_task).json(),
)
if raw_response.status_code != 200:
self.error = json.dumps(raw_response.text)
self.status = "errored"
return
response = QCGeneratorPOSTResponse.parse_raw(raw_response.text)
qc_calc_ids[i].add(response.id)
self.ids = {i: sorted(ids) for i, ids in qc_calc_ids.items()}
async def _update(self):
settings = current_settings()
if self.status == "errored":
return
if (
len([qc_id for target_ids in self.ids.values() for qc_id in target_ids])
== 0
):
# Handle the case were there was no bespoke QC data to generate.
self.status = "success"
self.results = {}
return
async with httpx.AsyncClient() as client:
id_query = "&ids=".join(qc_id for i in self.ids for qc_id in self.ids[i])
raw_response = await client.get(
f"http://127.0.0.1:"
f"{settings.BEFLOW_GATEWAY_PORT}"
f"{settings.BEFLOW_API_V1_STR}/"
f"{settings.BEFLOW_QC_COMPUTE_PREFIX}?ids={id_query}"
)
contents = raw_response.text
if raw_response.status_code != 200:
self.error = json.dumps(raw_response.text)
self.status = "errored"
return
get_responses = QCGeneratorGETPageResponse.parse_raw(contents).contents
statuses = {get_response.status for get_response in get_responses}
errors = [
json.loads(get_response.error)
for get_response in get_responses
if get_response.error is not None
]
self.error = json.dumps(errors)
self.status = "running"
if "errored" in statuses:
self.status = "errored"
elif statuses == {"waiting"}:
self.status = "waiting"
elif statuses == {"success"}:
self.status = "success"
self.results = {
get_response.id: get_response.result for get_response in get_responses
}
class OptimizationStage(_Stage):
type: Literal["optimization"] = "optimization"
id: Optional[str] = Field(
None, description="The id of the optimization associated with this stage."
)
result: Optional[BespokeOptimizationResults] = Field(
None, description="The result of the optimization."
)
@staticmethod
async def _inject_bespoke_qc_data(
qc_generation_stage: QCGenerationStage,
input_schema: BespokeOptimizationSchema,
):
targets = [target for stage in input_schema.stages for target in stage.targets]
for i, target in enumerate(targets):
if not isinstance(target.reference_data, BespokeQCData):
continue
if i not in qc_generation_stage.ids:
continue
local_qc_data = LocalQCData(
qc_records=[
qc_generation_stage.results[result_id]
for result_id in qc_generation_stage.ids[i]
]
)
target.reference_data = local_qc_data
targets_missing_qc_data = [
target
for target in targets
if isinstance(target.reference_data, BespokeQCData)
]
n_targets_missing_qc_data = len(targets_missing_qc_data)
if n_targets_missing_qc_data > 0 and qc_generation_stage.results:
raise RuntimeError(
f"{n_targets_missing_qc_data} targets were missing QC data - this "
f"should likely never happen. Please raise an issue on the GitHub "
f"issue tracker."
)
async def _enter(self, task: "CoordinatorTask"):
settings = current_settings()
completed_stages = {stage.type: stage for stage in task.completed_stages}
input_schema = task.input_schema.copy(deep=True)
# Map the generated QC results into a local QC data class and update the schema
# to target these.
qc_generation_stage: QCGenerationStage = completed_stages["qc-generation"]
try:
await self._inject_bespoke_qc_data(qc_generation_stage, input_schema)
except BaseException as e: # lgtm [py/catch-base-exception]
self.status = "errored"
self.error = json.dumps(
f"Failed to inject the bespoke QC data into the optimization "
f"schema: {str(e)}"
)
return
async with httpx.AsyncClient() as client:
raw_response = await client.post(
f"http://127.0.0.1:"
f"{settings.BEFLOW_GATEWAY_PORT}"
f"{settings.BEFLOW_API_V1_STR}/"
f"{settings.BEFLOW_OPTIMIZER_PREFIX}",
data=serialize(
OptimizerPOSTBody(input_schema=input_schema), encoding="json"
),
)
if raw_response.status_code != 200:
self.error = json.dumps(raw_response.text)
self.status = "errored"
return
response = OptimizerPOSTResponse.parse_raw(raw_response.text)
self.id = response.id
async def _update(self):
settings = current_settings()
if self.status == "errored":
return
async with httpx.AsyncClient() as client:
raw_response = await client.get(
f"http://127.0.0.1:"
f"{settings.BEFLOW_GATEWAY_PORT}"
f"{settings.BEFLOW_API_V1_STR}/"
f"{settings.BEFLOW_OPTIMIZER_PREFIX}/{self.id}"
)
contents = raw_response.text
if raw_response.status_code != 200:
self.error = json.dumps(raw_response.text)
self.status = "errored"
return
get_response = OptimizerGETResponse.parse_raw(contents)
self.result = get_response.result
self.error = get_response.error
self.status = get_response.status
StageType = Union[FragmentationStage, QCGenerationStage, OptimizationStage]
| 1.25 | 1 |
docker-register.py | poporisil/docker-register | 0 | 12787627 | <gh_stars>0
#!/usr/bin/env python
import os
import sys
import argparse
import threading
import subprocess
import time
from urlparse import urlparse
import docker
import etcd
import json
import logging
import logging.handlers
parser = argparse.ArgumentParser(description='Docker Register')
parser.add_argument('-e','--etcd-url', default='http://localhost:4001',
help='etcd url (default: http://localhost:4001)')
parser.add_argument('-d','--docker-url', default='unix://var/run/docker.sock',
help='docker url (default: unix://var/run/docker.sock)')
parser.add_argument('--docker-api-ver', default='1.23',
help='docker api version (default: 1.23)')
parser.add_argument('-t','--ttl', type=int, default=15,
help='register ttl (default: 15)')
parser.add_argument('-l','--log-path', default='.',
help='log path (default: .)')
args = parser.parse_args()
etcdUrl = args.etcd_url
dockerUrl = args.docker_url
dockerApiVer = args.docker_api_ver
ttl = args.ttl
logPath = args.log_path
logger = logging.getLogger('DockerRegister')
handler = logging.handlers.RotatingFileHandler(logPath + '/docker-register.log', backupCount=10)
formatter = logging.Formatter(fmt='%(asctime)s] (%(levelname)s) %(name)s - %(message)s', datefmt='%Y-%m-%d %H:%M:%S')
handler.setFormatter(formatter)
logger.addHandler(handler)
logger.setLevel(logging.DEBUG)
logger.info('-- Parameters --------------------------')
logger.info('etcdUrl = %s' % etcdUrl)
logger.info('dockerUrl = %s' % dockerUrl)
logger.info('dockerApiVer = %s' % dockerApiVer)
logger.info('ttl = %d' % ttl)
logger.info('logPath = %s' % logPath)
logger.info('-----------------------------------------')
class DockerRegister(threading.Thread):
def __init__(self):
threading.Thread.__init__(self)
self.dc = docker.Client(base_url=dockerUrl, version=dockerApiVer)
self.ec = etcd.Client(host=urlparse(etcdUrl).hostname, port=urlparse(etcdUrl).port, protocol=urlparse(etcdUrl).scheme)
self.internalIp = subprocess.check_output("ip route get 8.8.8.8 | awk '{print $NF; exit}'", shell=True).strip()
def getContainers(self):
logger.debug('get container list...')
bindedContainers = {}
try:
for container in self.dc.containers():
binded = []
for port in container['Ports']:
if 'PublicPort' in port:
binded.append('%s:%d-%d/%s'%(self.internalIp, port['PublicPort'], port['PrivatePort'], port['Type']))
if binded:
key = container['Image'].split(':')[0] + '/' + container['Id']
bindedContainers[key] = ','.join(binded)
except Exception:
logger.exception('get containers fail')
return None
return bindedContainers
def registerContainers(self, containers):
logger.debug('register containers...')
for key, value in containers.iteritems():
logger.debug('register %s' % key)
try:
self.ec.write('/containers/' + key, value, ttl=ttl)
except Exception:
logger.exception('etcd write fail')
pass
def run(self):
logger.info('start agent!')
while True:
containers = self.getContainers()
if containers:
self.registerContainers(containers)
time.sleep(10)
pass
if __name__ == '__main__':
t = DockerRegister()
t.start()
t.join() | 2.28125 | 2 |
worker/Twitter/service1/coordinatesExtractor.py | LamriAli/remote-extraction-proxy-and-worker | 0 | 12787628 |
class CoordinateExtractor:
@staticmethod
def crawlCoordinates(self,api,fullStructure,uid,graph,userQueue,coordinatesQueue,placeQueue,urlQueue,mediaQueue,tweetQueue):
pass
| 1.78125 | 2 |
src/tools/python/csv_transpose.py | Justintime50/easypost-tools | 1 | 12787629 | <reponame>Justintime50/easypost-tools
import argparse
import csv
# Transpose rows into columns and vice versa for a CSV
# Attribution: [jontsai](https://github.com/jontsai)
# Usage: venv/bin/python csv_transpose.py -f my_file.csv -o output.csv
class CSVTranspose:
def __init__(self):
parser = argparse.ArgumentParser(
description=self.__class__.__doc__,
formatter_class=argparse.RawDescriptionHelpFormatter,
)
parser.add_argument(
'-f',
'--file',
help='Path to the CSV file to modify',
required=True,
)
parser.add_argument(
'-o',
'--outfile',
help='Path to save the modified CSV file',
required=True,
)
parser.parse_args(namespace=self)
def transpose(self):
"""Transpose a CSV by turning rows into columns and columns into rows
Uses zip to transpose a matrix.
In [1]: a = [(1, 2, 3),
...: (4, 5, 6),
...: (7, 8, 9)]
In [2]: list(zip(*a))
Out[2]: [(1, 4, 7), (2, 5, 8), (3, 6, 9)]
See: https://stackoverflow.com/a/4869245/865091
"""
with open(self.file, 'r') as f:
reader = csv.reader(f)
transposed_data = zip(*reader)
with open(self.outfile, 'w') as out:
writer = csv.writer(out)
writer.writerows(transposed_data)
def main():
CSVTranspose().transpose()
if __name__ == '__main__':
main()
| 3.734375 | 4 |
lidar_convenience.py | mrtpk/lidar-buster | 17 | 12787630 | import numpy as np
class LidarTools(object):
'''
Collection of helpers for processing LiDAR point cloud.
'''
def get_bev(self, points, resolution=0.1, pixel_values=None, generate_img=None):
'''
Returns bird's eye view of a LiDAR point cloud for a given resolution.
Optional pixel_values can be used for giving color coded info the point cloud.
Optional generate_img function can be used for creating images.
'''
x = points[:, 0]
y = points[:, 1]
z = points[:, 2]
x_range = -1 * np.ceil(y.max()).astype(np.int), ((y.min()/np.abs(y.min())) * np.floor(y.min())).astype(np.int)
y_range = np.floor(x.min()).astype(np.int), np.ceil(x.max()).astype(np.int)
# Create mapping from a 3D point to a pixel based on resolution
# floor() used to prevent issues with -ve vals rounding upwards causing index out bound error
x_img = (-y / resolution).astype(np.int32) - int(np.floor(x_range[0]/resolution))
y_img = (x / resolution).astype(np.int32) - int(np.floor(y_range[0]/resolution))
img_width = int((x_range[1] - x_range[0])/resolution)
img_height = int((y_range[1] - y_range[0])/resolution)
if pixel_values is None:
pixel_values = (((z - z.min()) / float(z.max() - z.min())) * 255).astype(np.uint8)
if generate_img is None:
img = np.zeros([img_height, img_width], dtype=np.uint8)
img[-y_img, x_img] = pixel_values
return img
return generate_img(img_height, img_width, -y_img, x_img, pixel_values)
def filter_points(self, points, side_range=None, fwd_range=None, \
height_range=None, horizontal_fov=None, vertical_fov=None):
'''
Returns filtered points based on side, forward and height range, and, horizontal and vertical field of view.
'''
x = points[:, 0]
y = points[:, 1]
z = points[:, 2]
r = points[:, 3]
mask = np.full_like(x, True)
if side_range is not None:
side_mask = np.logical_and((y > -side_range[1]), (y < -side_range[0]))
mask = np.logical_and(mask, side_mask)
if fwd_range is not None:
fwd_mask = np.logical_and((x > fwd_range[0]), (x < fwd_range[1]))
mask = np.logical_and(mask, fwd_mask)
if height_range is not None:
height_mask = np.logical_and((z > height_range[0]), (z < height_range[1]))
mask = np.logical_and(mask, height_mask)
if horizontal_fov is not None:
horizontal_fov_mask = np.logical_and(np.arctan2(y, x) > (-horizontal_fov[1] * np.pi / 180), \
np.arctan2(y, x) < (-horizontal_fov[0] * np.pi / 180))
mask = np.logical_and(mask, horizontal_fov_mask)
if vertical_fov is not None:
distance = np.sqrt(x ** 2 + y ** 2 + z ** 2)
vertical_fov_mask = np.logical_and(np.arctan2(z,distance) < (vertical_fov[1] * np.pi / 180), \
np.arctan2(z,distance) > (vertical_fov[0] * np.pi / 180))
mask = np.logical_and(mask, vertical_fov_mask)
indices = np.argwhere(mask).flatten()
return points[indices, :] | 2.765625 | 3 |
practice/bitwise_operations/ex9.py | recursivelycurious/wordnik-repl | 0 | 12787631 | a = 0b10111011
mask = 0b100
desired = a | mask
print bin(desired)
| 2.4375 | 2 |
py/ClientProject/.idea/log/logger.py | Justyer/Secret | 0 | 12787632 | <gh_stars>0
import logging
from logging.handlers import TimedRotatingFileHandler
import sys, os
parent_path = os.path.dirname(os.getcwd())
sys.path.append(parent_path)
#自定义引用
from log.message import *
logpath=os.path.split(os.path.realpath(__file__))[0].split(':')[0] + ':\\gxd\\log'
if not os.path.exists(logpath):
os.makedirs(logpath)
#初始化日志系统
logging.basicConfig(level=logging.INFO, datefmt=None,
format='%(asctime)-24s level-%(levelname)-12s thread-%(thread)-6d %(module)-s.%(funcName)-10s Line:%(lineno)-4d %(message)s',
handlers=[logging.StreamHandler(), TimedRotatingFileHandler(logpath+'\\'+str(os.getpid())+'_client.log', when='D', interval=1, backupCount=15)])
global LOG
LOG=logging.getLogger()
LOG.handlers[0].setLevel(logging.DEBUG)
LOG.handlers[1].setLevel(logging.INFO)
"""
LOG.debug('调试信息')
LOG.info('有用的信息')
LOG.warning('警告信息')
LOG.error('错误信息')
LOG.critical('严重错误信息')""" | 2.1875 | 2 |
kattis/solutions/quickbrownfox.py | yifeng-pan/competitive_programming | 0 | 12787633 | <reponame>yifeng-pan/competitive_programming<gh_stars>0
# https://open.kattis.com/problems/quickbrownfox
cases = int(input())
for i in range(cases):
text = input()
missing = ""
for i in range(26):
c = chr(ord('a') + i)
C = chr(ord('A') + i)
if text.find(c) == -1 & text.find(C) == -1:
missing += c
print("pangram" if len(missing) == 0 else "missing " + missing) | 3.59375 | 4 |
examples/fast_api.py | alex-oleshkevich/aerie | 6 | 12787634 | """
This example requires uvicorn and fastapi.
pip install fastapi uvicorn
Run:
uvicorn examples.fast_api:app
then open http://localhost:8000
Access http://localhost:8000 to list all users.
Access http://localhost:8000/create to create a new user.
"""
import os
import sqlalchemy as sa
import typing as t
from fastapi import Depends, FastAPI
from aerie import Aerie, Base, DbSession
DATABASE_URL = os.environ.get('DATABASE_URL', 'sqlite+aiosqlite:///:memory:')
db = Aerie(DATABASE_URL)
class User(Base):
__tablename__ = 'users'
id = sa.Column(sa.Integer, primary_key=True)
name = sa.Column(sa.String)
def __str__(self) -> str:
return self.name or 'n/a'
app = FastAPI(on_startup=[db.schema.create_tables], on_shutdown=[db.schema.drop_tables])
@app.get("/create")
async def create_user_view(session: DbSession = Depends(db.session)) -> t.Mapping:
count = await session.query(User).count()
user = User(id=count, name=f'User {count}')
session.add(user)
await session.commit()
return {"id": user.id, 'name': user.name}
@app.get("/")
async def list_users_view(session: DbSession = Depends(db.session)) -> t.List:
users = await session.query(User).all()
return [u.name for u in users]
| 3.015625 | 3 |
tools/test_dota.py | qinr/MRDet | 8 | 12787635 | import argparse
import os
import os.path as osp
import pickle
import shutil
import tempfile
import mmcv
import torch
import torch.distributed as dist
from mmcv.parallel import MMDataParallel, MMDistributedDataParallel
from mmcv.runner import get_dist_info, load_checkpoint
from mmdet.apis import init_dist
from mmdet.core import coco_eval, results2json, wrap_fp16_model, get_classes, tensor2imgs
from mmdet.datasets import build_dataloader, build_dataset
from mmdet.models import build_detector
from DOTA_devkit.ResultMerge_multi_process import mergebypoly_multiprocess
import numpy as np
import os
import cv2
from DOTA_devkit.dota_utils import GetFileFromThisRootDir, custombasename
def draw_bbox(img, bboxes, labels, path, class_names):
img_show = mmcv.image.imread(img)
# bgr
bbox_color = [(0, 255, 0), # green
(255, 0, 0), #深蓝
(255, 255, 0), # 浅蓝,亮
(0, 0, 255), #红
(255, 0, 255), # purple
(255, 128, 0), #天蓝(比浅蓝深一点)
(0, 255, 255), #黄
(207, 203, 211), #white
(128, 255, 0), # 青色
(128, 0, 255), #玫红
(255, 0, 128), # 紫
(0, 128, 255), # 橘色
(0, 255, 128), #草绿
(0, 0, 128), #深红
(128, 0, 0)] #藏蓝
text_color = (255, 0, 0) # green
for bbox, label in zip(bboxes, labels):
bbox_int = bbox.astype(np.int32)
pts = np.array([[bbox_int[0], bbox_int[1]],
[bbox_int[2], bbox_int[3]],
[bbox_int[4], bbox_int[5]],
[bbox_int[6], bbox_int[7]]], dtype=np.int32)
cv2.polylines(img_show, [pts], True, bbox_color[label], thickness=2)
# cv2.polylines(img_show, [pts], True, text_color, thickness=2)
label_text = class_names[
label] if class_names is not None else 'cls {}'.format(label)
font = 0.5
# cv2.putText(img, label_text, (bbox_int[0], bbox_int[1] - 2),
# cv2.FONT_HERSHEY_COMPLEX, font, text_color)
cv2.imwrite(path, img)
def draw_result(data, result, outdir, class_names, score_thr=0.001):
bbox_result = result
img_metas = data['img_meta'][0].data[0]
if not os.path.exists(outdir):
os.makedirs(outdir)
for img_meta in img_metas:
h, w, _ = img_meta['ori_shape']
filename = img_meta['filename']
img = mmcv.imread(filename)
img_show = img[:h, :w, :]
path = os.path.basename(os.path.splitext(img_meta['filename'])[0])
path = os.path.join(outdir, path + '.jpg')
bboxes = np.vstack(bbox_result)
labels = [
np.full(bbox.shape[0], i, dtype=np.int32)
for i, bbox in enumerate(bbox_result)
]
labels = np.concatenate(labels)
if score_thr > 0:
assert bboxes.shape[1] == 9
scores = bboxes[:, -1]
inds = scores > score_thr
bboxes = bboxes[inds, :]
labels = labels[inds]
draw_bbox(img_show, bboxes, labels, path, class_names)
def single_gpu_test(model, data_loader, outdir, show=False):
model.eval()
# model.eval(),让model变成测试模式,对dropout和batch normalization的操作在训练和测试的时候是不一样的
results = []
dataset = data_loader.dataset
prog_bar = mmcv.ProgressBar(len(dataset))
for i, data in enumerate(data_loader):
with torch.no_grad():
result = model(return_loss=False, rescale=not show, **data)
results.append(result)
if show:
draw_result(data, result, osp.join(outdir, 'images'), dataset.CLASSES, score_thr=0.001)
batch_size = data['img'][0].size(0)
for _ in range(batch_size):
prog_bar.update()
return results
def multi_gpu_test(model, data_loader, tmpdir=None, gpu_collect=False):
"""Test model with multiple gpus.
This method tests model with multiple gpus and collects the results
under two different modes: gpu and cpu modes. By setting 'gpu_collect=True'
it encodes results to gpu tensors and use gpu communication for results
collection. On cpu mode it saves the results on different gpus to 'tmpdir'
and collects them by the rank 0 worker.
Args:
model (nn.Module): Model to be tested.
data_loader (nn.Dataloader): Pytorch data loader.
tmpdir (str): Path of directory to save the temporary results from
different gpus under cpu mode.
gpu_collect (bool): Option to use either gpu or cpu to collect results.
Returns:
list: The prediction results.
"""
model.eval()
results = []
dataset = data_loader.dataset
rank, world_size = get_dist_info()
if rank == 0:
prog_bar = mmcv.ProgressBar(len(dataset))
for i, data in enumerate(data_loader):
with torch.no_grad():
result = model(return_loss=False, rescale=True, **data)
results.append(result)
if rank == 0:
batch_size = data['img'][0].size(0)
for _ in range(batch_size * world_size):
prog_bar.update()
# collect results from all ranks
if gpu_collect:
results = collect_results_gpu(results, len(dataset))
else:
results = collect_results_cpu(results, len(dataset), tmpdir)
return results
def collect_results_cpu(result_part, size, tmpdir=None):
rank, world_size = get_dist_info()
# create a tmp dir if it is not specified
if tmpdir is None:
MAX_LEN = 512
# 32 is whitespace
dir_tensor = torch.full((MAX_LEN, ),
32,
dtype=torch.uint8,
device='cuda')
if rank == 0:
tmpdir = tempfile.mkdtemp()
tmpdir = torch.tensor(
bytearray(tmpdir.encode()), dtype=torch.uint8, device='cuda')
dir_tensor[:len(tmpdir)] = tmpdir
dist.broadcast(dir_tensor, 0)
tmpdir = dir_tensor.cpu().numpy().tobytes().decode().rstrip()
else:
mmcv.mkdir_or_exist(tmpdir)
# dump the part result to the dir
mmcv.dump(result_part, osp.join(tmpdir, 'part_{}.pkl'.format(rank)))
dist.barrier()
# collect all parts
if rank != 0:
return None
else:
# load results of all parts from tmp dir
part_list = []
for i in range(world_size):
part_file = osp.join(tmpdir, 'part_{}.pkl'.format(i))
part_list.append(mmcv.load(part_file))
# sort the results
ordered_results = []
for res in zip(*part_list):
ordered_results.extend(list(res))
# the dataloader may pad some samples
ordered_results = ordered_results[:size]
# remove tmp dir
shutil.rmtree(tmpdir)
return ordered_results
def collect_results_gpu(result_part, size):
rank, world_size = get_dist_info()
# dump result part to tensor with pickle
part_tensor = torch.tensor(
bytearray(pickle.dumps(result_part)), dtype=torch.uint8, device='cuda')
# gather all result part tensor shape
shape_tensor = torch.tensor(part_tensor.shape, device='cuda')
shape_list = [shape_tensor.clone() for _ in range(world_size)]
dist.all_gather(shape_list, shape_tensor)
# padding result part tensor to max length
shape_max = torch.tensor(shape_list).max()
part_send = torch.zeros(shape_max, dtype=torch.uint8, device='cuda')
part_send[:shape_tensor[0]] = part_tensor
part_recv_list = [
part_tensor.new_zeros(shape_max) for _ in range(world_size)
]
# gather all result part
dist.all_gather(part_recv_list, part_send)
if rank == 0:
part_list = []
for recv, shape in zip(part_recv_list, shape_list):
part_list.append(
pickle.loads(recv[:shape[0]].cpu().numpy().tobytes()))
# sort the results
ordered_results = []
for res in zip(*part_list):
ordered_results.extend(list(res))
# the dataloader may pad some samples
ordered_results = ordered_results[:size]
return ordered_results
def parse_args():
parser = argparse.ArgumentParser(description='MMDet test detector')
parser.add_argument('config', help='test config file path')
parser.add_argument('checkpoint', help='checkpoint file')
parser.add_argument('--outdir', help='output dir')
parser.add_argument('--out', help='output result file') # .pkl文件
parser.add_argument(
'--gpu_collect',
action='store_true',
help='whether to use gpu to collect results')
parser.add_argument('--show', action='store_true', help='show results')
parser.add_argument('--tmpdir', help='tmp dir for writing some results')
parser.add_argument(
'--launcher',
choices=['none', 'pytorch', 'slurm', 'mpi'],
default='none',
help='job launcher')
parser.add_argument('--local_rank', type=int, default=0)
args = parser.parse_args()
if 'LOCAL_RANK' not in os.environ:
os.environ['LOCAL_RANK'] = str(args.local_rank)
return args
def write_dota_results(path, boxes, dataset, threshold=0.001):
'''
:param path: output dir path
:param boxes: list(list(ndarray))
:param threshold: 置信度下限,小于此置信度的bbox不输出
:return:
'''
classes = dataset.CLASSES
img_infos = dataset.img_infos
assert len(boxes) == len(img_infos)
print("write no merge results\n")
for i, img_info in enumerate(img_infos):
# print("img {}: {}".format(i, img_info['id']))
img_id = img_info['id']
for j, cls in enumerate(classes):
txt_path = osp.join(path, 'Task1_' + cls + '.txt')
with open(txt_path, 'a') as f:
box = boxes[i][j] # (n, 9)
inds = box[:, 8] > threshold
box = box[inds]
for k in range(box.shape[0]):
# print(cls)
# print('{} {} {} {} {} {} {} {} {} {}\n'.format(
# img_id, box[k, 8],
# int(box[k, 0]), int(box[k, 1]),
# int(box[k, 2]), int(box[k, 3]),
# int(box[k, 4]), int(box[k, 5]),
# int(box[k, 6]), int(box[k, 7])))
f.write('{} {} {} {} {} {} {} {} {} {}\n'.format(
img_id, box[k, 8],
int(box[k, 0]), int(box[k, 1]),
int(box[k, 2]), int(box[k, 3]),
int(box[k, 4]), int(box[k, 5]),
int(box[k, 6]), int(box[k, 7])))
def main():
args = parse_args()
assert args.out , \
('Please specify at least one operation (save or show the results) '
'with the argument "--out"')
if args.out is not None and not args.out.endswith(('.pkl', '.pickle')):
raise ValueError('The output file must be a pkl file.')
cfg = mmcv.Config.fromfile(args.config)
# set cudnn_benchmark
if cfg.get('cudnn_benchmark', False):
torch.backends.cudnn.benchmark = True
cfg.model.pretrained = None
cfg.data.test.test_mode = True
# init distributed env first, since logger depends on the dist info.
if args.launcher == 'none':
distributed = False
else:
distributed = True
init_dist(args.launcher, **cfg.dist_params)
# build the dataloader
# TODO: support multiple images per gpu (only minor changes are needed)
dataset = build_dataset(cfg.data.test)
data_loader = build_dataloader(
dataset,
imgs_per_gpu=1,
workers_per_gpu=cfg.data.workers_per_gpu,
dist=distributed,
shuffle=False)
# build the model and load checkpoint
model = build_detector(cfg.model, train_cfg=None, test_cfg=cfg.test_cfg)
fp16_cfg = cfg.get('fp16', None)
if fp16_cfg is not None:
wrap_fp16_model(model)
checkpoint = load_checkpoint(model, args.checkpoint, map_location='cpu')
# old versions did not save class info in checkpoints, this walkaround is
# for backward compatibility
if 'CLASSES' in checkpoint['meta']:
model.CLASSES = checkpoint['meta']['CLASSES']
else:
model.CLASSES = dataset.CLASSES
if not distributed:
model = MMDataParallel(model, device_ids=[0])
outputs = single_gpu_test(model, data_loader, args.outdir, args.show)
# outputs:list(list(ndarray)),外层list:图片,内层list:类别
else:
model = MMDistributedDataParallel(model.cuda())
outputs = multi_gpu_test(model, data_loader, args.tmpdir,
args.gpu_collect)
rank, _ = get_dist_info()
# 将结果保存到.pkl文件中
if args.out and rank == 0:
print('\nwriting results to {}'.format(args.out))
mmcv.dump(outputs, osp.join(args.outdir, args.out))
if __name__ == '__main__':
# os.environ['CUDA_VISIBLE_DEVICES'] = '0'
main()
| 1.8125 | 2 |
CybORG/CybORG/Agents/Branching_Agents/utils.py | tranhoangkhuongvn/cage-challenge-1 | 0 | 12787636 | import numpy as np
import gym
import torch
import random
from argparse import ArgumentParser
import os
import pandas as pd
import matplotlib.pyplot as plt
plt.style.use('ggplot')
from scipy.ndimage.filters import gaussian_filter1d
class Stats():
def __init__(self, num_episodes=20000, num_states = 6, log_dir='./', continuous=False):
self.episode_rewards = np.zeros(num_episodes)
self.episode_lengths = np.zeros(num_episodes)
if not continuous:
self.visitation_count = np.zeros((num_states, num_episodes))
self.target_count = np.zeros((num_states, num_episodes))
self.log_dir = log_dir
def log_data(self, file_name):
save_name = self.log_dir + file_name
np.savez(save_name, reward=self.episode_rewards, step=self.episode_lengths)
def plot_rewards(ax, episodes_ydata, smoothing_window = 100, label="",c='b', alpha=0.5):
#smoothing_window = 100
overall_stats_q_learning = []
for trialdata in episodes_ydata:
overall_stats_q_learning.append(pd.Series(trialdata.episode_rewards).rolling(smoothing_window, min_periods=smoothing_window).mean())
#overall_stats_q_learning.append(pd.Series(trialdata.episode_rewards).rolling(smoothing_window, min_periods=smoothing_window).mean().data)
m_stats_q_learning = np.mean(overall_stats_q_learning, axis=0)
std_stats_q_learning = np.std(overall_stats_q_learning, axis=0)
ax.plot(range(len(m_stats_q_learning)), m_stats_q_learning, label=label, c=c)
ax.fill_between(range(len(std_stats_q_learning)), m_stats_q_learning - std_stats_q_learning, m_stats_q_learning + std_stats_q_learning, alpha=alpha, edgecolor=c, facecolor=c)
#ax.set_ylabel('Score')
#ax.set_xlabel('Episode #')
#ax.grid()
def plot_steps(ax, episodes_ydata, smoothing_window = 100, label="",c='g',alpha=0.5):
#smoothing_window = 100
overall_stats_q_learning = []
for trialdata in episodes_ydata:
overall_stats_q_learning.append(pd.Series(trialdata.episode_lengths).rolling(smoothing_window, min_periods=smoothing_window).mean())
#overall_stats_q_learning.append(pd.Series(trialdata.episode_lengths).rolling(smoothing_window, min_periods=smoothing_window).mean().data)
m_stats_q_learning = np.mean(overall_stats_q_learning, axis=0)
std_stats_q_learning = np.std(overall_stats_q_learning, axis=0)
ax.plot(range(len(m_stats_q_learning)), m_stats_q_learning, label=label, c=c)
ax.fill_between(range(len(std_stats_q_learning)), m_stats_q_learning - std_stats_q_learning, m_stats_q_learning + std_stats_q_learning, alpha=alpha, edgecolor=c, facecolor=c)
#ax.set_ylabel('Steps')
#ax.set_xlabel('Episode #')
#ax.grid()
def plot_visitation_counts(episodes_ydata, smoothing_window = 1000, c=['b', 'g', 'r', 'y', 'k', 'c'], num_states = None):
if not num_states:
num_states = len(episodes_ydata[0].visitation_count)
overall_stats_q_learning = [[] for i in range(num_states)]
for trialdata in episodes_ydata:
for state in range(num_states):
overall_stats_q_learning[state].append(pd.Series(trialdata.visitation_count[state]).rolling(smoothing_window, min_periods=smoothing_window).mean().data)
for state in range(num_states):
m_stats_q_learning = np.mean(overall_stats_q_learning[state], axis=0)
std_stats_q_learning = np.std(overall_stats_q_learning[state], axis=0)
plt.plot(range(len(m_stats_q_learning)), m_stats_q_learning, c=c[state])
plt.fill_between(range(len(std_stats_q_learning)), m_stats_q_learning - std_stats_q_learning, m_stats_q_learning + std_stats_q_learning, alpha=0.5, edgecolor=c[state], facecolor=c[state])
def plot_target_counts(episodes_ydata, smoothing_window = 1000, c=['b', 'g', 'r', 'y', 'k', 'c']):
num_states = len(episodes_ydata[0].target_count)
overall_stats_q_learning = [[] for i in range(num_states)]
for trialdata in episodes_ydata:
for state in range(num_states):
overall_stats_q_learning[state].append(pd.Series(trialdata.target_count[state]).rolling(smoothing_window, min_periods=smoothing_window).mean().data)
for state in range(num_states):
m_stats_q_learning = np.mean(overall_stats_q_learning[state], axis=0)
std_stats_q_learning = np.std(overall_stats_q_learning[state], axis=0)
plt.plot(range(len(m_stats_q_learning)), m_stats_q_learning, c=c[state])
plt.fill_between(range(len(std_stats_q_learning)), m_stats_q_learning - std_stats_q_learning, m_stats_q_learning + std_stats_q_learning, alpha=0.5, edgecolor=c[state], facecolor=c[state])
def plot_q_values(model, observation_space, action_space):
res = 100
test_observations = np.linspace(observation_space.low, observation_space.high, res)
print((action_space.n, res))
q_values = np.zeros((action_space.n, res))
for action in range(action_space.n):
for obs in range(res):
q_values[action, obs] = model.predict(test_observations[obs])[0, action]
plt.plot(test_observations, q_values[action])
def arguments():
parser = ArgumentParser()
parser.add_argument('--env', default = 'BipedalWalker-v3')
return parser.parse_args()
def save(agent, rewards, args):
path = './runs/{}/'.format(args.env)
try:
os.makedirs(path)
except:
pass
torch.save(agent.q.state_dict(), os.path.join(path, 'model_state_dict'))
plt.cla()
plt.plot(rewards, c = 'r', alpha = 0.3)
plt.plot(gaussian_filter1d(rewards, sigma = 5), c = 'r', label = 'Rewards')
plt.xlabel('Episodes')
plt.ylabel('Cumulative reward')
plt.title('Branching DDQN: {}'.format(args.env))
plt.savefig(os.path.join(path, 'reward.png'))
pd.DataFrame(rewards, columns = ['Reward']).to_csv(os.path.join(path, 'rewards.csv'), index = False)
class AgentConfig:
def __init__(self,
epsilon_start = 1.,
epsilon_final = 0.01,
epsilon_decay = 8000,
gamma = 0.99,
lr = 1e-4,
target_net_update_freq = 1000,
memory_size = 100000,
batch_size = 128,
learning_starts = 5000,
max_frames = 10000000):
self.epsilon_start = epsilon_start
self.epsilon_final = epsilon_final
self.epsilon_decay = epsilon_decay
self.epsilon_by_frame = lambda i: self.epsilon_final + (self.epsilon_start - self.epsilon_final) * np.exp(-1. * i / self.epsilon_decay)
self.gamma =gamma
self.lr =lr
self.target_net_update_freq =target_net_update_freq
self.memory_size =memory_size
self.batch_size =batch_size
self.learning_starts = learning_starts
self.max_frames = max_frames
class ExperienceReplayMemory:
def __init__(self, capacity):
self.capacity = capacity
self.memory = []
def push(self, transition):
self.memory.append(transition)
if len(self.memory) > self.capacity:
del self.memory[0]
def sample(self, batch_size):
batch = random.sample(self.memory, batch_size)
states = []
actions = []
rewards = []
next_states = []
dones = []
for b in batch:
states.append(b[0])
actions.append(b[1])
rewards.append(b[2])
next_states.append(b[3])
dones.append(b[4])
return states, actions, rewards, next_states, dones
def __len__(self):
return len(self.memory)
import torch
import collections
import random
class ReplayBuffer():
def __init__(self,buffer_limit,action_space,device):
self.buffer = collections.deque(maxlen=buffer_limit)
self.action_space = action_space
self.device = device
def put(self, transition):
self.buffer.append(transition)
def sample(self, n):
mini_batch = random.sample(self.buffer, n)
state_lst, reward_lst, next_state_lst, done_mask_lst = [], [], [], []
actions_lst = [[] for i in range(self.action_space)]
for transition in mini_batch:
state, actions,reward, next_state, done_mask = transition
state_lst.append(state)
for idx in range(self.action_space):
actions_lst[idx].append(actions[idx])
reward_lst.append([reward])
next_state_lst.append(next_state)
done_mask_lst.append([done_mask])
actions_lst = [torch.tensor(x,dtype= torch.float).to(self.device) for x in actions_lst]
return torch.tensor(state_lst, dtype=torch.float).to(self.device),\
actions_lst ,torch.tensor(reward_lst).to(self.device),\
torch.tensor(next_state_lst, dtype=torch.float).to(self.device),\
torch.tensor(done_mask_lst).to(self.device)
def size(self):
return len(self.buffer)
class TensorEnv(gym.Wrapper):
def __init__(self, env_name):
super().__init__(gym.make(env_name))
def process(self, x):
return torch.tensor(x).reshape(1,-1).float()
def reset(self):
return self.process(super().reset())
def step(self, a):
ns, r, done, infos = super().step(a)
return self.process(ns), r, done, infos
class BranchingTensorEnv(TensorEnv):
def __init__(self, env_name, n):
super().__init__(env_name)
self.n = n
self.discretized = np.linspace(-1.,1., self.n)
def step(self, a):
action = np.array([self.discretized[aa] for aa in a])
return super().step(action)
| 2.46875 | 2 |
C-101/test.py | shabd07/C-101 | 0 | 12787637 | a = input("write your name")
print(a) | 2.84375 | 3 |
machine-learning-box/sales-prediction/py_scripts/data.py | akito19/treasure-boxes | 0 | 12787638 | import os
import pandas as pd
os.system(f"{sys.executable} -m pip install -U pytd==0.8.0 td-client")
import pytd
from tdclient.errors import NotFoundError
def database_exists(database, client):
try:
client.api_client.database(database)
return True
except NotFoundError:
pass
return False
def create_database_if_not_exists(database, client):
if database_exists(database, client):
print(f"DB {database} already exists")
return False
else:
client.api_client.create_database(database)
print(f"Created DB: {database}")
return True
def table_exists(database, table, client):
try:
client.api_client.table(database, table)
return True
except NotFoundError:
pass
return False
def upload_dataset(database, table):
apikey = os.environ["TD_API_KEY"]
apiserver = os.environ["TD_API_SERVER"]
client = pytd.Client(apikey=apikey, endpoint=apiserver)
if database_exists(database, client) and table_exists(database, table, client):
print("Target database and table exist. Skip")
return True
target_url = "https://raw.githubusercontent.com/facebook/prophet/master/examples/example_retail_sales.csv"
df = pd.read_csv(target_url)
create_database_if_not_exists(database, client)
client.load_table_from_dataframe(df, f"{database}.{table}", if_exists="overwrite")
return True
| 2.59375 | 3 |
magic_8_ball.py | kruschk/automate-the-boring-stuff | 0 | 12787639 | <gh_stars>0
#!/usr/bin/python3
import random
def get_answer(answer_number):
if answer_number == 1:
return "It is certain"
elif answer_number == 2:
return "It is decidedly so"
elif answer_number == 3:
return "Yes"
elif answer_number == 4:
return "Reply lazy try again"
elif answer_number == 5:
return "Ask again later"
elif answer_number == 6:
return "Concentrate and ask again"
elif answer_number == 7:
return "My reply is no"
elif answer_number == 8:
return "Outlook not so good"
elif answer_number == 9:
return "Very doubtful"
#r = random.randint(1, 9)
#fortune = get_answer(r)
#print(fortune)
# following is equivalent to above three lines
print(get_answer(random.randint(1, 9)))
| 3.96875 | 4 |
Python/Django/assert/task_1.py | Mikhail-Kushnerev/YA_Study | 0 | 12787640 | <filename>Python/Django/assert/task_1.py
def series_sum(incoming):
# Конкатенирует все элементы списка, приводя их к строкам."
result = ''
for i in incoming:
result += str(i)
return result
# Первое тестирование: проверьте, корректно ли сработает функция series_sum(),
# если ей на вход передать список из целых и дробных чисел.
mixed_numbers = [1, 2, 3.0, 4.0] # Список из int и float
result_numbers = '123.04.0' # Ожидаемый результат, который должна вернуть series_sum()
print(series_sum(mixed_numbers))
# Вместо многоточия напишите утверждение, которое должно быть проверено
assert series_sum(mixed_numbers) == result_numbers, (
'Функция series_sum() не работает со списком чисел')
# Второе тестирование: проверьте, корректно ли сработает функция series_sum(),
# если ей на вход передать список из чисел и строк.
mixed_numbers_strings = [1, 2, 'string'] # Cписок из чисел и строк
result_numbers_strings = '12string' # Ожидаемый результат, который должна вернуть series_sum()
print(series_sum(mixed_numbers_strings))
# Вместо многоточия напишите утверждение, которое должно быть проверено
assert series_sum(mixed_numbers_strings) == result_numbers_strings, (
'Функция series_sum() не работает со смешанным списком')
# Третье тестирование: проверьте, корректно ли сработает функция series_sum(),
# если ей на вход передать пустой список.
empty = [] # Пустой список
result_empty = '' # Ожидаемый результат, который должна вернуть series_sum()
# Вместо многоточия напишите утверждение, которое должно быть проверено
assert series_sum(empty) == result_empty, (
'Функция series_sum() не работает с пустым списком') | 3.03125 | 3 |
prob/dice.py | ccorbell/gametheory | 0 | 12787641 | <gh_stars>0
#!/usr/bin/env python3
# -*- coding: utf-8 -*-
"""
Created on Tue Jan 18 23:51:10 2022
@author: <NAME>
"""
import random
class Dice:
D6 = [n for n in range(1, 7)]
D20 = [n for n in range(1, 21)]
def d6():
return random.choice(Dice.D6)
def d20():
return random.choice(Dice.D20)
def nd6(n:int):
rolls = []
for i in range(0, n):
rolls.append(Dice.d6())
return rolls
def nd6sum(n:int):
return sum(Dice.nd6(n))
def nd20(n:int):
rolls = []
for i in range(0, n):
rolls.append(Dice.d20())
return rolls
def nd20sum(n:int):
return sum(Dice.nd20(n))
| 3.703125 | 4 |
project/backend/migrations/0005_alter_item_category.py | ryan-lam/hackathonx2021 | 1 | 12787642 | # Generated by Django 3.2 on 2021-06-26 00:30
from django.db import migrations, models
class Migration(migrations.Migration):
dependencies = [
('backend', '0004_alter_item_description'),
]
operations = [
migrations.AlterField(
model_name='item',
name='category',
field=models.CharField(default='Dinosaurs', max_length=200),
),
]
| 1.570313 | 2 |
shot.py | RanlyX/web_screenshot | 0 | 12787643 | <reponame>RanlyX/web_screenshot
# !usr/bin/python
# -*- coding:utf-8 -*-
import re
import sys
from selenium import webdriver
from selenium.webdriver.chrome.options import Options
# Text color define
T_LIGHT_RED = "\033[1;31m"
NORMAL = "\033[m"
# Some phish url will be report "hxxp" or "hxxps"
def refinedURL(url):
refined = re.sub("^hxxp", "http", url)
return refined
# Setting browser arguments
def initBrowser():
chrome_options = Options()
chrome_options.add_argument("--headless")
chrome_options.add_argument("--disable-gpu")
chrome_options.add_argument('window-size=1200x600')
return chrome_options
# It will print red text
def printRedStr(str_):
sys.stdout.write(T_LIGHT_RED)
print(str_)
sys.stdout.write(NORMAL)
# Some phish url will be report "hxxp" or "hxxps"
def shot(browser, url, name):
if(browser):
browser.get(url)
try:
print browser.switch_to.alert.text
browser.switch_to.alert.accept()
except:
print("no alert")
browser.get_screenshot_as_file(name+'.png')
else:
printStr("Browser isn't set!")
def main():
# Set browser
chrome_options = initBrowser()
browser = webdriver.Chrome(executable_path=r"./chromedriver", chrome_options=chrome_options)
# If need time out
# browser.set_page_load_timeout(600)
# browser.set_script_timeout(600)
url = sys.argv[1]
name = sys.argv[2]
print(url, name)
try:
shot(browser, url, name)
except:
print("Shot fail!")
browser.quit()
if __name__ == '__main__':
main()
| 2.703125 | 3 |
pypi_librarian/class_user.py | jayvdb/pypi_librarian | 3 | 12787644 | # coding=utf-8
"""
Data and actions for user
"""
from typing import List
import pypi_xmlrpc
from pypi_librarian.class_package import Package
class User(object):
"""
Properties and methods
"""
def __init__(self, name: str) -> None:
"""
Initialize values
:param name:
"""
self.name = name
def get_packages_name(self) -> List[str]:
"""
xmlprc call to get user info, but just names
:return:
"""
packages = pypi_xmlrpc.user_packages(self.name)
return packages
def get_packages(self, name: str, version: str) -> List[Package]:
"""
Load all packages for user, entire package objects
:param name:
:param version:
:return:
"""
raise NotImplementedError()
| 2.8125 | 3 |
lib/tests/python/old/test_bug.py | re-Isearch/re-Isearch | 2 | 12787645 | #!/opt/BSN/bin/python
#-------------------------------------------------
#ident "%Z%%Y%%M% %I% %G% %U% BSN"
import sys
import string
from IB import *
#############################################################################
##
##
#############################################################################
query = sys.argv[1:] and sys.argv[1] or 'chain test OR'
junk="/tmp/DOC";
pdb = VIDB(junk);
print "This is PyIB version %s/%s" % (string.split(sys.version)[0], pdb.GetVersionID());
print "Copyright (c) 1999 Basis Systeme netzwerk/Munich";
if not pdb.IsDbCompatible():
raise ValueError, "The specified database '%s' is not compatible with this version. Re-index!" % `junk`
print "Database ", junk, " has ", pdb.GetTotalRecords(), " elements";
fields=pdb.GetFields();
print fields;
| 2.3125 | 2 |
omtdrspub/elastic/exe_elastic_resourcelist.py | openminted/omtd-rspub-elastic | 0 | 12787646 | <filename>omtdrspub/elastic/exe_elastic_resourcelist.py
import os
from os.path import basename
from urllib.parse import urljoin
import logging
from resync import Resource
from resync import ResourceList
from resync.list_base_with_index import ListBaseWithIndex
from rspub.core.executors import Executor, SitemapData, ExecutorEvent
from rspub.core.rs_enum import Capability
from rspub.util import defaults
from omtdrspub.elastic.elastic_query_manager import ElasticQueryManager
from omtdrspub.elastic.elastic_rs_paras import ElasticRsParameters
from omtdrspub.elastic.model.resource_doc import ResourceDoc
MAX_RESULT_WINDOW = 10000
LOG = logging.getLogger(__name__)
class ElasticResourceListExecutor(Executor):
def __init__(self, rs_parameters: ElasticRsParameters):
super(ElasticResourceListExecutor, self).__init__(rs_parameters)
self.query_manager = ElasticQueryManager(self.para.elastic_host, self.para.elastic_port)
def execute(self, filenames=None):
# filenames is not necessary, we use it only to match the method signature
self.date_start_processing = defaults.w3c_now()
self.observers_inform(self, ExecutorEvent.execution_start, date_start_processing=self.date_start_processing)
if not os.path.exists(self.para.abs_metadata_dir()):
os.makedirs(self.para.abs_metadata_dir())
self.prepare_metadata_dir()
sitemap_data_iter = self.generate_rs_documents()
self.post_process_documents(sitemap_data_iter)
self.date_end_processing = defaults.w3c_now()
self.create_index(sitemap_data_iter)
capabilitylist_data = self.create_capabilitylist()
self.update_resource_sync(capabilitylist_data)
self.observers_inform(self, ExecutorEvent.execution_end, date_end_processing=self.date_end_processing,
new_sitemaps=sitemap_data_iter)
return sitemap_data_iter
def prepare_metadata_dir(self):
if self.para.is_saving_sitemaps:
self.clear_metadata_dir()
def generate_rs_documents(self, filenames: iter = None) -> [SitemapData]:
self.query_manager.refresh_index(self.para.elastic_index)
# filenames is not necessary, we use it only to match the method signature
sitemap_data_iter = []
generator = self.resourcelist_generator()
for sitemap_data, sitemap in generator():
sitemap_data_iter.append(sitemap_data)
return sitemap_data_iter
def create_index(self, sitemap_data_iter: iter):
if len(sitemap_data_iter) > 1:
resourcelist_index = ResourceList()
resourcelist_index.sitemapindex = True
resourcelist_index.md_at = self.date_start_processing
resourcelist_index.md_completed = self.date_end_processing
index_path = self.para.abs_metadata_path("resourcelist-index.xml")
rel_index_path = os.path.relpath(index_path, self.para.resource_dir)
index_url = urljoin(self.para.url_prefix, defaults.sanitize_url_path(rel_index_path))
resourcelist_index.link_set(rel="up", href=self.para.capabilitylist_url())
for sitemap_data in sitemap_data_iter:
resourcelist_index.add(Resource(uri=sitemap_data.uri, md_at=sitemap_data.doc_start,
md_completed=sitemap_data.doc_end))
if sitemap_data.document_saved:
LOG.info("Updating document: " + basename(sitemap_data.path))
self.update_rel_index(index_url, sitemap_data.path)
self.finish_sitemap(-1, resourcelist_index)
def save_sitemap(self, sitemap, path):
sitemap.pretty_xml = self.para.is_saving_pretty_xml
# writing the string sitemap.as_xml() to disk results in encoding=ASCII on some systems.
# due to https://docs.python.org/3.4/library/xml.etree.elementtree.html#write
#sitemap.write(path)
if sitemap.sitemapindex:
self.write_index(sitemap, path)
else:
sitemap.write(path)
@staticmethod
def write_index(sitemap: ListBaseWithIndex, path):
"""Return XML serialization of this list taken to be sitemapindex entries
"""
sitemap.default_capability()
s = sitemap.new_sitemap()
return s.resources_as_xml(sitemap, sitemapindex=True, fh=path)
def resourcelist_generator(self) -> iter:
def generator() -> [SitemapData, ResourceList]:
resourcelist = None
ordinal = self.find_ordinal(Capability.resourcelist.name)
resource_count = 0
doc_start = None
resource_generator = self.resource_generator()
for resource_count, resource in resource_generator():
# stuff resource into resourcelist
if resourcelist is None:
resourcelist = ResourceList()
doc_start = defaults.w3c_now()
resourcelist.md_at = doc_start
resourcelist.add(resource)
# under conditions: yield the current resourcelist
if resource_count % self.para.max_items_in_list == 0:
ordinal += 1
doc_end = defaults.w3c_now()
resourcelist.md_completed = doc_end
LOG.info("Generating resourcelist #:" + str(ordinal) + "...")
sitemap_data = self.finish_sitemap(ordinal, resourcelist, doc_start=doc_start, doc_end=doc_end)
LOG.info("Resource list # " + str(ordinal) + " successfully generated")
yield sitemap_data, resourcelist
resourcelist = None
# under conditions: yield the current and last resourcelist
if resourcelist:
ordinal += 1
doc_end = defaults.w3c_now()
resourcelist.md_completed = doc_end
# if ordinal == 0:
# if we have a single doc, set ordinal to -1 so that the finish_sitemap will not append the
# ordinal to the filename
# ordinal = -1
# print("Generating resourcelist")
# else:
LOG.info("Generating resourcelist #:" + str(ordinal) + "...")
sitemap_data = self.finish_sitemap(ordinal, resourcelist, doc_start=doc_start, doc_end=doc_end)
LOG.info("Resource list # " + str(ordinal) + " successfully generated")
yield sitemap_data, resourcelist
return generator
def resource_generator(self) -> iter:
def generator(count=0) -> [int, Resource]:
elastic_page_generator = self.elastic_page_generator()
erased_changes = False
for e_page in elastic_page_generator():
if not erased_changes:
# this will happen at the first scroll
self.erase_changes()
LOG.info("Changes erased")
erased_changes = True
for e_hit in e_page:
e_source = e_hit['_source']
e_doc = ResourceDoc.as_resource_doc(e_source)
count += 1
uri = e_doc.location.uri_from_path(para_url_prefix=self.para.url_prefix,
para_res_root_dir=self.para.res_root_dir)
ln = []
if e_doc.ln:
for link in e_doc.ln:
link_uri = link.href.uri_from_path(para_url_prefix=self.para.url_prefix,
para_res_root_dir=self.para.res_root_dir)
ln.append({'href': link_uri, 'rel': link.rel, 'mime': link.mime})
resource = Resource(uri=uri, length=e_doc.length,
lastmod=e_doc.lastmod,
md5=e_doc.md5,
mime_type=e_doc.mime,
ln=ln)
yield count, resource
self.observers_inform(self, ExecutorEvent.created_resource, resource=resource,
count=count)
return generator
def elastic_page_generator(self) -> iter:
def generator() -> iter:
query = {
"query": {
"bool": {
"must": [
{
"term": {"resource_set": self.para.resource_set}
}
]
}
}
}
return self.query_manager.scan_and_scroll(index=self.para.elastic_index,
doc_type=self.para.elastic_resource_doc_type,
query=query,
max_items_in_list=self.para.max_items_in_list,
max_result_window=MAX_RESULT_WINDOW)
return generator
def erase_changes(self):
self.query_manager.delete_all_index_set_type_docs(index=self.para.elastic_index,
doc_type=self.para.elastic_change_doc_type,
resource_set=self.para.resource_set)
| 1.859375 | 2 |
jobs/types/job_run_result.py | soham4abc/oppia | 0 | 12787647 | <gh_stars>0
# coding: utf-8
#
# Copyright 2021 The Oppia Authors. 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.
"""Error classes for model audits."""
from __future__ import absolute_import # pylint: disable=import-only-modules
from __future__ import unicode_literals # pylint: disable=import-only-modules
import python_utils
class JobRunResult(python_utils.OBJECT):
"""Encapsulates the result of a job run.
The stdout and stderr are string values analogous to a program's stdout and
stderr pipes (reserved for standard output and errors, respectively).
"""
__slots__ = ('_stdout', '_stderr')
def __init__(self, stdout='', stderr=''):
"""Initializes a new JobRunResult instance.
Args:
stdout: str. The standard output from a job run.
stderr: str. The error output from a job run.
"""
self._stdout, self._stderr = stdout, stderr
@property
def stdout(self):
"""Returns the standard output of the job result.
Returns:
str. The standard output of the job result.
"""
return self._stdout
@property
def stderr(self):
"""Returns the error output of the job result.
Returns:
str. The error output of the job result.
"""
return self._stderr
def __getstate__(self):
"""Called by pickle to get the value that uniquely defines self."""
return (self._stdout, self._stderr)
def __setstate__(self, state):
"""Called by pickle to build an instance from __getstate__'s value."""
self._stdout, self._stderr = state
def __eq__(self, other):
return (
(self._stdout, self._stderr) == (other._stdout, other._stderr) # pylint: disable=protected-access
if self.__class__ is other.__class__ else NotImplemented)
def __ne__(self, other):
return (
not (self == other)
if self.__class__ is other.__class__ else NotImplemented)
def __hash__(self):
return hash((self._stdout, self._stderr))
def __repr__(self):
return 'JobRunResult(stdout=%r, stderr=%r)' % (
self._stdout, self._stderr)
| 2.265625 | 2 |
Script update background test/Script_normal_update_win_zip.py | dacicas/Update_script | 0 | 12787648 | <filename>Script update background test/Script_normal_update_win_zip.py<gh_stars>0
#!/usr/bin/env python3
import os, fnmatch
import subprocess
import time
import gspread
from oauth2client.service_account import ServiceAccountCredentials
from pprint import pprint
import time
import random
import wget
import shutil
import pyautogui
from stat import S_IREAD, S_IRGRP, S_IROTH
import pyperclip
import threading
scope = ["https://spreadsheets.google.com/feeds",'https://www.googleapis.com/auth/spreadsheets',"https://www.googleapis.com/auth/drive.file","https://www.googleapis.com/auth/drive"]
credentials = ServiceAccountCredentials.from_json_keyfile_name("TestUpdateBeta-dbbd302b4f47.json", scope)
client = gspread.authorize(credentials)
sheet = client.open("IncercareBetaUpdates").sheet1
data = sheet.get_all_records()
def updateareNumeProfil(numar):
file = open("resources/profilename.txt","w")
value = "Primut"+str(numar)
file.write(value)
file.close()
return value
def schimbatNume(propertyName):
number = int(propertyName[6:len(propertyName)])+1
return updateareNumeProfil(number)
file = open("resources/profilename.txt")
my_env = file.readline()
print(my_env)
file.close()
for statusFisier in os.listdir("C:\\Users\\dani\\AppData\\Roaming\\Mozilla\\Firefox\\Profiles\\"):
x = "Primut" in statusFisier
if (x):
my_env = schimbatNume(my_env)
print("Nume profil: " + my_env)
break
def create_user_js(new_path_to_my_env):
os.chdir(new_path_to_my_env)
user_js = open("User.js", "w")
user_js.write('user_pref("app.update.enabled", false);\n'
'user_pref("app.update.auto", false);\n'
'user_pref("app.update.log", true);\n'
'user_pref("app.update.log.file", true);\n'
'user_pref("app.update.BITS.enabled", true);\n'
'user_pref("app.update.doorhanger", false);\n'
'user_pref("browser.shell.checkDefaultBrowser", false);\n'
'user_pref("browser.tabs.warnOnClose", false);\n'
'user_pref("browser.aboutwelcome.enabled", false);\n'
'user_pref("browser.tabs.warnOnCloseOtherTabs", false);\n')
user_js.close()
os.chmod("User.js", S_IREAD)
def get_folder_name(my_string_env):
list_of_profiles = os.listdir("C:\\Users\\dani\\AppData\\Roaming\\Mozilla\\Firefox\\Profiles")
pattern = my_string_env
for x in list_of_profiles:
if fnmatch.fnmatch(x, pattern):
print(x)
return str(x)
def copy_AUS_SVC_Clipboard():
time.sleep(60)
pyautogui.click(x=1286, y=59)
pyautogui.press("altleft")
time.sleep(1)
pyautogui.press("h")
time.sleep(1)
pyautogui.press("a")
time.sleep(1)
pyautogui.press("enter")
time.sleep(1)
pyautogui.click(x=1106, y=489)
time.sleep(1)
pyautogui.hotkey('ctrl', 'shift', 'j')
time.sleep(5)
pyautogui.click(button='right')
time.sleep(5)
pyautogui.click(x=1154, y=588)
time.sleep(5)
pyautogui.click(x=1358, y=587)
time.sleep(30)
pyautogui.click()
time.sleep(5)
paste_in_new_File()
time.sleep(5)
BITS_check()
pyautogui.click(x=291, y=460 )
pyautogui.hotkey('ctrl', 'shift', 'q')
print("Done running copy_AUS_SVC_Clipboard")
def copy_AUS_SVC_Clipboard_AR():
time.sleep(60)
pyautogui.click(x=1286, y=59)
pyautogui.press("altleft")
time.sleep(1)
pyautogui.click(x=1035, y=17)#Help
time.sleep(1)
pyautogui.click(x=1008, y=228)#About Fx
time.sleep(1)
pyautogui.press(x=618, y=407)#Update Fx
time.sleep(1)
pyautogui.click(x=1106, y=489)
time.sleep(1)
pyautogui.hotkey('ctrl', 'shift', 'j')
time.sleep(5)
pyautogui.click(button='right')
time.sleep(5)
pyautogui.click(x=1232, y=679)#Copy to clipboard
time.sleep(5)
pyautogui.click(x=1172, y=673)#Clipboard
time.sleep(30)
pyautogui.click()
time.sleep(5)
paste_in_new_File()
time.sleep(5)
BITS_check()
pyautogui.click(x=291, y=460)
pyautogui.hotkey('ctrl', 'shift', 'q')
print("Done running copy_AUS_SVC_Clipboard_AR")
def copy_AUS_SVC_Clipboard_RU():
time.sleep(60)
pyautogui.click(x=1286, y=59)
pyautogui.press("altleft")
time.sleep(1)
pyautogui.click(x=368, y=14)#Help
time.sleep(1)
pyautogui.click(x=461, y=173)#About Fx
time.sleep(1)
pyautogui.press("enter")
time.sleep(1)
pyautogui.click(x=1106, y=489)
time.sleep(1)
pyautogui.hotkey('ctrl', 'shift', 'j')
time.sleep(5)
pyautogui.click(button='right')
time.sleep(5)
pyautogui.click(x=1227, y=595)#Copy to clipboard
time.sleep(5)
pyautogui.click(x=1443, y=598)#Clipboard
time.sleep(30)
time.sleep(5)
paste_in_new_File()
time.sleep(5)
BITS_check()
time.sleep(2)
pyautogui.click(x=174, y=460)
pyautogui.hotkey('ctrl', 'shift', 'q')
print("Done running copy_AUS_SVC_Clipboard_RU")
def copy_AUS_SVC_Clipboard_zh_CH():
time.sleep(60)
pyautogui.click(x=1286, y=59)
pyautogui.press("altleft")
time.sleep(1)
pyautogui.click(x=334, y=12)#Help
time.sleep(1)
pyautogui.click(x=382, y=230)#About Fx
time.sleep(1)
pyautogui.press("enter")
time.sleep(1)
pyautogui.click(x=1106, y=489)
time.sleep(1)
pyautogui.hotkey('ctrl', 'shift', 'j')
time.sleep(5)
pyautogui.click(button='right')
time.sleep(5)
pyautogui.click(x=1200, y=631)#Copy to clipboard
time.sleep(5)
pyautogui.click(x=1291, y=631)#Clipboard
time.sleep(30)
pyautogui.click()
time.sleep(5)
paste_in_new_File()
time.sleep(5)
BITS_check()
pyautogui.click(x=291, y=460)
pyautogui.hotkey('ctrl', 'shift', 'q')
print("Done running copy_AUS_SVC_Clipboard_zh-CH")
def copy_AUS_SVC_Clipboard_es_ES():
time.sleep(60)
pyautogui.click(x=1286, y=59)
pyautogui.press("altleft")
time.sleep(1)
pyautogui.click(x=363, y=14)#Help
time.sleep(1)
pyautogui.click(x=473, y=224)#About Fx
time.sleep(1)
pyautogui.press("enter")
time.sleep(1)
pyautogui.click(x=1106, y=489)
time.sleep(1)
pyautogui.hotkey('ctrl', 'shift', 'j')
time.sleep(5)
pyautogui.click(button='right')
time.sleep(5)
pyautogui.click(x=1209, y=631)#Copy to clipboard
time.sleep(5)
pyautogui.click(x=1364, y=629)#Clipboard
time.sleep(30)
pyautogui.click()
time.sleep(5)
paste_in_new_File()
time.sleep(5)
BITS_check()
pyautogui.click(x=291, y=460)
pyautogui.hotkey('ctrl', 'shift', 'q')
print("Done running copy_AUS_SVC_Clipboard_es-ES")
def copy_AUS_SVC_Clipboard_JA():
time.sleep(60)
pyautogui.click(x=1286, y=59)
pyautogui.press("altleft")
time.sleep(1)
pyautogui.click(x=422, y=14)#Help
time.sleep(1)
pyautogui.click(x=459, y=231)#About Fx
time.sleep(1)
pyautogui.press("enter")
time.sleep(1)
pyautogui.click(x=1106, y=489)
time.sleep(1)
pyautogui.hotkey('ctrl', 'shift', 'j')
time.sleep(5)
pyautogui.click(button='right')
time.sleep(5)
pyautogui.click(x=1215, y=630)#Copy to clipboard
time.sleep(5)
pyautogui.click(x=1408, y=628)#Clipboard
time.sleep(30)
pyautogui.click()
time.sleep(5)
paste_in_new_File()
time.sleep(5)
BITS_check()
pyautogui.click(x=291, y=460)
pyautogui.hotkey('ctrl', 'shift', 'q')
print("Done running copy_AUS_SVC_Clipboard_JA")
def copy_AUS_SVC_Clipboard_DE():
time.sleep(60)
pyautogui.click(x=1286, y=59)
pyautogui.press("altleft")
time.sleep(1)
pyautogui.click(x=355, y=13)#Help
time.sleep(1)
pyautogui.click(x=447, y=221)#About Fx
time.sleep(1)
pyautogui.press("enter")
time.sleep(1)
pyautogui.click(x=1106, y=489)
time.sleep(1)
pyautogui.hotkey('ctrl', 'shift', 'j')
time.sleep(5)
pyautogui.click(button='right')
time.sleep(5)
pyautogui.click(x=1228, y=633)#Copy to clipboard
time.sleep(5)
pyautogui.click(x=1431, y=624)#Clipboard
time.sleep(30)
pyautogui.click()
time.sleep(5)
paste_in_new_File()
time.sleep(5)
BITS_check()
pyautogui.click(x=291, y=460)
pyautogui.hotkey('ctrl', 'shift', 'q')
print("Done running copy_AUS_SVC_Clipboard_DE")
def copy_AUS_SVC_Clipboard_FR():
time.sleep(60)
pyautogui.click(x=1286, y=59)
pyautogui.press("altleft")
time.sleep(1)
pyautogui.click(x=384, y=11)#Help
time.sleep(1)
pyautogui.click(x=465, y=227)#About Fx
time.sleep(1)
pyautogui.press("enter")
time.sleep(1)
pyautogui.click(x=1106, y=489)
time.sleep(1)
pyautogui.hotkey('ctrl', 'shift', 'j')
time.sleep(5)
pyautogui.click(button='right')
time.sleep(5)
pyautogui.click(x=1215, y=631)#Copy to clipboard
time.sleep(5)
pyautogui.click(x=1410, y=630)#Clipboard
time.sleep(30)
pyautogui.click()
time.sleep(5)
paste_in_new_File()
time.sleep(5)
BITS_check()
pyautogui.click(x=291, y=460)
pyautogui.hotkey('ctrl', 'shift', 'q')
print("Done running copy_AUS_SVC_Clipboard_FR")
def copy_AUS_SVC_Clipboard_KO():
time.sleep(60)
pyautogui.click(x=1286, y=59)
pyautogui.press("altleft")
time.sleep(1)
pyautogui.click(x=353, y=12)#Help
time.sleep(1)
pyautogui.click(x=405, y=225)#About Fx
time.sleep(1)
pyautogui.press("enter")
time.sleep(1)
pyautogui.click(x=1106, y=489)
time.sleep(1)
pyautogui.hotkey('ctrl', 'shift', 'j')
time.sleep(5)
pyautogui.click(button='right')
time.sleep(5)
pyautogui.click(x=1196, y=634)#Copy to clipboard
time.sleep(5)
pyautogui.click(x=1348, y=624)#Clipboard
time.sleep(30)
pyautogui.click()
time.sleep(5)
paste_in_new_File()
time.sleep(5)
BITS_check()
pyautogui.click(x=291, y=460)
pyautogui.hotkey('ctrl', 'shift', 'q')
print("Done running copy_AUS_SVC_Clipboard_KO")
def copy_AUS_SVC_Clipboard_PT():
time.sleep(60)
pyautogui.click(x=1286, y=59)
pyautogui.press("altleft")
time.sleep(1)
pyautogui.click(x=361, y=12)#Help
time.sleep(1)
pyautogui.click(x=436, y=228)#About Fx
time.sleep(1)
pyautogui.press("enter")
time.sleep(1)
pyautogui.click(x=1106, y=489)
time.sleep(1)
pyautogui.hotkey('ctrl', 'shift', 'j')
time.sleep(5)
pyautogui.click(button='right')
time.sleep(5)
pyautogui.click(x=1220, y=631)#Copy to clipboard
time.sleep(5)
pyautogui.click(x=1419, y=630)#Clipboard
time.sleep(30)
pyautogui.click()
time.sleep(5)
paste_in_new_File()
time.sleep(5)
BITS_check()
pyautogui.click(x=291, y=460)
pyautogui.hotkey('ctrl', 'shift', 'q')
print("Done running copy_AUS_SVC_Clipboard_PT")
def copy_AUS_SVC_Clipboard_PL():
time.sleep(60)
pyautogui.click(x=1286, y=59)
pyautogui.press("altleft")
time.sleep(1)
pyautogui.click(x=329, y=14)#Help
time.sleep(1)
pyautogui.click(x=420, y=231)#About Fx
time.sleep(1)
pyautogui.press("enter")
time.sleep(1)
pyautogui.click(x=1106, y=489)
time.sleep(1)
pyautogui.hotkey('ctrl', 'shift', 'j')
time.sleep(5)
pyautogui.click(button='right')
time.sleep(5)
pyautogui.click(x=1220, y=629)#Copy to clipboard
time.sleep(5)
pyautogui.click(x=1396, y=630)#Clipboard
time.sleep(30)
pyautogui.click()
time.sleep(5)
paste_in_new_File()
time.sleep(5)
BITS_check()
pyautogui.click(x=291, y=460)
pyautogui.hotkey('ctrl', 'shift', 'q')
print("Done running copy_AUS_SVC_Clipboard_PL")
def copy_AUS_SVC_Clipboard_VI():
time.sleep(60)
pyautogui.click(x=1286, y=59)
pyautogui.press("altleft")
time.sleep(1)
pyautogui.click(x=466, y=12)#Help
time.sleep(1)
pyautogui.click(x=511, y=226)#About Fx
time.sleep(1)
pyautogui.press("enter")
time.sleep(1)
pyautogui.click(x=1106, y=489)
time.sleep(1)
pyautogui.hotkey('ctrl', 'shift', 'j')
time.sleep(5)
pyautogui.click(button='right')
time.sleep(5)
pyautogui.click(x=1212, y=630)#Copy to clipboard
time.sleep(5)
pyautogui.click(x=1400, y=630)#Clipboard
time.sleep(30)
pyautogui.click()
time.sleep(5)
paste_in_new_File()
time.sleep(5)
BITS_check()
pyautogui.click(x=291, y=460)
pyautogui.hotkey('ctrl', 'shift', 'q')
print("Done running copy_AUS_SVC_Clipboard_VI")
def copy_AUS_SVC_Clipboard_TR():
time.sleep(60)
pyautogui.click(x=1286, y=59)
pyautogui.press("altleft")
time.sleep(1)
pyautogui.click(x=347, y=17)#Help
time.sleep(1)
pyautogui.click(x=399, y=226)#About Fx
time.sleep(1)
pyautogui.press("enter")
time.sleep(1)
pyautogui.click(x=1106, y=489)
time.sleep(1)
pyautogui.hotkey('ctrl', 'shift', 'j')
time.sleep(5)
pyautogui.click(button='right')
time.sleep(5)
pyautogui.click(x=1198, y=630)#Copy to clipboard
time.sleep(5)
pyautogui.click(x=1353, y=627)#Clipboard
time.sleep(30)
pyautogui.click()
time.sleep(5)
paste_in_new_File()
time.sleep(5)
BITS_check()
pyautogui.click(x=291, y=460)
pyautogui.hotkey('ctrl', 'shift', 'q')
print("Done running copy_AUS_SVC_Clipboard_TR")
def paste_in_new_File():
os.chdir(new_path)
BITS_testing = open('BITS_testing.txt', "w", encoding='utf-8')
BITS_testing.write(pyperclip.paste())
BITS_testing.close()
os.chmod("BITS_Testing.txt", S_IREAD)
def BITS_check():
os.chdir(new_path)
with open("BITS_testing.txt", encoding="UTF-8") as bits:
if "Starting BITS download with url" in bits.read():
print("BITS WAS USED")
else:
print("BITS was not used/ERROR")
def Screenshot():
print("Running screenshot...")
time.sleep(20)
pyautogui.click(x=1286, y=59)
pyautogui.press("altleft")
time.sleep(1)
pyautogui.press("h")
time.sleep(1)
pyautogui.press("a")
time.sleep(4)
Screenshot = pyautogui.screenshot()
Screenshot.save(r'{0}\\dovada_upd.png'.format(last_path))
print("Done running screenshot.")
def Screenshot_AR():
print("Running screenshot...")
time.sleep(20)
pyautogui.click(x=1286, y=59)
pyautogui.press("altleft")
time.sleep(1)
pyautogui.click(x=1035, y=17)
time.sleep(1)
pyautogui.click(x=1008, y=228)
time.sleep(4)
Screenshot = pyautogui.screenshot()
Screenshot.save(r'{0}\\dovada_upd.png'.format(last_path))
print("Done running screenshot.")
def Screenshot_RU():
print("Running screenshot...")
time.sleep(20)
pyautogui.click(x=1286, y=59)
pyautogui.press("altleft")
time.sleep(1)
pyautogui.click(x=368, y=14)
time.sleep(1)
pyautogui.click(x=461, y=234)
time.sleep(4)
Screenshot = pyautogui.screenshot()
Screenshot.save(r'{0}\\dovada_upd.png'.format(last_path))
print("Done running screenshot.")
def Screenshot_zh_CH():
print("Running screenshot...")
time.sleep(20)
pyautogui.click(x=1286, y=59)
pyautogui.press("altleft")
time.sleep(1)
pyautogui.click(x=334, y=12)
time.sleep(1)
pyautogui.click(x=382, y=230)
time.sleep(4)
Screenshot = pyautogui.screenshot()
Screenshot.save(r'{0}\\dovada_upd.png'.format(last_path))
print("Done running screenshot.")
def Screenshot_es_ES():
print("Running screenshot...")
time.sleep(20)
pyautogui.click(x=1286, y=59)
pyautogui.press("altleft")
time.sleep(1)
pyautogui.click(x=363, y=14)
time.sleep(1)
pyautogui.click(x=473, y=224)
time.sleep(4)
Screenshot = pyautogui.screenshot()
Screenshot.save(r'{0}\\dovada_upd.png'.format(last_path))
print("Done running screenshot.")
def Screenshot_ja():
print("Running screenshot...")
time.sleep(20)
pyautogui.click(x=1286, y=59)
pyautogui.press("altleft")
time.sleep(1)
pyautogui.click(x=422, y=14)
time.sleep(1)
pyautogui.click(x=459, y=231)
time.sleep(4)
Screenshot = pyautogui.screenshot()
Screenshot.save(r'{0}\\dovada_upd.png'.format(last_path))
print("Done running screenshot.")
def Screenshot_DE():
print("Running screenshot...")
time.sleep(20)
pyautogui.click(x=1286, y=59)
pyautogui.press("altleft")
time.sleep(1)
pyautogui.click(x=355, y=13)
time.sleep(1)
pyautogui.click(x=447, y=221)
time.sleep(4)
Screenshot = pyautogui.screenshot()
Screenshot.save(r'{0}\\dovada_upd.png'.format(last_path))
print("Done running screenshot.")
def Screenshot_FR():
print("Running screenshot...")
time.sleep(20)
pyautogui.click(x=1286, y=59)
pyautogui.press("altleft")
time.sleep(1)
pyautogui.click(x=384, y=11)
time.sleep(1)
pyautogui.click(x=465, y=227)
time.sleep(4)
Screenshot = pyautogui.screenshot()
Screenshot.save(r'{0}\\dovada_upd.png'.format(last_path))
print("Done running screenshot.")
def Screenshot_KO():
print("Running screenshot...")
time.sleep(20)
pyautogui.click(x=1286, y=59)
pyautogui.press("altleft")
time.sleep(1)
pyautogui.click(x=353, y=12)
time.sleep(1)
pyautogui.click(x=405, y=225)
time.sleep(4)
Screenshot = pyautogui.screenshot()
Screenshot.save(r'{0}\\dovada_upd.png'.format(last_path))
print("Done running screenshot.")
def Screenshot_PT():
print("Running screenshot...")
time.sleep(20)
pyautogui.click(x=1286, y=59)
pyautogui.press("altleft")
time.sleep(1)
pyautogui.click(x=361, y=12)
time.sleep(1)
pyautogui.click(x=436, y=228)
time.sleep(4)
Screenshot = pyautogui.screenshot()
Screenshot.save(r'{0}\\dovada_upd.png'.format(last_path))
print("Done running screenshot.")
def Screenshot_PL():
print("Running screenshot...")
time.sleep(20)
pyautogui.click(x=1286, y=59)
pyautogui.press("altleft")
time.sleep(1)
pyautogui.click(x=329, y=14)
time.sleep(1)
pyautogui.click(x=420, y=231)
time.sleep(4)
Screenshot = pyautogui.screenshot()
Screenshot.save(r'{0}\\dovada_upd.png'.format(last_path))
print("Done running screenshot.")
def Screenshot_VI():
print("Running screenshot...")
time.sleep(20)
pyautogui.click(x=1286, y=59)
pyautogui.press("altleft")
time.sleep(1)
pyautogui.click(x=466, y=12)
time.sleep(1)
pyautogui.click(x=511, y=226)
time.sleep(4)
Screenshot = pyautogui.screenshot()
Screenshot.save(r'{0}\\dovada_upd.png'.format(last_path))
print("Done running screenshot.")
def Screenshot_TR():
print("Running screenshot...")
time.sleep(20)
pyautogui.click(x=1286, y=59)
pyautogui.press("altleft")
time.sleep(1)
pyautogui.click(x=347, y=17)
time.sleep(1)
pyautogui.click(x=399, y=226)
time.sleep(4)
Screenshot = pyautogui.screenshot()
Screenshot.save(r'{0}\\dovada_upd.png'.format(last_path))
print("Done running screenshot.")
def Choose_screenshot():
if locale == "en-US":
Screenshot()
elif locale == "zh-CN":
Screenshot_zh_CH()
elif locale == "es-ES":
Screenshot_es_ES()
elif locale == "ja":
Screenshot_ja()
elif locale == "de":
Screenshot_DE()
elif locale == "fr":
Screenshot_FR()
elif locale == "ru":
Screenshot_RU()
elif locale == "ar":
Screenshot_AR()
elif locale == "ko":
Screenshot_KO()
elif locale == "pt-PT":
Screenshot_PT()
elif locale == "vi":
Screenshot_VI()
elif locale == "tr":
Screenshot_TR()
elif locale == "pl":
Screenshot_PL()
def Choose_lang():
if locale == "en-US":
copy_AUS_SVC_Clipboard()
elif locale == "zh-CN":
copy_AUS_SVC_Clipboard_zh_CH()
elif locale == "es-ES":
copy_AUS_SVC_Clipboard_es_ES()
elif locale == "ja":
copy_AUS_SVC_Clipboard_JA()
elif locale == "de":
copy_AUS_SVC_Clipboard_DE()
elif locale == "fr":
copy_AUS_SVC_Clipboard_FR()
elif locale == "ru":
copy_AUS_SVC_Clipboard_RU()
elif locale == "ar":
copy_AUS_SVC_Clipboard_AR()
elif locale == "ko":
copy_AUS_SVC_Clipboard_KO()
elif locale == "pt-PT":
copy_AUS_SVC_Clipboard_PT()
elif locale == "vi":
copy_AUS_SVC_Clipboard_VI()
elif locale == "tr":
copy_AUS_SVC_Clipboard_TR()
elif locale == "pl":
copy_AUS_SVC_Clipboard_PL()
print(os.getcwd())
first_test_starting_version = sheet.cell(34, 5).value
first_test_starting_version_string = str(first_test_starting_version)
locale = sheet.cell(34, 4).value
parent_dir = "D:\Test_Firefox"
path = os.path.join(parent_dir, first_test_starting_version_string)
os.mkdir(path)
os.chdir(path)
print(os.getcwd())
URL = "https://archive.mozilla.org/pub/firefox/candidates/"+first_test_starting_version_string+"-candidates/build1/win64/{0}/".format(locale)
print(URL)
zip = ".zip"
firefox_exe_msi_prefix = "firefox-"
filename = firefox_exe_msi_prefix+first_test_starting_version_string+zip
print(filename)
var_wgt = URL + filename
print(var_wgt)
print(wget.download(var_wgt, filename))
subprocess.call(["tar", "-xf", "D:/Test_Firefox/87.0b4/{0}".format(filename)])
firefox = "firefox"
new_path = os.path.join(parent_dir, first_test_starting_version_string, firefox)
print(new_path)
os.chdir(new_path)
print(os.getcwd())
print(subprocess.run(['firefox', "-version", "|", "more"], stdout=subprocess.PIPE).stdout.decode('utf-8'))
profile_path = str("C:\\Users\\dani\\AppData\\Roaming\\Mozilla\\Firefox\\Profiles")
subprocess.call(["firefox", "-CreateProfile", my_env])
time.sleep(10)
os.chdir(profile_path)
my_string_env = "*."+my_env
full_profile_folder = get_folder_name(my_string_env)
print(type(full_profile_folder))
print(type(profile_path))
full_profile_path = os.path.join(profile_path, full_profile_folder)
os.chdir(full_profile_path)
create_user_js(full_profile_path)
print(os.getcwd())
##change working directorie to where firefox is!!! fixed ?
last_path = path + "\\firefox"
os.chdir(last_path)
print(os.getcwd())
thread1 = threading.Thread(target=Choose_lang)
thread2 = threading.Thread(target=Choose_screenshot)
thread1.start()
print(subprocess.run(['firefox', "-version", "|", "more"], stdout=subprocess.PIPE).stdout.decode('utf-8'))
subprocess.call(["firefox", "-P", "{0}".format(my_env), "-jsconsole"])
print(subprocess.run(['firefox', "-version", "|", "more"], stdout=subprocess.PIPE).stdout.decode('utf-8'))
#asta e ca sa vad ca s-a facut update-ul ca sa nu trebuiasca sa aleg profilul
#FYI daca dai restart atunci ma pune sa aleg profilul
time.sleep(10)
thread2.start()
print(subprocess.run(['firefox', "-version", "|", "more"], stdout=subprocess.PIPE).stdout.decode('utf-8'))
subprocess.call(["firefox", "-P", "{0}".format(my_env), "-jsconsole"])
print(subprocess.run(['firefox', "-version", "|", "more"], stdout=subprocess.PIPE).stdout.decode('utf-8')) | 2.28125 | 2 |
experiments/archived/20210119/bag_model/__init__.py | fxnnxc/text_summarization | 5 | 12787649 | from . import text_summarization_annealing # noqa
from .models import model, hub_interface # noqa
from .criterions import kld_loss
from .modules import pgn
#from .modules import # noqa | 0.949219 | 1 |
preprocess.py | akoksal/Turkish-Word2Vec | 175 | 12787650 | <filename>preprocess.py
from __future__ import print_function
import os.path
import sys
from gensim.corpora import WikiCorpus
import xml.etree.ElementTree as etree
import warnings
import logging
import string
from gensim import utils
def tokenize_tr(content,token_min_len=2,token_max_len=50,lower=True):
if lower:
lowerMap = {ord(u'A'): u'a',ord(u'A'): u'a',ord(u'B'): u'b',ord(u'C'): u'c',ord(u'Ç'): u'ç',ord(u'D'): u'd',ord(u'E'): u'e',ord(u'F'): u'f',ord(u'G'): u'g',ord(u'Ğ'): u'ğ',ord(u'H'): u'h',ord(u'I'): u'ı',ord(u'İ'): u'i',ord(u'J'): u'j',ord(u'K'): u'k',ord(u'L'): u'l',ord(u'M'): u'm',ord(u'N'): u'n',ord(u'O'): u'o',ord(u'Ö'): u'ö',ord(u'P'): u'p',ord(u'R'): u'r',ord(u'S'): u's',ord(u'Ş'): u'ş',ord(u'T'): u't',ord(u'U'): u'u',ord(u'Ü'): u'ü',ord(u'V'): u'v',ord(u'Y'): u'y',ord(u'Z'): u'z'}
content = content.translate(lowerMap)
return [
utils.to_unicode(token) for token in utils.tokenize(content, lower=False, errors='ignore')
if token_min_len <= len(token) <= token_max_len and not token.startswith('_')
]
if __name__ == '__main__':
if len(sys.argv) < 3:
print("Please provide two arguments, first one is path to the wikipedia dump, second one is path to the output file")
print("Example command: python3 preprocess.py trwiki-20180101-pages-articles.xml.bz2 wiki.tr.txt")
sys.exit()
logging.basicConfig(level=logging.INFO,
format='%(asctime)s %(levelname)s %(message)s')
inputFile = sys.argv[1]
outputFile = sys.argv[2]
wiki = WikiCorpus(inputFile, lemmatize=False,tokenizer_func = tokenize_tr)
logging.info("Wikipedia dump is opened.")
output = open(outputFile,"w",encoding="utf-8")
logging.info("Output file is created.")
i = 0
for text in wiki.get_texts():
output.write(" ".join(text)+"\n")
i+=1
if (i % 10000 == 0):
logging.info("Saved " +str(i) + " articles.")
output.close()
| 2.484375 | 2 |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.