repo_name
stringlengths
5
92
path
stringlengths
4
232
copies
stringclasses
19 values
size
stringlengths
4
7
content
stringlengths
721
1.04M
license
stringclasses
15 values
hash
int64
-9,223,277,421,539,062,000
9,223,102,107B
line_mean
float64
6.51
99.9
line_max
int64
15
997
alpha_frac
float64
0.25
0.97
autogenerated
bool
1 class
tapomayukh/projects_in_python
classification/Classification_with_kNN/Single_Contact_Classification/Feature_Comparison/multiple_features/results/test10_cross_validate_objects_1200ms_scaled_method_v_area_motion.py
1
4600
# Principal Component Analysis Code : from numpy import mean,cov,double,cumsum,dot,linalg,array,rank,size,flipud from pylab import * import numpy as np import matplotlib.pyplot as pp #from enthought.mayavi import mlab import scipy.ndimage as ni import roslib; roslib.load_manifest('sandbox_tapo_darpa_m3') import rospy #import hrl_lib.mayavi2_util as mu import hrl_lib.viz as hv import hrl_lib.util as ut import hrl_lib.matplotlib_util as mpu import pickle from mvpa.clfs.knn import kNN from mvpa.datasets import Dataset from mvpa.clfs.transerror import TransferError from mvpa.misc.data_generators import normalFeatureDataset from mvpa.algorithms.cvtranserror import CrossValidatedTransferError from mvpa.datasets.splitters import NFoldSplitter import sys sys.path.insert(0, '/home/tapo/svn/robot1_data/usr/tapo/data_code/Classification/Data/Single_Contact_kNN/Scaled') from data_method_V import Fmat_original def pca(X): #get dimensions num_data,dim = X.shape #center data mean_X = X.mean(axis=1) M = (X-mean_X) # subtract the mean (along columns) Mcov = cov(M) ###### Sanity Check ###### i=0 n=0 while i < 82: j=0 while j < 140: if X[i,j] != X[i,j]: print X[i,j] print i,j n=n+1 j = j+1 i=i+1 print n ########################## print 'PCA - COV-Method used' val,vec = linalg.eig(Mcov) #return the projection matrix, the variance and the mean return vec,val,mean_X, M, Mcov if __name__ == '__main__': Fmat = np.row_stack([Fmat_original[41:82,:], Fmat_original[82:123,:]]) # Checking the Data-Matrix m_tot, n_tot = np.shape(Fmat) print 'Total_Matrix_Shape:',m_tot,n_tot eigvec_total, eigval_total, mean_data_total, B, C = pca(Fmat) #print eigvec_total #print eigval_total #print mean_data_total m_eigval_total, n_eigval_total = np.shape(np.matrix(eigval_total)) m_eigvec_total, n_eigvec_total = np.shape(eigvec_total) m_mean_data_total, n_mean_data_total = np.shape(np.matrix(mean_data_total)) print 'Eigenvalue Shape:',m_eigval_total, n_eigval_total print 'Eigenvector Shape:',m_eigvec_total, n_eigvec_total print 'Mean-Data Shape:',m_mean_data_total, n_mean_data_total #Recall that the cumulative sum of the eigenvalues shows the level of variance accounted by each of the corresponding eigenvectors. On the x axis there is the number of eigenvalues used. perc_total = cumsum(eigval_total)/sum(eigval_total) # Reduced Eigen-Vector Matrix according to highest Eigenvalues..(Considering First 20 based on above figure) W = eigvec_total[:,0:20] m_W, n_W = np.shape(W) print 'Reduced Dimension Eigenvector Shape:',m_W, n_W # Normalizes the data set with respect to its variance (Not an Integral part of PCA, but useful) length = len(eigval_total) s = np.matrix(np.zeros(length)).T i = 0 while i < length: s[i] = sqrt(C[i,i]) i = i+1 Z = np.divide(B,s) m_Z, n_Z = np.shape(Z) print 'Z-Score Shape:', m_Z, n_Z #Projected Data: Y = (W.T)*B # 'B' for my Laptop: otherwise 'Z' instead of 'B' m_Y, n_Y = np.shape(Y.T) print 'Transposed Projected Data Shape:', m_Y, n_Y #Using PYMVPA PCA_data = np.array(Y.T) PCA_label_2 = ['Styrofoam-Fixed']*5 + ['Books-Fixed']*5 + ['Bucket-Fixed']*5 + ['Bowl-Fixed']*5 + ['Can-Fixed']*5 + ['Box-Fixed']*5 + ['Pipe-Fixed']*5 + ['Styrofoam-Movable']*5 + ['Container-Movable']*5 + ['Books-Movable']*5 + ['Cloth-Roll-Movable']*5 + ['Black-Rubber-Movable']*5 + ['Can-Movable']*5 + ['Box-Movable']*5 + ['Rug-Fixed']*5 + ['Bubble-Wrap-1-Fixed']*5 + ['Pillow-1-Fixed']*5 + ['Bubble-Wrap-2-Fixed']*5 + ['Sponge-Fixed']*5 + ['Foliage-Fixed']*5 + ['Pillow-2-Fixed']*5 + ['Rug-Movable']*5 + ['Bubble-Wrap-1-Movable']*5 + ['Pillow-1-Movable']*5 + ['Bubble-Wrap-2-Movable']*5 + ['Pillow-2-Movable']*5 + ['Plush-Toy-Movable']*5 + ['Sponge-Movable']*5 clf = kNN(k=1) terr = TransferError(clf) ds1 = Dataset(samples=PCA_data,labels=PCA_label_2) print ds1.samples.shape cvterr = CrossValidatedTransferError(terr,NFoldSplitter(cvtype=1),enable_states=['confusion']) error = cvterr(ds1) print error print cvterr.confusion.asstring(description=False) figure(1) cvterr.confusion.plot(numbers='True',numbers_alpha=2) #show() # Variances figure(2) title('Variances of PCs') stem(range(len(perc_total)),perc_total,'--b') axis([-0.3,130.3,0,1.2]) grid('True') show()
mit
718,970,347,211,313,800
33.074074
666
0.646087
false
John-Lin/RuleEngine
malware/core/engine.py
1
13571
import re import sys import os import logging import time import hashlib from urlparse import urlparse from virus_total_apis import PrivateApi as VirusTotal import pcap import decoder import apikey from snort import SnortRule from database import SQLiteTool logger = logging.getLogger(__name__) REQUEST_RATE = 300 APIKEY = apikey.APIKEY_0 def clean_spaces(s): s = s.replace('\r', '') return s class RuleEngineBase(object): def __init__(self, path='./PCAPLog/'): self.rules = list() self._db = SQLiteTool() self._db.creat_url_report() self.tcp_paylpad_iter = PayloadIterator2(path, 'tcp') self.udp_paylpad_iter = PayloadIterator2(path, 'udp') self.vd = Validator() self.vt = VirusTotal(APIKEY) def _make_rule(self, **kwargs): rule = SnortRule() rule.msg = '"Trojan.Gen"' content = kwargs.get('content') uricontent = kwargs.get('uricontent') dst_port = kwargs.get('dst_port') ref = kwargs.get('ref') protocol = kwargs.get('protocol') dst_port = kwargs.get('dst_port') if protocol is not None: rule.protocol = protocol if dst_port is not None: rule.dst_port = dst_port if content is not None: rule.content = content if uricontent is not None and uricontent != '/': rule.uricontent = uricontent if ref is not None: rule.ref = ref self.rules.append(rule) # self._log_rules(rule, ref[0].split(',')[-1]) def _get_url_positive(self, resource): urlkey = hashlib.sha1(resource).hexdigest() if self._db.is_key(urlkey): # print "In Table!!" return self._db.show_positive(urlkey) def _log_rules(self, data, filename): # print str(data) if not os.path.exists('./rules'): os.makedirs('./rules') with open('./rules/{m}_rule.rules'.format(m=filename), 'a') as fp: fp.write('{r}\n'.format(r=str(data))) class RuleEngineOnline(RuleEngineBase): def __init__(self, path='./PCAPLog/'): self.vt_req_counter = 0 self.vt_req_timer = time.time() super(RuleEngineOnline, self).__init__(path) def _check_timer_counter(self): if self.vt_req_counter == REQUEST_RATE: self.vt_req_counter = 0 period = time.time() - self.vt_req_timer waiting = 60 - period + 1 if waiting > 0: logger.info("Waiting %s seconds", (str(waiting))) time.sleep(waiting) self.vt_req_timer = time.time() def _make_rule(self, **kwargs): super(RuleEngineOnline, self)._make_rule(**kwargs) def _get_url_positive(self, resource): urlkey = hashlib.sha1(resource).hexdigest() if self._db.is_key(urlkey): # print "In Table!!" update_database = False if update_database: # ============== Updated the Database URL column =============== self._check_timer_counter() self.vt_req_counter += 1 response = self.vt.get_url_report(resource) if response.get('error') is not None: logger.info("Error: {e}".format(e=response.get('error'))) return None # sys.exit(0) results = response.get('results') positives = results.get('positives') url = results.get('url') if positives >= 0: self._db.insert2(urlkey, url, positives) # ============== Updated the Database URL column =============== return self._db.show_positive(urlkey) else: self._check_timer_counter() self.vt_req_counter += 1 logger.info("Search on VirusTotal counter: %s", str(self.vt_req_counter)) logger.info(resource) response = self.vt.get_url_report(resource) if response.get('error') is not None: logger.info("Error: {e}".format(e=response.get('error'))) return None # sys.exit(0) results = response.get('results') positives = results.get('positives') url = results.get('url') if positives >= 0: self._db.insert2(urlkey, url, positives) # self._db.insert2(url_id, url, positives) return positives elif positives is None: self._check_timer_counter() self.vt_req_counter += 1 logger.info('''No report. Submmit the URL to VirusTotal countert: %s''', str(self.vt_req_counter)) self.vt.scan_url(resource) return None else: logger.debug("Get reports failed.") return None def _get_domain_positive(self, resource): domainkey = hashlib.sha1(resource).hexdigest() if self._db.is_key(domainkey): pass # return self._db.show_positive(urlkey) else: pass def http_rule_generate(self): for content, conn, filename in self.tcp_paylpad_iter: try: get_obj = self.vd.is_get_method(content) host_obj = self.vd.is_hsot(content) if host_obj and get_obj: uri = get_obj.group(1) host_field = clean_spaces(host_obj.group(1)) o = urlparse('http://'+ host_field + uri) # domian = o.netloc # uri = o.path if o.path == '/': # Proberbly an malicious domain name domain_obj = self.vd.is_valid_url(host_field) if domain_obj is not None: domain_pos = self._get_url_positive(domain_obj.group(0)) if domain_pos > 0: self._make_rule(protocol='tcp', content=['"{h}"'.format(h=clean_spaces(host_obj.group(0))), 'nocase'], dst_port=conn[3]) # md5=filename.split('.')[0]) else: # Is a invalid url pass else: # o.path != '/' # string = self.vd.is_valid_utf8(host_field + uri) # if string is not None: # Do search on VT url_obj = self.vd.is_valid_url(host_field + uri) if url_obj is not None: url_pos = self._get_url_positive(url_obj.group(0)) if url_pos > 0: self._make_rule(protocol='tcp', content=['"{h}"'.format(h=clean_spaces(host_obj.group(0))), 'nocase'], uricontent=['"{u}"'.format(u=o.path), 'nocase'], dst_port=conn[3]) # md5=filename.split('.')[0]) else: # Is a invalid url pass else: pass except KeyboardInterrupt: logger.info("Quit") sys.exit() def dns_rule_generate(self): for content, conn, filename in self.udp_paylpad_iter: try: # print content, filename, conn[3] if content[0] == 'UNKNOWN_DNS': # Bad DNS query opcode != 0 # print "Bad DNS query opcode != 0, %r" % content[1] self._make_rule(protocol='udp', dst_port=conn[3], content=['"|'+content[1]+'|"']) else: domain_obj = self.vd.is_valid_url(content[0]) if domain_obj is not None: domain_pos = self._get_url_positive(content[0]) if domain_pos > 0: self._make_rule(protocol='udp', dst_port=conn[3], content=['"|'+content[1]+'|"']) else: # Is a invalid domain name with open('invalid_domain_name.log', 'a') as fp: fp.write(filename+'\n') fp.write(content[0]+'\n') except KeyboardInterrupt: logger.info("Quit") sys.exit() def _log_rules(self, data, filename): super(RuleEngineOnline, self)._log_rules(data, filename) class Validator(object): def __init__(self): pass def is_valid_url(self, url): regex = re.compile( # r'^(?:[a-z0-9\.\-]*)://' # scheme is validated separately r'(?:(?:[A-Z0-9](?:[A-Z0-9-]{0,61}[A-Z0-9])?\.)+(?:[A-Z]{2,6}\.?|[A-Z0-9-]{2,}(?<!-)\.?)|' # domain... r'localhost|' # localhost... r'\d{1,3}\.\d{1,3}\.\d{1,3}\.\d{1,3}|' # ...or ipv4 r'\[?[A-F0-9]*:[A-F0-9:]+\]?)' # ...or ipv6 r'(?::\d+)?' # optional port r'(?:/?|[/?]\S+)$', re.IGNORECASE) return url is not None and regex.search(url) def is_valid_domain_name(self, domain_name): # TODO # Valid domain names # ex: syshell.exe is not domain # regex = re.compile(r'[a-zA-Z\d-]{,63}(\.[a-zA-Z\d-]{,63})*', # re.IGNORECASE) # return domain_name is not None and regex.search(domain_name) # return domain_name pass def is_hsot(self, content): regex = re.compile('Host: (.*)') return content is not None and regex.search(content) def is_get_method(self, content): regex = re.compile('GET (.*) ') return content is not None and regex.search(content) def is_valid_utf8(self, data): # valid_utf8 = True try: data.decode('utf-8') # return data except UnicodeDecodeError: with open('invalid_utf8.log', 'a') as fp: fp.write('{u}\n'.format(u=data)) data = None # valid_utf8 = False return data class PayloadIterator2(object): def __init__(self, path, protocol): self.index = 0 self.path = path self.protocol = protocol self.content = list() self.five_tuple = list() self.file_pointer = list() def __iter__(self): pcap_list = list() for dirPath, dirNames, fileNames in os.walk(self.path): for f in fileNames: if f.endswith('.pcap'): pcap_list.append(os.path.join(dirPath, f)) else: # Not a pcap file pass if self.protocol == 'tcp': for p in pcap_list: connection = pcap.follow_tcp_stream(p) for five_tuple, frame in connection.iteritems(): for seq, content in frame.iteritems(): if content: # Generate the content and 5-tuple self.content.append(content) self.five_tuple.append(five_tuple) self.file_pointer.append(p.split('/')[-1]) else: # Some packets have no payload pass logger.info("TCP Total Connections : %s", str(len(set(self.five_tuple)))) elif self.protocol == 'udp': for p in pcap_list: connection = decoder.decode_dns_qd_name(p) for five_tuple, qd_name_list in connection.iteritems(): self.content.append(qd_name_list) self.five_tuple.append(five_tuple) self.file_pointer.append(p.split('/')[-1]) logger.info("UDP Total Connections : %s", str(len(set(self.five_tuple)))) else: logger.info("Protocol %s are not implement", self.protocol) logger.info("Total Pcap file: %s", str(len(set(pcap_list)))) return self def next(self): try: five_tuple = self.five_tuple[self.index] content = self.content[self.index] file_pointer = self.file_pointer[self.index] except IndexError: raise StopIteration self.index += 1 return content, five_tuple, file_pointer def main(): logging.basicConfig(level=logging.INFO, format='[%(levelname)s] %(message)s',) rules = list() rule_engine = RuleEngineOnline() rule_engine.http_rule_generate() # print dir(rule_engine) for ruleobj in rule_engine.rules: rules.append(str(ruleobj)) rules = list(set(rules)) for r in rules: print r with open('main_snort.rules', 'a') as fp: fp.write(r + '\n') if __name__ == "__main__": main()
apache-2.0
-4,869,667,672,339,214,000
35.877717
118
0.474247
false
takaakiaoki/PyFoam
PyFoam/Basics/TemplateFile.py
1
16441
# ICE Revision: $Id$ import re from math import * import sys from PyFoam.Error import error,warning from PyFoam.ThirdParty.pyratemp import Template as PyratempTemplate from PyFoam.ThirdParty.pyratemp import EvalPseudoSandbox,TemplateRenderError from PyFoam.ThirdParty.pyratemp import Renderer as PyratempRenderer from PyFoam.ThirdParty.six import iteritems,exec_,print_ class RendererWithFilename(PyratempRenderer): """Usual renderer but report a filename""" def __init__(self, evalfunc, escapefunc,filename=None): PyratempRenderer.__init__(self, evalfunc, escapefunc) self.fileName = filename def reportString(self,expr, err): result="Cannot eval expression '%s'. (%s: %s)" %(expr, err.__class__.__name__, err) if self.fileName: result+=" in file "+self.fileName return result def _eval(self, expr, data): """evalfunc with error-messages""" try: return self.evalfunc(expr, data) except (TypeError,NameError,IndexError,KeyError,AttributeError, SyntaxError): err = sys.exc_info()[1] # Needed because python 2.5 does not support 'as e' raise TemplateRenderError(self.reportString(expr,err)) class TolerantRenderer(RendererWithFilename): """Variant of the renderer that doesn't choke on problems with evaluations""" def __init__(self, evalfunc, escapefunc,filename=None): RendererWithFilename.__init__(self, evalfunc, escapefunc,filename=filename) def _eval(self, expr, data): """evalfunc with error-messages""" try: return self.evalfunc(expr, data) except (TypeError,NameError,IndexError,KeyError,AttributeError, SyntaxError): err = sys.exc_info()[1] # Needed because python 2.5 does not support 'as e' warning(self.reportString(expr,err)) return "Template evaluation ERROR: "+self.reportString(expr,err) execIdString="this is meant to be executed:" substituteIdString="substitute current values into this string:" class PyratempPreprocessor(object): """This class preprocesses the input that is give to it in such a way that the old format (using $$ at the line beginnings and $ .. $ for expressions) is reworked into something that pyratemp understands """ def __init__(self, dovarline=True, doexpr=True, expressionDelimiter="$", assignmentLineStart="$$", allowExec=False, assignmentDebug=None, specials=[]): """Create the regexp once for performance reasons @param dovarline: look for variable lines that start with $$ @param doexpr: substitute expressions that are between $ @param expressionDelimiter: character/string that is used before and after an expression. After the expression the reverse of the string is used @param assignmentLineStart: character sequence that signals an assignment line @param assignmentDebug: Add a commented line to debug assignments. Prefix used is this parameter @param allowExec: allows execution of code. This is potentially unsafe @param specials: a list. If any expression starts with one of these values then the full expression (including delimiters) is left verbatim in the template""" self.clip=len(expressionDelimiter) self.specials=specials tmp=list(expressionDelimiter) tmp.reverse() self.expressionDelimiter=re.escape(expressionDelimiter) self.expressionDelimiterEnd=re.escape("".join(tmp)) self.expressionDelimiterRaw=expressionDelimiter self.expressionDelimiterEndRaw="".join(tmp) # print self.expressionDelimiter,self.expressionDelimiterEnd self.assignmentLineStart=assignmentLineStart self.assignmentDebug=assignmentDebug self.expr=re.compile("%s[^$!\n]+?%s" % (self.expressionDelimiter,self.expressionDelimiterEnd)) self.dovarline=dovarline self.doexpr=doexpr self.allowExec=allowExec def __call__(self,original): """This does the actual work""" if len(original)==0: return original lines=original.split("\n") if lines[-1]=="": lines=lines[:-1] result="" for l in lines: if l[:len(self.assignmentLineStart)]==self.assignmentLineStart and self.dovarline: tmp=l[len(self.assignmentLineStart):].split("=") if len(tmp)!=2: if self.allowExec: execString=l[len(self.assignmentLineStart):].replace("\\","\\\\").replace("\"","\\\"") result+='$!setvar("%s", "%s")!$#!' % ( "dummyVarForExecution", execIdString+execString.strip() ) result+="\n" else: error("Each definition must be of the form: <name>=<value>", "The string",l,"is not") else: # if tmp[1].find('"')>=0: # error("There is a \" in",tmp[1],"\npyratemp can't cope with that'") exprStr=tmp[1].replace("\\","\\\\").replace("\"","\\\"") result+='$!setvar("%s", "%s")!$#!' % (tmp[0].strip(),exprStr.strip()) result+="\n" if self.assignmentDebug and self.doexpr: l=self.assignmentDebug+" "+tmp[0].strip()+" "+self.expressionDelimiterRaw+tmp[0].strip()+self.expressionDelimiterEndRaw else: continue if self.doexpr: nl="" iStart=0 for m in self.expr.finditer(l): inner=l[m.start()+self.clip:m.end()-self.clip] hasSpecial=False nl+=l[iStart:m.start()] for k in self.specials: if len(k)<=len(inner): if inner[:len(k)]==k: hasSpecial=True substVarName="dummyVarForSubstitution" # nl+=l[m.start():m.end()] nl+='$!setvar("%s", "%s")!$#!\n' % ( substVarName, substituteIdString+l[m.start():m.end()] ) nl+='$!'+substVarName+'!$' if not hasSpecial: nl+="$!"+inner+"!$" iStart=m.end() result+=nl+l[iStart:]+"\n" else: result+=l+"\n" # remove trailing newline if the original had none if original[-1]!='\n' and result[-1]=='\n': result=result[:-1] return result class TemplateFileOldFormat(object): """Works on template files. Does calculations between $$. Lines that start with $$ contain definitions""" def __init__(self,name=None,content=None): """Exactly one of the parameters must be specified @param name: name of the template file. @param content: Content of the template""" if name==None and content==None: error("Either a file name or the content of the template must be specified") if name!=None and content!=None: error("Both: a file name and the content of the template were specified") if content!=None: template=content else: template=open(name).read() self.buildTemplate(template) def buildTemplate(self,template): lines=template.split("\n") self.expressions={} self.template="" for l in lines: if l[:2]!="$$": self.template+=l+"\n" else: tmp=l[2:].split("=") if len(tmp)!=2: error("Each definition must be of the form: <name>=<value>", "The string",l,"is not") self.expressions[tmp[0].strip()]=tmp[1] def writeToFile(self,outfile,vals): """In the template, replaces all the strings between $$ with the evaluation of the expressions and writes the results to a file @param outfile: the resulting output file @param vals: dictionary with the values""" output=self.getString(vals) open(outfile,"w").write(output) def getString(self,vals): """In the template, replaces all the strings between $$ with the evaluation of the expressions @param vals: dictionary with the values @returns: The string with the replaced expressions""" symbols=vals.copy() exp=re.compile("\$[^$\n]*\$") for n,e in iteritems(self.expressions): if n in vals: error("Key",n,"already existing in",vals) symbols[n]="("+str(e)+")" keys=list(symbols.keys()) keys.sort(key=len,reverse=True) input=self.template[:] m=exp.search(input) while m: a,e=m.span() pre=input[0:a] post=input[e:] mid=input[a+1:e-1] old="" while old!=mid: old=mid for k in keys: if mid.find(k)>=0: mid=mid.replace(k,str(symbols[k])) break try: input=pre+str(eval(mid))+post except ArithmeticError: e = sys.exc_info()[1] # Needed because python 2.5 does not support 'as e' print_("Problem evaluating",mid) raise e m=exp.search(input) return input class EvalPseudoSandboxWithMath(EvalPseudoSandbox): """Add mathematical functions to the valid functons""" def __init__(self,allowExec=False): EvalPseudoSandbox.__init__(self) import math for o in dir(math): if o[0]!="_": self.register(o,getattr(math,o)) from PyFoam.ThirdParty.six.moves import builtins as __builtin__ self.register("set",__builtin__.set) if allowExec: del self.eval_allowed_globals["__import__"] self.register("__import__",__builtins__["__import__"]) def compile(self, expr,mode="eval"): """Compile a python-eval-expression. Overrides the default implementation to allow '_[1]' as a valid name """ if expr not in self._compile_cache: c = compile(expr, "", mode) for i in c.co_names: #prevent breakout via new-style-classes if i[0] == '_': if i[1]!='[' or i[-1]!=']': raise NameError("Name '%s' is not allowed." %(i)) self._compile_cache[expr] = c return self._compile_cache[expr] def eval(self, expr, locals): """Eval a python-eval-expression. Sets ``self.locals_ptr`` to ``locales`` and compiles the code before evaluating. """ if expr[:len(substituteIdString)]==substituteIdString: goOn=True replacement=expr[len(substituteIdString):] while goOn: try: value=replacement % locals goOn=False except KeyError: e = sys.exc_info()[1] # Needed because python 2.5 does not support 'as e' kExpr="%("+e.args[0]+")" replacement=replacement.replace(kExpr,"%"+kExpr) return value # print value sav = self.locals_ptr self.locals_ptr = locals doEval=True if expr[:len(execIdString)]==execIdString: doEval=False if doEval: globals= {"__builtins__":self.eval_allowed_globals} x = eval(self.compile(expr),globals, locals) else: # globals= {"__builtins__":self.eval_allowed_globals} globals= {"__builtins__":__builtins__} expr=expr[len(execIdString):] exec_(self.compile(expr,mode="exec"),globs=globals,locs=locals) x = None self.locals_ptr = sav return x class EvalPseudoSandboxWithMathWithImport(EvalPseudoSandboxWithMath): """Class that allows the import of packages""" def __init__(self): EvalPseudoSandboxWithMath.__init__(self,allowExec=True) class TemplateFile(TemplateFileOldFormat): """Works on template files. Does calculations between $$. Lines that start with $$ contain definitions""" def __init__(self, name=None, content=None, encoding="utf-8", expressionDelimiter="|", assignmentLineStart="$$", assignmentDebug=None, specials=[], renderer_class=None, tolerantRender=False, allowExec=False ): """Exactly one of the parameters must be specified @param name: name of the template file. @param content: Content of the template @param expressionDelimiter: character/string that delimits expression strings. @param assignmentLineStart: Start of a line that holds an assignment operation @param assignmentDebug: Add a commented line to debug assignments. Prefix used is this parameter @param allowExec: allow execution (and import). This is potentially unsafe @param special: list with strings that leave expression untreated""" self.expressionDelimiter=expressionDelimiter self.assignmentLineStart=assignmentLineStart self.assignmentDebug=assignmentDebug self.specials=specials self.allowExec=allowExec super(TemplateFile,self).__init__(name=name, content=content, ) if renderer_class==None: if tolerantRender: class ConcreteTolerantRenderer(TolerantRenderer): def __init__(self,evalfunc, escapefunc): TolerantRenderer.__init__(self, evalfunc, escapefunc,filename=name) renderer_class=ConcreteTolerantRenderer else: class ConcreteRenderWithFileName(RendererWithFilename): def __init__(self,evalfunc, escapefunc): RendererWithFilename.__init__(self, evalfunc, escapefunc,filename=name) renderer_class=ConcreteRenderWithFileName if allowExec: sandbox=EvalPseudoSandboxWithMathWithImport else: sandbox=EvalPseudoSandboxWithMath self.ptemplate=PyratempTemplate(string=self.template, eval_class=sandbox, renderer_class=renderer_class, encoding=encoding, escape=None ) def buildTemplate(self,template): self.template=PyratempPreprocessor(assignmentLineStart=self.assignmentLineStart, expressionDelimiter=self.expressionDelimiter, assignmentDebug=self.assignmentDebug, specials=self.specials, allowExec=self.allowExec )(template) def getString(self,vals): """In the template, replaces all the strings between $$ with the evaluation of the expressions @param vals: dictionary with the values @returns: The string with the replaced expressions""" return self.ptemplate(**vals) # Should work with Python3 and Python2
gpl-2.0
5,101,484,783,056,229,000
38.90534
144
0.543884
false
dcifuen/cloudbday
src/birthday/constants.py
1
1046
#Environment related constants ENV_PRODUCTION = 'PRODUCTION' #Staging is used for testing by replicating the same production remote env ENV_STAGING = 'STAGING' #Development local env ENV_DEVELOPMENT = 'DEV' #Automated tests local env ENV_TESTING = 'TEST' ENVIRONMENT_CHOICES = [ ENV_PRODUCTION, ENV_STAGING, ENV_DEVELOPMENT, ENV_TESTING, ] EMAIL_REGEXP = "^[a-zA-Z0-9'._-]+@[a-zA-Z0-9._-]+.[a-zA-Z]{2,6}$" MALE = 'M' FEMALE = 'F' OTHER = 'O' GENDERS = [ MALE, FEMALE, OTHER ] OAUTH2_SCOPES = 'https://www.googleapis.com/auth/userinfo.email https://www.googleapis.com/auth/userinfo.profile https://www.googleapis.com/auth/admin.directory.user.readonly https://www.googleapis.com/auth/plus.profiles.read https://www.googleapis.com/auth/plus.me https://www.googleapis.com/auth/plus.login https://www.googleapis.com/auth/calendar https://www.google.com/m8/feeds' BIRTHDAY_CSV_COLUMNS = ["email", "birthday"] MENU_ITEMS = [ ('admin_index', 'Home'), ('upload_csv', 'Upload'), ('settings', 'Settings'), ]
mit
-6,952,644,356,848,802,000
25.846154
382
0.692161
false
nio101/BASECAMP
source/pir_scanner/pir_scanner.py
1
4028
#!/usr/bin/python3 # -*- coding: utf-8 -*- """ PIR scanner dependencies: operator, logbook (python3 compatible) """ from time import sleep import logging import logging.handlers import configparser import requests import re import sys import socket import time import serial """ notes ===== When pluggin the USB device creating the virtual serial port: dmesg | grep tty to get the device ref then to be able to ream/write from/to /dev/ttyACM0 sudo usermod -a -G dialout $USER + logout/login under ubuntu, create: sudo nano /etc/udev/rules.d/99-usb-serial.rules to add: SUBSYSTEM=="tty", ATTRS{idVendor}=="239a", ATTRS{idProduct}=="801f", SYMLINK+="trinketM0" then: sudo udevadm trigger then: ls -l /dev/trinketM0 then: Python 3.6.3 (default, Oct 3 2017, 21:45:48) [GCC 7.2.0] on linux Type "help", "copyright", "credits" or "license" for more information. >>> import serial >>> s = serial.Serial('/dev/ttyACM0') >>> print(s.name) /dev/ttyACM0 >>> line = s.readline() >>> print(line) b'HIT!\r\n' >>> s.close() """ # ======================================================= # helpers def send_to_logbook(log_type, msg): """ write to remote logbook (pushover may be sent for "INFO", SMS for "ERROR" or "ALARM") """ try: requests.get(logbook_url, params={'log_type': log_type, 'machine': machine_name, 'service': service_name, 'message': msg}, timeout=logbook_timeout) except Exception as e: log.error(e.__str__()) log.error("*** ERROR reaching logbook on "+str(logbook_url)+" ***") def notify(type, msg): """ log & write to logbook, depending on the notification level """ if type == "DEBUG": log.debug(msg) elif type == "INFO": log.info(msg) elif type == "WARNING": log.warning(msg) send_to_logbook(type, msg) elif type == "ERROR": log.error(msg) send_to_logbook(type, msg) def send_PIR_event(alias): try: requests.get(PIR_event_url, params={'alias': alias}, timeout=PIR_event_timeout) except Exception as e: log.error(e.__str__()) notify("ERROR", "Error reaching operator on "+str(PIR_event_url)+" !") # ======================================================= # init service_name = re.search("([^\/]*)\.py", sys.argv[0]).group(1) machine_name = socket.gethostname() # .ini th_config = configparser.ConfigParser() th_config.read(service_name+".ini") logfile = th_config.get('main', 'logfile') logbook_url = th_config.get('main', 'logbook_url') logbook_timeout = th_config.getint('main', 'logbook_timeout') wait_at_startup = th_config.getint('main', 'wait_at_startup') PIR_event_url = th_config.get('PIR', 'PIR_event_url') PIR_event_timeout = th_config.getint('PIR', 'PIR_event_timeout') # also: getfloat, getint, getboolean # log log = logging.getLogger(service_name) log.setLevel(logging.DEBUG) # create file handler fh = logging.handlers.RotatingFileHandler( logfile, maxBytes=8000000, backupCount=5) fh.setLevel(logging.DEBUG) # create console hangler with higher level ch = logging.StreamHandler() ch.setLevel(logging.INFO) # create formatter and add it to the handlers formatter = logging.Formatter('%(asctime)s - [%(name)s] %(levelname)s: %(message)s') fh.setFormatter(formatter) ch.setFormatter(formatter) # add the handlers to the logger log.addHandler(fh) log.addHandler(ch) log.warning(service_name+" is (re)starting !") time.sleep(wait_at_startup) # send a restart info to logbook send_to_logbook("WARNING", "Restarting...") # MAIN ------------------------- s = serial.Serial('/dev/ttyACM0') print(s.name) while True: keyword = s.readline().decode("ASCII").rstrip() if keyword == "PIR1": print("PIR1 déclenché!") send_PIR_event("PIR1") if keyword == "PIR2": print("PIR2 déclenché!") send_PIR_event("PIR2") s.close()
gpl-3.0
8,001,674,895,730,353,000
26.006711
130
0.616302
false
mlml/autovot
autovot/bin/auto_vot_append_files.py
1
4617
#! /usr/bin/env python3 # # Copyright (c) 2014 Joseph Keshet, Morgan Sonderegger, Thea Knowles # # This file is part of Autovot, a package for automatic extraction of # voice onset time (VOT) from audio files. # # Autovot is free software: you can redistribute it and/or modify it # under the terms of the GNU Lesser General Public License as # published by the Free Software Foundation, either version 3 of the # License, or (at your option) any later version. # # Autovot is distributed in the hope that it will be useful, but # WITHOUT ANY WARRANTY; without even the implied warranty of # MERCHANTABILITY or FITNESS FOR A PARTICULAR PURPOSE. See the GNU # Lesser General Public License for more details. # # You should have received a copy of the GNU Lesser General Public # License along with Autovot. If not, see # <http://www.gnu.org/licenses/>. # # auto_vot_append_files.py : Append set of features and labels from __future__ import unicode_literals from __future__ import print_function from __future__ import division from __future__ import absolute_import from builtins import zip from builtins import open from builtins import int from future import standard_library standard_library.install_aliases() import argparse from helpers.utilities import * if __name__ == "__main__": # parse arguments parser = argparse.ArgumentParser(description='Append set of features and labels') parser.add_argument('features_filename', help="front end features filename") parser.add_argument('labels_filename', help="front end labels filename") parser.add_argument('appended_features_filename', help="front end features filename to be appended") parser.add_argument('appended_labels_filename', help="front end labels filename to be appended") parser.add_argument("--logging_level", help="Level of verbosity of information printed out by this program (" "DEBUG, INFO, WARNING or ERROR), in order of increasing verbosity. " "See http://docs.python.org/2/howto/logging for definitions. (" "default: %(default)s)", default="INFO") args = parser.parse_args() logging_defaults(args.logging_level) # open files in_features = open(args.features_filename, 'r') in_labels = open(args.labels_filename, 'r') # read infra text header header = in_labels.readline() dims = header.split() # read file lines lines = list() for x, y in zip(in_features, in_labels): lines.append((x, y)) # close files in_features.close() in_labels.close() if len(lines) != int(dims[0]): logging.error("%s and %s are not of the same length or %s is missing a header" % (args.features_filename, args.labels_filename, args.labels_filename)) exit(-1) try: # try to open the files app_features = open(args.appended_features_filename, 'r') app_labels = open(args.appended_labels_filename, 'r') # now read the appended files app_features = open(args.appended_features_filename, 'r') app_labels = open(args.appended_labels_filename, 'r') # read infra text header app_header = app_labels.readline() app_dims = app_header.split() # read file to lines for x, y in zip(app_features, app_labels): lines.append((x, y)) # close files in_features.close() in_labels.close() # assert header if len(lines) != int(dims[0])+int(app_dims[0]): logging.error("Something wrong with the header of %s" % args.appended_labels_filename) exit(-1) except Exception as exception: if exception.errno != 2: logging.error("Something wrong with opening %s and %s for reading." % (args.appended_features_filename, args.appended_labels_filename)) # open appended files for writing out_features = open(args.appended_features_filename, 'w') out_labels = open(args.appended_labels_filename, 'w') # write labels header header = "%d 2\n" % len(lines) out_labels.write(header) # write data for x, y in lines: out_features.write(x) out_labels.write(y) # close files out_features.close() out_labels.close()
lgpl-3.0
-8,348,166,290,750,049,000
36.536585
116
0.619883
false
fallen/artiq
artiq/transforms/quantize_time.py
1
4035
""" This transform turns calls to delay() that use non-integer time expressed in seconds into calls to delay_mu() that use int64 time expressed in multiples of ref_period. It does so by inserting multiplication/division/rounding operations around those calls. The seconds_to_mu and mu_to_seconds core language functions are also implemented here, as well as watchdog to syscall conversion. """ import ast from artiq.transforms.tools import value_to_ast def _seconds_to_mu(ref_period, node): divided = ast.copy_location( ast.BinOp(left=node, op=ast.Div(), right=value_to_ast(ref_period)), node) return ast.copy_location( ast.Call(func=ast.Name("round64", ast.Load()), args=[divided], keywords=[], starargs=[], kwargs=[]), divided) def _mu_to_seconds(ref_period, node): return ast.copy_location( ast.BinOp(left=node, op=ast.Mult(), right=value_to_ast(ref_period)), node) class _TimeQuantizer(ast.NodeTransformer): def __init__(self, ref_period): self.ref_period = ref_period self.watchdog_id_counter = 0 def visit_Call(self, node): funcname = node.func.id if funcname == "delay": node.func.id = "delay_mu" if (isinstance(node.args[0], ast.Call) and node.args[0].func.id == "mu_to_seconds"): # optimize: # delay(mu_to_seconds(x)) -> delay_mu(x) node.args[0] = self.visit(node.args[0].args[0]) else: node.args[0] = _seconds_to_mu(self.ref_period, self.visit(node.args[0])) return node elif funcname == "seconds_to_mu": return _seconds_to_mu(self.ref_period, self.visit(node.args[0])) elif funcname == "mu_to_seconds": return _mu_to_seconds(self.ref_period, self.visit(node.args[0])) else: self.generic_visit(node) return node def visit_With(self, node): self.generic_visit(node) if (isinstance(node.items[0].context_expr, ast.Call) and node.items[0].context_expr.func.id == "watchdog"): idname = "__watchdog_id_" + str(self.watchdog_id_counter) self.watchdog_id_counter += 1 time = ast.BinOp(left=node.items[0].context_expr.args[0], op=ast.Mult(), right=ast.Num(1000)) time_int = ast.Call( func=ast.Name("round", ast.Load()), args=[time], keywords=[], starargs=None, kwargs=None) syscall_set = ast.Call( func=ast.Name("syscall", ast.Load()), args=[ast.Str("watchdog_set"), time_int], keywords=[], starargs=None, kwargs=None) stmt_set = ast.copy_location( ast.Assign(targets=[ast.Name(idname, ast.Store())], value=syscall_set), node) syscall_clear = ast.Call( func=ast.Name("syscall", ast.Load()), args=[ast.Str("watchdog_clear"), ast.Name(idname, ast.Load())], keywords=[], starargs=None, kwargs=None) stmt_clear = ast.copy_location(ast.Expr(syscall_clear), node) node.items[0] = ast.withitem( context_expr=ast.Name(id="sequential", ctx=ast.Load()), optional_vars=None) node.body = [ stmt_set, ast.Try(body=node.body, handlers=[], orelse=[], finalbody=[stmt_clear]) ] return node def quantize_time(func_def, ref_period): _TimeQuantizer(ref_period).visit(func_def)
gpl-3.0
-2,171,472,973,711,803,400
34.707965
74
0.513507
false
GNOME/pygoocanvas
demo/customs/custom-svg.py
1
4302
import gobject import gtk import goocanvas import rsvg import cairo class CustomSvgItem(goocanvas.ItemSimple): # setup our custom properties __gproperties__ = { 'x': (float, # property type 'X', # property nick name 'The x coordinate of a SVG image', # property description 0, # property minimum value 10e6, # property maximum value 0, # property default value gobject.PARAM_READWRITE), # property flags 'y': (float, 'Y', 'The y coordinate of a SVG image', 0, 10e6, 0, gobject.PARAM_READWRITE), 'width': (float, 'Width', 'The width of the SVG Image', 0, 10e6, 0, gobject.PARAM_READABLE), 'height': (float, 'Height', 'The width of the SVG Image', 0, 10e6, 0, gobject.PARAM_READABLE), } def __init__(self, x, y, handle, **kwargs): super(CustomSvgItem, self).__init__(**kwargs) self.x = x self.y = y self.width = handle.props.width self.height = handle.props.height self.handle = handle def do_set_property(self, pspec, value): if pspec.name == 'x': self.x = value # make sure we update the display self.changed(True) elif pspec.name == 'y': self.y = value # make sure we update the display self.changed(True) else: raise AttributeError, 'unknown property %s' % pspec.name def do_get_property(self, pspec): if pspec.name == 'x': return self.x elif pspec.name == 'y': return self.y elif pspec.name == 'width': return self.width elif pspec.name == 'height': return self.height else: raise AttributeError, 'unknown property %s' % pspec.name def do_simple_paint(self, cr, bounds): matrix = cr.get_matrix() matrix.translate(self.x, self.y) cr.set_matrix(matrix) self.handle.render_cairo(cr) def do_simple_update(self, cr): self.bounds_x1 = float(self.x) self.bounds_y1 = float(self.y) self.bounds_x2 = float(self.x + self.width) self.bounds_y2 = float(self.y + self.height) def do_simple_is_item_at(self, x, y, cr, is_pointer_event): if ((x < self.x) or (x > self.x + self.width)) or ((y < self.y) or (y > self.y + self.height)): return False else: return True gobject.type_register(CustomSvgItem) def on_press(item, target, event, root): item.props.y = 150 def on_r_press(item, target, event): item.props.x = 150 def main(): window = gtk.Window() window.set_default_size(640, 600) window.show() window.connect("destroy", lambda w: gtk.main_quit()) scrolled_win = gtk.ScrolledWindow() scrolled_win.set_shadow_type(gtk.SHADOW_IN) scrolled_win.show() window.add(scrolled_win) canvas = goocanvas.Canvas() canvas.set_size_request(600, 450) canvas.set_bounds(0, 0, 1000, 1000) root = canvas.get_root_item() handle = rsvg.Handle("../images/circle1.svg") svgitem = CustomSvgItem(x=100, y=100, handle=handle, parent=root) svgitem.connect("button_press_event", on_press, root) r = goocanvas.Rect (parent=root, x=10, y=10, width=20, height=20) r.connect("button_press_event", on_r_press) r.props.fill_color = 'yellow' canvas.show() scrolled_win.add(canvas) gtk.main() if __name__ == "__main__": main()
lgpl-2.1
-2,475,605,450,880,108,500
27.302632
103
0.477685
false
Balannen/LSMASOMM
atom3/Kernel/ATOM3Types/ATOM3Text.py
1
9751
# Implements : class ATOM3Constraint # Author : Juan de Lara # Description : A class for the ATOM3 Constraint type. # Modified : 17 Oct 2002 # Changes : # ____________________________________________________________________________________________________________________ from Tkinter import * from ATOM3Type import ATOM3Type from ATOM3Exceptions import * from code import * from string import replace, rstrip from ATOM3Integer import ATOM3Integer from textUtilities import setTabs,createTabPanel, addFiltersFromIDLE from textUtilities import processBackspace, processDelete from textUtilities import processTab, processReturn class ATOM3Text(ATOM3Type): def __init__(self, initialValue = "", width = 80, height = 15): """ Initialize textBody to initialValue and textWidget to None """ ATOM3Type.__init__(self ) self.textBody = initialValue # widget to be create when show is called self.textWidget = None self._isNone = 0 # for the moment it is not none self.myWidth = width self.myHeight = height self.heightATOM3Integer = ATOM3Integer(height) def isNone (self): """ check if the type value is none """ return self._isNone def setNone (self): """ sets to None the attribute value """ self._isNone = 1 def setValue(self, value): """ Sets the actual attribute value """ # check that we have the correct type (a string) if type(value) != StringType and type(value) != NoneType: raise ATOM3BadAssignmentValue, "in setValue(), a string was expected" self.textBody = value # Assign the value to the attribute if self.textWidget: # if the widget's been shown self.textWidget.delete(1.0, END) # delete from graphical field if value: self.textBody = value self.textWidget.insert(1.0, value) # insert into graphical field else: # this means we want to set it to None self.setNone() def getValue(self): """ Gets the actual attribute value """ if self.textWidget: # if the widget exists, the get its value... self.textBody = self.textWidget.get(1.0, END) # synchronize textBody and textWidget return self.textBody # return textBody def toString(self, maxWide = None, maxLines = None ): """ Returns the string representation of this type, having at most "maxLines" lines and "maxWide" width. """ if self.textWidget: # if the widget exists, then get its value... self.textBody = self.textWidget.get(1.0, END) # synchronize textBody and textWidget if self.textBody: self.textBody = rstrip( self.textBody, '\n' ) # Added by Denis Dube, Summer 2004, to remove excess \n self.textBody += '\n' # Put one \n back, rstrip is a bit agressive... result = "" # Auxiliary variable with the result current, numLines, currWidth = 0, 0, 0 max = len(self.textBody) if maxWide == None: maxWide = max if maxLines == None: maxLines = 50 while (1): if current >= max: return result # if we've gone over the textBody's with, return result cchar = self.textBody[current] # get the current character if cchar == '\n': numLines = numLines + 1 # increment the number of lines so far... currWidth = -1 if numLines > maxLines: return result # ... if bigger than the maximum, return result currWidth = currWidth + 1 # increment the width so far... result= result+self.textBody[current] if currWidth > maxWide: # if we're over the max width, find next '\n' while (current < max and self.textBody[current] != '\n'): current = current + 1 if current >= max: return result result = result + '\n' # add a new line... currWidth = 0 current = current + 1 else: return "" def setHeight(self, height=None): """ Sets the height of the text box (as it appears visually) Parameter: height, integer value, represents # of lines of text If height == None, then uses self.heightATOM3Integer instead, this is changed via the createTabPanel() and in the __init__ routine of course. """ if(height): self.myHeight = height else: self.myHeight = self.heightATOM3Integer.getValue() if(self.textWidget != None): self.textWidget.config(height=self.myHeight) def show(self, parent, parentTopWindow = None ): """ Creates an entry to show the value """ ATOM3Type.show(self, parent, parentTopWindow ) self.containerFrame = Frame(parent) # container frame yscrollbar = Scrollbar(self.containerFrame, orient=VERTICAL) xscrollbar = Scrollbar(self.containerFrame, orient=HORIZONTAL) self.textWidget = Text(self.containerFrame, bg='white', xscrollcommand = xscrollbar.set, yscrollcommand = yscrollbar.set, width = self.myWidth, height=self.myHeight, padx=4, wrap='word', exportselection=False, font = ('courier', 10)) #font = "{System} 10") createTabPanel(self, self.containerFrame,frameSide='top' ) yscrollbar.pack(side=RIGHT, fill = Y) self.textWidget.pack(side=TOP) xscrollbar.pack(side=BOTTOM, fill = X) yscrollbar.config(command = self.textWidget.yview) xscrollbar.config(command = self.textWidget.xview) if self.textBody: self.textWidget.insert(1.0, self.textBody) #self.textWidget.bind("<Return>", self.processReturn )# catch the <return> event... self.textWidget.bind("<Delete>", lambda e=None,s=self: processDelete(s) ) self.textWidget.bind("<BackSpace>", lambda e=None,s=self: processBackspace(s) ) self.textWidget.bind("<Tab>", lambda e=None,s=self: processTab(s) ) self.textWidget.bind("<Return>", lambda e=None,s=self: processReturn(s) ) setTabs(self) addFiltersFromIDLE(self) return self.containerFrame def processReturn(self, event): """ Bind method for <return>. Adds a return to the text. """ self.textWidget.insert( INSERT, "\n") return "break" def destroy(self): """ Stores the widget value into the variable """ if self.textWidget: self.textBody = self.textWidget.get(1.0, END) self.myHeight = self.heightATOM3Integer.getValue() self.textWidget = None # destroy graphical widget def clone(self): """ Makes an exact copy of this object """ cloneObject = ATOM3Text("", self.myWidth, self.myHeight) cloneObject.parent = self.parent cloneObject.mode = self.mode cloneObject.textBody = self.textBody cloneObject.textWidget = self.textWidget return cloneObject def copy(self, other): """ copies each field of the other object into its own state """ ATOM3Type.copy(self, other) # call the ancestor (copies the parent field) self.textBody = other.textBody self.textWidget = other.textWidget def writeConstructor2File(self, file, indent, objName='at', depth = 0, generatingCode = 0): """ Method that writes into a file the constructor and the value of the object. Must be overriden in children """ replacedStr = self.toString() replacedStr = replace( replacedStr, '\\', '\\'+'\\') replacedStr = replace( replacedStr, "'", "\\'") replacedStr = replace( replacedStr, '\n', '\\n') file.write(indent+objName+"=ATOM3Text('"+replacedStr+"', "+str(self.myWidth)+","+str(self.myHeight)+" )\n") def writeValue2File(self, file, indent, objName='at', depth = 0, generatingCode = 0): """ Method that writes into a file the constructor and the value of the object. Must be overriden in children """ replacedStr = self.toString() replacedStr = replace( replacedStr, '\\', '\\'+'\\') replacedStr = replace( replacedStr, "'", "\\'") replacedStr = replace( replacedStr, '\n', '\\n') file.write(indent+objName+".setValue('"+replacedStr+"')\n") file.write(indent+objName+".setHeight("+str(self.myHeight)+")\n") if self.isNone(): file.write(indent+objName+".setNone()\n")
gpl-3.0
613,949,713,060,251,900
43.143519
118
0.537278
false
j-griffith/cinder
cinder/api/v3/volumes.py
1
16280
# # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain # a copy of the License at # # http://www.apache.org/licenses/LICENSE-2.0 # # Unless required by applicable law or agreed to in writing, software # distributed under the License is distributed on an "AS IS" BASIS, WITHOUT # WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the # License for the specific language governing permissions and limitations # under the License. """The volumes V3 api.""" from oslo_log import log as logging from oslo_log import versionutils from oslo_utils import uuidutils import six from six.moves import http_client import webob from webob import exc from cinder.api import common from cinder.api import microversions as mv from cinder.api.openstack import wsgi from cinder.api.v2 import volumes as volumes_v2 from cinder.api.v3.views import volumes as volume_views_v3 from cinder.backup import api as backup_api from cinder import exception from cinder import group as group_api from cinder.i18n import _ from cinder.image import glance from cinder import objects from cinder.policies import volumes as policy from cinder import utils LOG = logging.getLogger(__name__) class VolumeController(volumes_v2.VolumeController): """The Volumes API controller for the OpenStack API V3.""" _view_builder_class = volume_views_v3.ViewBuilder def __init__(self, ext_mgr): self.group_api = group_api.API() self.backup_api = backup_api.API() super(VolumeController, self).__init__(ext_mgr) def delete(self, req, id): """Delete a volume.""" context = req.environ['cinder.context'] req_version = req.api_version_request cascade = utils.get_bool_param('cascade', req.params) force = False params = "" if req_version.matches(mv.VOLUME_LIST_BOOTABLE): force = utils.get_bool_param('force', req.params) if cascade or force: params = "(cascade: %(c)s, force: %(f)s)" % {'c': cascade, 'f': force} LOG.info("Delete volume with id: %(id)s %(params)s", {'id': id, 'params': params}, context=context) volume = self.volume_api.get(context, id) if force: context.authorize(policy.FORCE_DELETE_POLICY, target_obj=volume) self.volume_api.delete(context, volume, cascade=cascade, force=force) return webob.Response(status_int=202) @common.process_general_filtering('volume') def _process_volume_filtering(self, context=None, filters=None, req_version=None): if req_version.matches(None, mv.MESSAGES): filters.pop('glance_metadata', None) if req_version.matches(None, mv.BACKUP_UPDATE): filters.pop('group_id', None) utils.remove_invalid_filter_options( context, filters, self._get_volume_filter_options()) def _get_volumes(self, req, is_detail): """Returns a list of volumes, transformed through view builder.""" context = req.environ['cinder.context'] req_version = req.api_version_request params = req.params.copy() marker, limit, offset = common.get_pagination_params(params) sort_keys, sort_dirs = common.get_sort_params(params) filters = params show_count = False if req_version.matches( mv.SUPPORT_COUNT_INFO) and 'with_count' in filters: show_count = utils.get_bool_param('with_count', filters) filters.pop('with_count') self._process_volume_filtering(context=context, filters=filters, req_version=req_version) # NOTE(thingee): v2 API allows name instead of display_name if 'name' in sort_keys: sort_keys[sort_keys.index('name')] = 'display_name' if 'name' in filters: filters['display_name'] = filters.pop('name') strict = req.api_version_request.matches( mv.VOLUME_LIST_BOOTABLE, None) self.volume_api.check_volume_filters(filters, strict) volumes = self.volume_api.get_all(context, marker, limit, sort_keys=sort_keys, sort_dirs=sort_dirs, filters=filters.copy(), viewable_admin_meta=True, offset=offset) total_count = None if show_count: total_count = self.volume_api.calculate_resource_count( context, 'volume', filters) for volume in volumes: utils.add_visible_admin_metadata(volume) req.cache_db_volumes(volumes.objects) if is_detail: volumes = self._view_builder.detail_list( req, volumes, total_count) else: volumes = self._view_builder.summary_list( req, volumes, total_count) return volumes @wsgi.Controller.api_version(mv.VOLUME_SUMMARY) def summary(self, req): """Return summary of volumes.""" view_builder_v3 = volume_views_v3.ViewBuilder() context = req.environ['cinder.context'] filters = req.params.copy() utils.remove_invalid_filter_options(context, filters, self._get_volume_filter_options()) num_vols, sum_size, metadata = self.volume_api.get_volume_summary( context, filters=filters) req_version = req.api_version_request if req_version.matches(mv.VOLUME_SUMMARY_METADATA): all_distinct_metadata = metadata else: all_distinct_metadata = None return view_builder_v3.quick_summary(num_vols, int(sum_size), all_distinct_metadata) @wsgi.response(http_client.ACCEPTED) @wsgi.Controller.api_version(mv.VOLUME_REVERT) @wsgi.action('revert') def revert(self, req, id, body): """revert a volume to a snapshot""" context = req.environ['cinder.context'] self.assert_valid_body(body, 'revert') snapshot_id = body['revert'].get('snapshot_id') volume = self.volume_api.get_volume(context, id) try: l_snap = volume.get_latest_snapshot() except exception.VolumeSnapshotNotFound: msg = _("Volume %s doesn't have any snapshots.") raise exc.HTTPBadRequest(explanation=msg % volume.id) # Ensure volume and snapshot match. if snapshot_id is None or snapshot_id != l_snap.id: msg = _("Specified snapshot %(s_id)s is None or not " "the latest one of volume %(v_id)s.") raise exc.HTTPBadRequest(explanation=msg % {'s_id': snapshot_id, 'v_id': volume.id}) try: msg = 'Reverting volume %(v_id)s to snapshot %(s_id)s.' LOG.info(msg, {'v_id': volume.id, 's_id': l_snap.id}) self.volume_api.revert_to_snapshot(context, volume, l_snap) except (exception.InvalidVolume, exception.InvalidSnapshot) as e: raise exc.HTTPConflict(explanation=six.text_type(e)) except exception.VolumeSizeExceedsAvailableQuota as e: raise exc.HTTPForbidden(explanation=six.text_type(e)) def _get_image_snapshot(self, context, image_uuid): image_snapshot = None if image_uuid: image_service = glance.get_default_image_service() image_meta = image_service.show(context, image_uuid) if image_meta is not None: bdms = image_meta.get('properties', {}).get( 'block_device_mapping', []) if bdms: boot_bdm = [bdm for bdm in bdms if ( bdm.get('source_type') == 'snapshot' and bdm.get('boot_index') == 0)] if boot_bdm: try: image_snapshot = self.volume_api.get_snapshot( context, boot_bdm[0].get('snapshot_id')) return image_snapshot except exception.NotFound: explanation = _( 'Nova specific image is found, but boot ' 'volume snapshot id:%s not found.' ) % boot_bdm[0].get('snapshot_id') raise exc.HTTPNotFound(explanation=explanation) return image_snapshot @wsgi.response(http_client.ACCEPTED) def create(self, req, body): """Creates a new volume. :param req: the request :param body: the request body :returns: dict -- the new volume dictionary :raises HTTPNotFound, HTTPBadRequest: """ self.assert_valid_body(body, 'volume') LOG.debug('Create volume request body: %s', body) context = req.environ['cinder.context'] req_version = req.api_version_request # Remove group_id from body if max version is less than GROUP_VOLUME. if req_version.matches(None, mv.get_prior_version(mv.GROUP_VOLUME)): # NOTE(xyang): The group_id is from a group created with a # group_type. So with this group_id, we've got a group_type # for this volume. Also if group_id is passed in, that means # we already know which backend is hosting the group and the # volume will be created on the same backend as well. So it # won't go through the scheduler again if a group_id is # passed in. try: body.get('volume', {}).pop('group_id', None) except AttributeError: msg = (_("Invalid body provided for creating volume. " "Request API version: %s.") % req_version) raise exc.HTTPBadRequest(explanation=msg) volume = body['volume'] kwargs = {} self.validate_name_and_description(volume) # Check up front for legacy replication parameters to quick fail source_replica = volume.get('source_replica') if source_replica: msg = _("Creating a volume from a replica source was part of the " "replication v1 implementation which is no longer " "available.") raise exception.InvalidInput(reason=msg) # NOTE(thingee): v2 API allows name instead of display_name if 'name' in volume: volume['display_name'] = volume.pop('name') # NOTE(thingee): v2 API allows description instead of # display_description if 'description' in volume: volume['display_description'] = volume.pop('description') if 'image_id' in volume: volume['imageRef'] = volume.pop('image_id') req_volume_type = volume.get('volume_type', None) if req_volume_type: # Not found exception will be handled at the wsgi level kwargs['volume_type'] = ( objects.VolumeType.get_by_name_or_id(context, req_volume_type)) kwargs['metadata'] = volume.get('metadata', None) snapshot_id = volume.get('snapshot_id') if snapshot_id is not None: if not uuidutils.is_uuid_like(snapshot_id): msg = _("Snapshot ID must be in UUID form.") raise exc.HTTPBadRequest(explanation=msg) # Not found exception will be handled at the wsgi level kwargs['snapshot'] = self.volume_api.get_snapshot(context, snapshot_id) else: kwargs['snapshot'] = None source_volid = volume.get('source_volid') if source_volid is not None: if not uuidutils.is_uuid_like(source_volid): msg = _("Source volume ID '%s' must be a " "valid UUID.") % source_volid raise exc.HTTPBadRequest(explanation=msg) # Not found exception will be handled at the wsgi level kwargs['source_volume'] = ( self.volume_api.get_volume(context, source_volid)) else: kwargs['source_volume'] = None kwargs['group'] = None kwargs['consistencygroup'] = None consistencygroup_id = volume.get('consistencygroup_id') if consistencygroup_id is not None: if not uuidutils.is_uuid_like(consistencygroup_id): msg = _("Consistency group ID '%s' must be a " "valid UUID.") % consistencygroup_id raise exc.HTTPBadRequest(explanation=msg) # Not found exception will be handled at the wsgi level kwargs['group'] = self.group_api.get(context, consistencygroup_id) # Get group_id if volume is in a group. group_id = volume.get('group_id') if group_id is not None: # Not found exception will be handled at the wsgi level kwargs['group'] = self.group_api.get(context, group_id) if self.ext_mgr.is_loaded('os-image-create'): image_ref = volume.get('imageRef') if image_ref is not None: image_uuid = self._image_uuid_from_ref(image_ref, context) image_snapshot = self._get_image_snapshot(context, image_uuid) if (req_version.matches(mv.get_api_version( mv.SUPPORT_NOVA_IMAGE)) and image_snapshot): kwargs['snapshot'] = image_snapshot else: kwargs['image_id'] = image_uuid # Add backup if min version is greater than or equal # to VOLUME_CREATE_FROM_BACKUP. if req_version.matches(mv.VOLUME_CREATE_FROM_BACKUP, None): backup_id = volume.get('backup_id') if backup_id: if not uuidutils.is_uuid_like(backup_id): msg = _("Backup ID must be in UUID form.") raise exc.HTTPBadRequest(explanation=msg) kwargs['backup'] = self.backup_api.get(context, backup_id=backup_id) else: kwargs['backup'] = None size = volume.get('size', None) if size is None and kwargs['snapshot'] is not None: size = kwargs['snapshot']['volume_size'] elif size is None and kwargs['source_volume'] is not None: size = kwargs['source_volume']['size'] elif size is None and kwargs.get('backup') is not None: size = kwargs['backup']['size'] LOG.info("Create volume of %s GB", size) kwargs['availability_zone'] = volume.get('availability_zone', None) kwargs['scheduler_hints'] = volume.get('scheduler_hints', None) multiattach = volume.get('multiattach', False) kwargs['multiattach'] = multiattach if multiattach: msg = ("The option 'multiattach' " "is deprecated and will be removed in a future " "release. The default behavior going forward will " "be to specify multiattach enabled volume types.") versionutils.report_deprecated_feature(LOG, msg) new_volume = self.volume_api.create(context, size, volume.get('display_name'), volume.get('display_description'), **kwargs) retval = self._view_builder.detail(req, new_volume) return retval def create_resource(ext_mgr): return wsgi.Resource(VolumeController(ext_mgr))
apache-2.0
5,036,993,927,993,056,000
40.958763
79
0.565295
false
JasonFruit/quartermaster
inventory.py
1
11732
import os from sqlite3 import connect import codecs import math from datetime import datetime, timedelta from dateutil.parser import parse from glob import glob class Report(object): def __init__(self, filename=None): if filename: with codecs.open(filename, "r", "utf-8") as f: lines = f.readlines() i = 0 header_lines = [] while lines[i].startswith("--"): header_lines.append(lines[i].strip(" -")) i += 1 self.title = header_lines[0].strip() self.description = "\n".join(header_lines[1:]).strip(" \n") self.sql = "\n".join(map(lambda s: s.strip(" \n"), lines[i:])) else: self.title = "" self.description = "" self.sql = "" def to_dict(self): return {"title": self.title, "description": self.description, "sql": self.sql} def from_dict(dic): rpt = Report() rpt.title = dic["title"] rpt.description = dic["description"] rpt.sql = dic["sql"] return rpt class Measurement(object): """Represents a numeric measurement with a unit""" def __init__(self, number, unit): self.number = number self.unit = unit def __repr__(self): return self.to_string() def to_string(self): # pluralize unit if needed if self.number == 1: return "%s %s" % (self.number, self.unit) else: if self.unit == "each": return "%s %s" % (self.number, self.unit) else: return "%s %ss" % (self.number, self.unit) def __lt__(self, other): if self.unit == other.unit: return self.number < other.number else: return self.unit < other.unit def __gt__(self, other): if self.unit == other.unit: return self.number > other.number else: return self.unit > other.unit def __eq__(self, other): if self.unit == other.unit: return ((self.number == other.number) and (self.unit == other.unit)) return False def __le__(self, other): if self.unit == other.unit: return self.number <= other.number else: return self.unit <= other.unit def __ge__(self, other): if self.unit == other.unit: return self.number >= other.number else: return self.unit >= other.unit def __ne__(self, other): return not self.__eq__(other) # SQL to add a new inventory item add_inventory_sql = """insert into item ( condition_id, item, weight, weight_unit_id, life, life_unit_id, record_type_id, purchase_date, expiration_date) values (?, ?, ?, ?, ?, ?, ?, ?, ?);""" # SQL to update an existing item save_inventory_sql = """update item set condition_id = ?, item = ?, weight = ?, weight_unit_id = ?, life = ?, life_unit_id = ?, purchase_date = ?, expiration_date = ? where id = ?""" delete_sql = "delete from item where id = ?" # SQL to return all inventory of a specific record type inventory_sql = """ select i.id as id, c.description as condition, item as description, weight, wu.unit as weight_unit, life, lu.unit as life_unit, rt.description as record_type, purchase_date from item i inner join condition c on i.condition_id = c.id inner join unit wu on i.weight_unit_id = wu.id inner join unit lu on i.life_unit_id = lu.id inner join recordtype rt on i.record_type_id = rt.id where i.record_type_id = ? order by purchase_date desc""" class InventoryItem(object): """Represents an item of inventory (or a goal, or a ration recommendation)""" def __init__(self, id, condition, description, amount, life, purchase_date): self.id = id self.condition = condition self.description = description self.amount = amount self.life = life # make sure the purchase date is an actual datetime if type(purchase_date) == str: self.purchase_date = parse(purchase_date) else: self.purchase_date = purchase_date def clone(self, as_type="inventory"): """Copy this item to a new one with no ID as a specified type. TODO: as_type is ignored. Fix it.""" item = InventoryItem(None, self.condition, self.description, self.amount, self.life, datetime.today()) return item @property def expiration_date(self): """Return the expiration date calculated from the purchase date and the item's life""" # can't if we don't know when it was bought if not self.purchase_date: return None if self.life.unit == "year": return datetime(self.purchase_date.year + self.life.number, self.purchase_date.month, self.purchase_date.day) elif self.life.unit == "month": years = math.floor(self.life.number / 12) + self.purchase_date.year months = self.life.number % 12 + self.purchase_date.month while months > 12: years += 1 months -= 12 return datetime(years, months, self.purchase_date.day) elif self.life.unit == "day": return self.purchase_date + timedelta(self.life.number) def to_string(self): if self.condition.strip() != "": return "%s (%s), %s" % (self.description, self.condition, self.amount.to_string()) else: return "%s, %s" % (self.description, self.amount.to_string()) class InventoryDB(object): """Manages storage of inventory, goal, and recommendation records""" def __init__(self, path): self.filename = path # read the SQL to create a database with codecs.open("sql/create-db.sql", "r", "utf-8") as f: self.create_sql = f.read() # read the SQL to add goals with codecs.open("sql/goal.sql", "r", "utf-8") as f: self.goal_sql = f.read() # if the database specified exists, connect if os.path.exists(path): self.conn = connect(path) self.cur = self.conn.cursor() else: # otherwise, create it self.conn = connect(path) self.cur = self.conn.cursor() self.cur.executescript(self.create_sql) self.conn.commit() # cache some invariable data self.record_types = {} self.cur.execute("select id, description from recordtype") for row in self.cur.fetchall(): self.record_types[row[1]] = row[0] self.conditions = {} self.cur.execute("select id, description from condition") for row in self.cur.fetchall(): self.conditions[row[1]] = row[0] self.amounts = {} self.cur.execute("select id, unit from unit where dimension = 'amount'") for row in self.cur.fetchall(): self.amounts[row[1]] = row[0] self.durations = {} self.cur.execute("select id, unit from unit where dimension = 'time'") for row in self.cur.fetchall(): self.durations[row[1]] = row[0] self.ration_multipliers = {} self.cur.execute("select description, multiplier from ration_multipliers") for row in self.cur.fetchall(): self.ration_multipliers[row[0]] = row[1] def set_goals(self, mult): """Set goals by multiplying the recommendation for an adult male by <mult>""" # remove any existing goals self.cur.execute("delete from item where record_type_id = ?", (self.record_types["goal"],)) # create new ones self.cur.execute(self.goal_sql, (mult,)) self.conn.commit() def save_inventory(self, item): """Save an altered inventory item to the database""" # get the IDs for units from cached data amount, amount_id = item.amount.number, self.amounts[item.amount.unit] life, life_id = item.life.number, self.durations[item.life.unit] condition_id = self.conditions[item.condition] self.cur.execute(save_inventory_sql, (condition_id, item.description, amount, amount_id, life, life_id, item.purchase_date, item.expiration_date, item.id)) self.conn.commit() def add_inventory(self, item, record_type="inventory"): """Save a new inventory item to the database""" # get the IDs for units from cached data amount, amount_id = item.amount.number, self.amounts[item.amount.unit] life, life_id = item.life.number, self.durations[item.life.unit] rec_type_id = self.record_types[record_type] condition_id = self.conditions[item.condition] self.cur.execute(add_inventory_sql, (condition_id, item.description, amount, amount_id, life, life_id, rec_type_id, item.purchase_date, item.expiration_date)) self.conn.commit() # update the item's ID with the new row ID item.id = self.cur.lastrowid def all_inventory(self, record_type=None): """Return all items of the specified type (or "inventory" if not specified)""" if not record_type: record_type = "inventory" record_type_id = self.record_types[record_type] self.cur.execute(inventory_sql, (record_type_id,)) output = [] # just too involved to do as a list comprehension because # Python lambdas blow chunks for row in self.cur.fetchall(): (id, condition, description, amount, amount_unit, life, life_unit, record_type, purchase_date) = row amount = Measurement(amount, amount_unit) life = Measurement(life, life_unit) output.append(InventoryItem(id, condition, description, amount, life, purchase_date)) return output def execute_no_commit(self, sql): """Execute SQL against the current database on a connection that is never committed (to avoid malicious or accidental updating or deletion; return the column headers and the data""" conn = connect(self.filename) cur = conn.cursor() cur.execute(sql) columns = [dsc[0] for dsc in cur.description] output = cur.fetchall() conn.close() return columns, output def delete_item(self, item): self.cur.execute(delete_sql, (item.id,)) self.conn.commit()
gpl-3.0
5,854,646,780,610,648,000
30.708108
97
0.528299
false
bd808/tools-stashbot
stashbot/bot.py
1
11661
# -*- coding: utf-8 -*- # # This file is part of bd808's stashbot application # Copyright (C) 2015 Bryan Davis and contributors # # This program is free software: you can redistribute it and/or modify it # under the terms of the GNU General Public License as published by the Free # Software Foundation, either version 3 of the License, or (at your option) # any later version. # # This program is distributed in the hope that it will be useful, but WITHOUT # ANY WARRANTY; without even the implied warranty of MERCHANTABILITY or # FITNESS FOR A PARTICULAR PURPOSE. See the GNU General Public License for # more details. # # You should have received a copy of the GNU General Public License along with # this program. If not, see <http://www.gnu.org/licenses/>. """IRC bot""" import collections import functools import irc.bot import irc.buffer import irc.client import irc.strings import re import time from . import es from . import phab from . import sal RE_PHAB_NOURL = re.compile(r'(?:^|[^/%])\b([DMT]\d+)\b') class Stashbot(irc.bot.SingleServerIRCBot): def __init__(self, config, logger): """Create bot. :param config: Dict of configuration values :param logger: Logger """ self.config = config self.logger = logger self.es = es.Client( self.config['elasticsearch']['servers'], self.config['elasticsearch']['options'], self.logger ) self.phab = phab.Client( self.config['phab']['url'], self.config['phab']['user'], self.config['phab']['key'] ) self.sal = sal.Logger( self, self.phab, self.es, self.config, self.logger) self.recent_phab = collections.defaultdict(dict) # Ugh. A UTF-8 only world is a nice dream but the real world is all # yucky and full of legacy encoding issues that should not crash my # bot. irc.buffer.LenientDecodingLineBuffer.errors = 'replace' irc.client.ServerConnection.buffer_class = \ irc.buffer.LenientDecodingLineBuffer super(Stashbot, self).__init__( [(self.config['irc']['server'], self.config['irc']['port'])], self.config['irc']['nick'], self.config['irc']['realname'] ) # Setup a connection check ping self.pings = 0 self.reactor.scheduler.execute_every( period=300, func=self.do_ping) # Clean phab recent cache every once in a while self.reactor.scheduler.execute_every( period=3600, func=self.do_clean_recent_phab) def get_version(self): return 'Stashbot' def on_welcome(self, conn, event): self.logger.info('Connected to server %s', conn.get_server_name()) if 'password' in self.config['irc']: self.do_identify() else: self.reactor.scheduler.execute_after(1, self.do_join) def on_nicknameinuse(self, conn, event): nick = conn.get_nickname() self.logger.warning('Requested nick "%s" in use', nick) conn.nick(nick + '_') if 'password' in self.config['irc']: self.reactor.scheduler.execute_after(30, self.do_reclaim_nick) def on_join(self, conn, event): nick = event.source.nick if nick == conn.get_nickname(): self.logger.info('Joined %s', event.target) def on_privnotice(self, conn, event): self.logger.warning(str(event)) msg = event.arguments[0] if event.source.nick == 'NickServ': if 'NickServ identify' in msg: self.logger.info('Authentication requested by Nickserv') if 'password' in self.config['irc']: self.do_identify() else: self.logger.error('No password in config!') self.die() elif 'You are now identified' in msg: self.logger.debug('Authenticating succeeded') self.reactor.scheduler.execute_after(1, self.do_join) elif 'Invalid password' in msg: self.logger.error('Password invalid. Check your config!') self.die() def on_pubnotice(self, conn, event): self.logger.warning(str(event)) def on_pubmsg(self, conn, event): # Log all public channel messages we receive doc = self.es.event_to_doc(conn, event) self.do_write_to_elasticsearch(conn, event, doc) ignore = self.config['irc'].get('ignore', []) if self._clean_nick(doc['nick']) in ignore: return # Look for special messages msg = event.arguments[0] if msg.startswith('!log help'): self.do_help(conn, event) elif msg.startswith(conn.get_nickname()): self.do_help(conn, event) elif msg.startswith(self.config['irc']['nick']): self.do_help(conn, event) elif msg.startswith('!log '): self.sal.log(conn, event, doc) elif msg.startswith('!bash '): self.do_bash(conn, event, doc) if (event.target not in self.config['phab'].get('notin', []) and 'echo' in self.config['phab'] and RE_PHAB_NOURL.search(msg) ): self.do_phabecho(conn, event, doc) def on_privmsg(self, conn, event): msg = event.arguments[0] if msg.startswith('!bash '): doc = self.es.event_to_doc(conn, event) self.do_bash(conn, event, doc) else: self.respond(conn, event, event.arguments[0][::-1]) def on_pong(self, conn, event): """Clear ping count when a pong is received.""" self.pings = 0 def on_error(self, conn, event): """Log errors and disconnect.""" self.logger.warning(str(event)) conn.disconnect() def on_kick(self, conn, event): """Attempt to rejoin if kicked from a channel.""" nick = event.arguments[0] channel = event.target if nick == conn.get_nickname(): self.logger.warn( 'Kicked from %s by %s', channel, event.source.nick) self.reactor.scheduler.execute_after( 30, functools.partial(conn.join, channel)) def on_bannedfromchan(self, conn, event): """Attempt to rejoin if banned from a channel.""" self.logger.warning(str(event)) self.reactor.scheduler.execute_after( 60, functools.partial(conn.join, event.arguments[0])) def do_identify(self): """Send NickServ our username and password.""" self.logger.info('Authentication requested by Nickserv') self.connection.privmsg('NickServ', 'identify %s %s' % ( self.config['irc']['nick'], self.config['irc']['password'])) def do_join(self, channels=None): """Join the next channel in our join list.""" if channels is None: channels = self.config['irc']['channels'] try: car, cdr = channels[0], channels[1:] except (IndexError, TypeError): self.logger.exception('Failed to find channel to join.') else: self.logger.info('Joining %s', car) self.connection.join(car) if cdr: self.reactor.scheduler.execute_after( 1, functools.partial(self.do_join, cdr)) def do_reclaim_nick(self): nick = self.connection.get_nickname() if nick != self.config['irc']['nick']: self.connection.nick(self.config['irc']['nick']) def do_ping(self): """Send a ping or disconnect if too many pings are outstanding.""" if self.pings >= 2: self.logger.warning('Connection timed out. Disconnecting.') self.disconnect() self.pings = 0 else: try: self.connection.ping('keep-alive') self.pings += 1 except irc.client.ServerNotConnectedError: pass def do_write_to_elasticsearch(self, conn, event, doc): """Log an IRC channel message to Elasticsearch.""" fmt = self.config['elasticsearch']['index'] self.es.index( index=time.strftime(fmt, time.gmtime()), doc_type='irc', body=doc) def do_help(self, conn, event): """Handle a help message request""" self.respond( conn, event, 'See https://wikitech.wikimedia.org/wiki/Tool:Stashbot for help.' ) def do_bash(self, conn, event, doc): """Process a !bash message""" bash = dict(doc) # Trim '!bash ' from the front of the message msg = bash['message'][6:] # Expand tabs to line breaks bash['message'] = msg.replace("\t", "\n").strip() bash['type'] = 'bash' bash['up_votes'] = 0 bash['down_votes'] = 0 bash['score'] = 0 # Remove unneeded irc fields del bash['user'] del bash['channel'] del bash['server'] del bash['host'] ret = self.es.index(index='bash', doc_type='bash', body=bash) if 'created' in ret and ret['created'] is True: self.respond(conn, event, '%s: Stored quip at %s' % ( event.source.nick, self.config['bash']['view_url'] % ret['_id'] ) ) else: self.logger.error('Failed to save document: %s', ret) self.respond(conn, event, '%s: Yuck. Something blew up when I tried to save that.' % ( event.source.nick, ) ) def do_phabecho(self, conn, event, doc): """Give links to Phabricator tasks""" channel = event.target now = time.time() cutoff = self.get_phab_echo_cutoff(channel) for task in set(RE_PHAB_NOURL.findall(doc['message'])): if task in self.recent_phab[channel]: if self.recent_phab[channel][task] > cutoff: # Don't spam a channel with links self.logger.debug( 'Ignoring %s; last seen @%d', task, self.recent_phab[channel][task]) continue try: info = self.phab.taskInfo(task) except: self.logger.exception('Failed to lookup info for %s', task) else: self.respond(conn, event, self.config['phab']['echo'] % info) self.recent_phab[channel][task] = now def get_phab_echo_cutoff(self, channel): """Get phab echo delay for the given channel.""" return time.time() - self.config['phab']['delay'].get( channel, self.config['phab']['delay']['__default__']) def do_clean_recent_phab(self): """Clean old items out of the recent_phab cache.""" for channel in self.recent_phab.keys(): cutoff = self.get_phab_echo_cutoff(channel) for item in self.recent_phab[channel].keys(): if self.recent_phab[channel][item] < cutoff: del self.recent_phab[channel][item] def _clean_nick(self, nick): """Remove common status indicators and normlize to lower case.""" return nick.split('|', 1)[0].rstrip('`_').lower() def respond(self, conn, event, msg): """Respond to an event with a message.""" to = event.target if to == self.connection.get_nickname(): to = event.source.nick conn.privmsg(to, msg.replace("\n", ' '))
gpl-3.0
-687,042,839,125,175,300
34.990741
78
0.565646
false
bierminen/acan
acan/__init__.py
1
1978
#!/usr/local/bin/env python3 # Copyright 2016 José Lopes de Oliveira Jr. # # Use of this source code is governed by a MIT-like # license that can be found in the LICENSE file. ## """ Acan - basic maths around brewing. Overview This Python module implements some equations used by homebrewers. Although there is no canonical formulas for procedures covered by Acan, I tried to use those referenced by the most renowned sources. Therefore, it is highly probable that if you compare the results given by Acan with other softwares, you'll find differences. For the most cases, differences from the second or third decimal place can be accepted, but bigger differences should be examined with academical documents, like the NIST's [1]. """ # Based on [3] def celsius_to_fahrenheit(c): return (9 / 5) * c + 32 def fahrenheit_to_celsius(f): return (5 / 9) * (f - 32) def pound_to_gram(p): return p * 4.535924 * 10 ** 2 def gram_to_pound(g): return g / 4.535924 * 10 ** -2 def ounce_to_gram(o): return o * 2.834952 * 10 def gram_to_ounce(g): return g / 2.834952 * 10 ** -1 def gallon_to_litre(g): return g * 3.785412 def litre_to_gallon(l): return l / 3.785412 # Based on [15] def brix_to_sg(b): return 1.000898 + (0.003859118 * b) + (0.00001370735 * b ** 2) + \ (0.00000003742517 * b ** 3) def sg_to_brix(s): return (204.402187871 * s ** 3) - (846.219914611 * s ** 2) + \ (1338.585568906 * s) - 696.999179737 def sg_to_plato(s): return (135.997 * s ** 3) - (630.272 * s ** 2) + (1111.14 * s) - \ 616.868 def plato_to_sg(p): return (0.00000006867329 * p ** 3) + (0.00001256372708 * p ** 2) + \ (0.00386943912474 * p) + 1.00000786285356 # Derived from previous equations def brix_to_plato(b): return sg_to_plato(brix_to_sg(b)) # Based on [16] (p.142) def sg_to_gu(s): return (s - 1) * 1000 def gu_to_sg(g): return g * 0.001 + 1 # Based on [18] def dbfg_to_gu(d): return d / 100 * 46 def gu_to_dbfg(g): return g / 46 * 100
mit
-8,058,170,789,016,335,000
31.95
76
0.659079
false
jpypi/othello-rl
nn.py
1
3616
#!/usr/bin/env python3 import math import numpy as np import random import pickle from scipy.special import expit class NN: def __init__(self, layer_dims, learning_rate): self.learning_rate = learning_rate self.layer_dims = layer_dims self.layers = [] for i in range(len(layer_dims)-1): self.layers.append(np.random.normal(0, 1, size=(layer_dims[i+1], layer_dims[i]+1))) self.activation_func = None self.dactivation_func = None def save(self, filename): with open(filename, "wb") as f: pickle.dump(self.layers, f) def load(self, filename): with open(filename, "rb") as f: self.layers = pickle.load(f) def mkVec(self, vector1D, add_bias = True): return np.reshape(vector1D, (len(vector1D), 1)) def getOutput(self, input_vector): outputs = input_vector for i in range(len(self.layers)): outputs = activation(self.layers[i]@np.vstack((outputs, 1))) #outputs = softmax(self.layers[-1]@np.vstack((outputs, 1))) return outputs def backProp(self, sample, target): # Propagate forwards to get the network's layers' outputs outputs = [sample] for i in range(len(self.layers)): outputs.append(activation(self.layers[i].dot(np.vstack((outputs[i], 1))))) #outputs.append(softmax(self.layers[-1].dot(np.vstack((outputs[-1], 1))))) #print(outputs[-1]) #final_out = self.layers[-1].dot(outputs[-1]) #am = np.zeros_like(final_out) #am[np.argmax(final_out)] = 1 #outputs.append(am) # These will still need to be multiplied by the output from the previous layer # e.g. layer_deltas[0]*outputs[-2] layer_deltas = np.empty(len(outputs) - 1, object) # Output layer is special layer_deltas[-1] = (target - outputs[-1]) * dactivation(outputs[-1]) #outputs[-1]*(1 - outputs[-1]) #self.layers[-1] += self.learning_rate * np.c_[outputs[-2].T, 1] * layer_deltas[-1] # i == current layer; Walk backwards from second to last layer (Hence # start at -2, because len-1 is the last element) Also recall that # range "end" is exclusive. for i in range(len(layer_deltas) - 2, -1, -1): # Need to do i+1 because outputs[0] == the input sample, and i+1 is # the ith layer's output #layer_derivative = outputs[i+1] * (1 - outputs[i+1]) layer_derivative = dactivation(outputs[i+1]) # Compute the layer delta layer_deltas[i] = layer_derivative * (self.layers[i+1].T.dot(layer_deltas[i + 1])[:-1]) # Update the weights #self.layers[i] += self.learning_rate * np.c_[outputs[i].T, 1] * layer_deltas[i] for i in range(len(self.layers)): # Because outputs[0] == input sample, layer[i] input == outputs[i] # This is delta_weights self.layers[i] += self.learning_rate * np.c_[outputs[i].T, 1] * layer_deltas[i] return outputs[-1] def relu(x): return np.multiply(x > 0, x) def drelu(x): return np.float64(x > 0) def softmax(x): e = np.exp(x) return e/np.sum(e) def activation(x): #return expit(x) ##return 1.7159 * math.tanh(2/3*x) #print(x) return np.tanh(x)#list(map(math.tanh, x)) #return np.multiply(x > 0, x) def dactivation(x): #v = expit(x) #return v*(1-v) #return 1 - math.tanh(x)**2 return 1 - np.tanh(x)**2#list(map(lambda y: 1 - math.tanh(y)**2, x)) #return np.float64(x > 0)
mit
-8,640,016,886,223,186,000
30.719298
107
0.583794
false
DamienIrving/ocean-analysis
visualisation/plot_zonal_ensemble.py
1
16584
""" Filename: plot_zonal_ensemble.py Author: Damien Irving, [email protected] Description: Plot zonal ensemble """ # Import general Python modules import sys, os, pdb import argparse from itertools import groupby from more_itertools import unique_everseen import numpy import iris from iris.experimental.equalise_cubes import equalise_attributes import iris.plot as iplt import matplotlib.pyplot as plt from matplotlib import gridspec import seaborn import matplotlib as mpl # Import my modules cwd = os.getcwd() repo_dir = '/' for directory in cwd.split('/')[1:]: repo_dir = os.path.join(repo_dir, directory) if directory == 'ocean-analysis': break modules_dir = os.path.join(repo_dir, 'modules') sys.path.append(modules_dir) try: import general_io as gio import timeseries import grids import convenient_universal as uconv except ImportError: raise ImportError('Must run this script from anywhere within the ocean-analysis git repo') # Define functions experiment_colors = {'historical': 'black', 'historicalGHG': 'red', 'historicalAA': 'blue', 'GHG + AA': 'green', 'piControl': '0.5'} experiment_labels = {'historical': 'historical', 'historicalGHG': 'GHG-only', 'historicalAA': 'AA-only', 'piControl': 'control'} seaborn.set(style='whitegrid') mpl.rcParams['axes.labelsize'] = 'xx-large' mpl.rcParams['axes.titlesize'] = 'xx-large' mpl.rcParams['xtick.labelsize'] = 'x-large' mpl.rcParams['ytick.labelsize'] = 'x-large' mpl.rcParams['legend.fontsize'] = 'xx-large' def make_zonal_grid(): """Make a dummy cube with desired grid.""" lat_values = numpy.arange(-90, 91.5, 1.5) latitude = iris.coords.DimCoord(lat_values, standard_name='latitude', units='degrees_north', coord_system=iris.coord_systems.GeogCS(iris.fileformats.pp.EARTH_RADIUS)) dummy_data = numpy.zeros((len(lat_values))) new_cube = iris.cube.Cube(dummy_data, dim_coords_and_dims=[(latitude, 0),]) new_cube.coord('latitude').guess_bounds() return new_cube def calc_trend_cube(cube): """Calculate trend and put into appropriate cube.""" trend_array = timeseries.calc_trend(cube, per_yr=True) new_cube = cube[0,:].copy() new_cube.remove_coord('time') new_cube.data = trend_array return new_cube def get_colors(family_list): """Define a color for each model/physics combo""" nfamilies = len(family_list) cm = plt.get_cmap('nipy_spectral') colors = [cm(1. * i / (nfamilies + 1)) for i in range(nfamilies + 1)] color_dict = {} count = 1 # skips the first color, which is black for family in family_list: color_dict[family] = colors[count] count = count + 1 return color_dict def get_ylabel(cube, time_agg, inargs): """get the y axis label""" if str(cube.units) == 'kg m-2 s-1': ylabel = '$kg \: m^{-2} \: s^{-1}' else: ylabel = '$%s' %(str(cube.units)) if inargs.perlat: ylabel = ylabel + ' \: lat^{-1}' if time_agg == 'trend': ylabel = ylabel + ' \: yr^{-1}' ylabel = time_agg + ' (' + ylabel + '$)' return ylabel def get_line_width(realization, model): """Get the line width""" if model == 'FGOALS-g2': lw = 2.0 else: lw = 2.0 if realization == 'r1' else 0.5 return lw def plot_individual(data_dict, color_dict): """Plot the individual model data""" for key, cube in data_dict.items(): model, physics, realization = key if (realization == 'r1') or (model == 'FGOALS-g2'): label = model + ', ' + physics else: label = None lw = 0.5 #get_line_width(realization, model) iplt.plot(cube, label=label, color=color_dict[(model, physics)], linewidth=lw) def plot_ensmean(data_dict, experiment, nexperiments, single_run=False, linestyle='-', linewidth=2.0): """Plot the ensemble mean. If single_run is true, the ensemble is calculated using only the first run from each model/physics family. """ target_grid = make_zonal_grid() regridded_cube_list = iris.cube.CubeList([]) count = 0 for key, cube in data_dict.items(): model, physics, realization = key if not single_run or ((realization == 'r1') or (model == 'FGOALS-g2')): regridded_cube = grids.regrid_1D(cube, target_grid, 'latitude') new_aux_coord = iris.coords.AuxCoord(count, long_name='ensemble_member', units='no_unit') regridded_cube.add_aux_coord(new_aux_coord) regridded_cube.cell_methods = None regridded_cube.data = regridded_cube.data.astype(numpy.float64) regridded_cube_list.append(regridded_cube) count = count + 1 if len(regridded_cube_list) > 1: equalise_attributes(regridded_cube_list) ensemble_cube = regridded_cube_list.merge_cube() ensemble_mean = ensemble_cube.collapsed('ensemble_member', iris.analysis.MEAN) else: ensemble_mean = regridded_cube_list[0] label, color = get_ensemble_label_color(experiment, nexperiments, count, single_run) iplt.plot(ensemble_mean, label=label, color=color, linestyle=linestyle, linewidth=linewidth) return ensemble_mean def get_ensemble_label_color(experiment, nexperiments, ensemble_size, single_run): """Get the line label and color.""" label = experiment_labels[experiment] color = experiment_colors[experiment] return label, color def group_runs(data_dict): """Find unique model/physics groups""" all_info = data_dict.keys() model_physics_list = [] for key, group in groupby(all_info, lambda x: x[0:2]): model_physics_list.append(key) family_list = list(unique_everseen(model_physics_list)) return family_list def read_data(inargs, infiles, ref_cube=None): """Read data.""" clim_dict = {} trend_dict = {} for filenum, infile in enumerate(infiles): cube = iris.load_cube(infile, gio.check_iris_var(inargs.var)) if ref_cube: branch_time = None if inargs.branch_times[filenum] == 'default' else str(inargs.branch_times[filenum]) time_constraint = timeseries.get_control_time_constraint(cube, ref_cube, inargs.time, branch_time=branch_time) cube = cube.extract(time_constraint) iris.util.unify_time_units([ref_cube, cube]) cube.coord('time').units = ref_cube.coord('time').units cube.replace_coord(ref_cube.coord('time')) else: time_constraint = gio.get_time_constraint(inargs.time) cube = cube.extract(time_constraint) #cube = uconv.convert_to_joules(cube) if inargs.perlat: grid_spacing = grids.get_grid_spacing(cube) cube.data = cube.data / grid_spacing trend_cube = calc_trend_cube(cube.copy()) clim_cube = cube.collapsed('time', iris.analysis.MEAN) clim_cube.remove_coord('time') model = cube.attributes['model_id'] realization = 'r' + str(cube.attributes['realization']) physics = 'p' + str(cube.attributes['physics_version']) key = (model, physics, realization) trend_dict[key] = trend_cube clim_dict[key] = clim_cube experiment = cube.attributes['experiment_id'] experiment = 'historicalAA' if experiment == "historicalMisc" else experiment trend_ylabel = get_ylabel(cube, 'trend', inargs) clim_ylabel = get_ylabel(cube, 'climatology', inargs) metadata_dict = {infile: cube.attributes['history']} return cube, trend_dict, clim_dict, experiment, trend_ylabel, clim_ylabel, metadata_dict def get_title(standard_name, time_list, experiment, nexperiments): """Get the plot title""" title = '%s, %s-%s' %(gio.var_names[standard_name], time_list[0][0:4], time_list[1][0:4]) if nexperiments == 1: title = title + ', ' + experiment return title def correct_y_lim(ax, data_cube): """Adjust the y limits after changing x limit x: data for entire x-axes y: data for entire y-axes """ x_data = data_cube.coord('latitude').points y_data = data_cube.data lims = ax.get_xlim() i = numpy.where( (x_data > lims[0]) & (x_data < lims[1]) )[0] plt.ylim( y_data[i].min(), y_data[i].max() ) def align_yaxis(ax1, ax2): """Align zeros of the two axes, zooming them out by same ratio Taken from: https://stackoverflow.com/questions/10481990/matplotlib-axis-with-two-scales-shared-origin """ axes = (ax1, ax2) extrema = [ax.get_ylim() for ax in axes] tops = [extr[1] / (extr[1] - extr[0]) for extr in extrema] # Ensure that plots (intervals) are ordered bottom to top: if tops[0] > tops[1]: axes, extrema, tops = [list(reversed(l)) for l in (axes, extrema, tops)] # How much would the plot overflow if we kept current zoom levels? tot_span = tops[1] + 1 - tops[0] b_new_t = extrema[0][0] + tot_span * (extrema[0][1] - extrema[0][0]) t_new_b = extrema[1][1] - tot_span * (extrema[1][1] - extrema[1][0]) axes[0].set_ylim(extrema[0][0], b_new_t) axes[1].set_ylim(t_new_b, extrema[1][1]) def plot_files(ax, ax2, infiles, inargs, nexperiments, ref_cube=None): """Plot a list of files corresponding to a particular experiment.""" cube, trend_dict, clim_dict, experiment, trend_ylabel, clim_ylabel, metadata_dict = read_data(inargs, infiles, ref_cube=ref_cube) model_family_list = group_runs(trend_dict) color_dict = get_colors(model_family_list) if inargs.time_agg == 'trend': target_dict = trend_dict target_ylabel = trend_ylabel else: target_dict = clim_dict target_ylabel = clim_ylabel if nexperiments == 1: plot_individual(target_dict, color_dict) if inargs.ensmean: ensemble_mean = plot_ensmean(target_dict, experiment, nexperiments, single_run=inargs.single_run) else: ensemble_mean = None if inargs.clim and ((nexperiments == 1) or (experiment == 'historical')): ax2 = ax.twinx() plot_ensmean(clim_dict, experiment, nexperiments, single_run=inargs.single_run, linestyle='--', linewidth=1.0) plt.sca(ax) return cube, metadata_dict, ensemble_mean, target_ylabel, clim_ylabel, experiment, ax2 def main(inargs): """Run the program.""" seaborn.set_context(inargs.context) fig, ax = plt.subplots(figsize=[8, 5]) ax2 = None nexperiments = len(inargs.hist_files) if inargs.control_files: nexperiments = nexperiments + len(inargs.control_files) # Plot historical data for infiles in inargs.hist_files: cube, metadata_dict, ensemble_mean, ylabel, clim_ylabel, experiment, ax2 = plot_files(ax, ax2, infiles, inargs, nexperiments) # Titles and labels if inargs.title: title = inargs.title plt.title(title) #else: #title = get_title(inargs.var, inargs.time, experiment, nexperiments) if inargs.scientific: plt.ticklabel_format(style='sci', axis='y', scilimits=(0,0), useMathText=True) ax.yaxis.major.formatter._useMathText = True if inargs.ylabel: ylabel = inargs.ylabel ax.set_ylabel(ylabel) ax.set_xlabel('latitude') # Plot control data if inargs.control_files: assert inargs.hist_files, 'Control plot requires branch time information from historical files' ref_cube = cube for infiles in inargs.control_files: cube, metadata_dict, ensemble_mean, ylabel, clim_ylabel, epxeriment, ax2 = plot_files(ax, ax2, infiles, inargs, nexperiments, ref_cube=ref_cube) # Ticks and axis limits plt.xticks(numpy.arange(-75, 90, 15)) plt.xlim(inargs.xlim[0], inargs.xlim[1]) if not inargs.xlim == (-90, 90): correct_y_lim(ax, ensemble_mean) if inargs.clim: align_yaxis(ax, ax2) ax2.grid(None) ax2.set_ylabel(clim_ylabel) ax2.yaxis.major.formatter._useMathText = True # Guidelines and legend if inargs.zeroline: plt.axhline(y=0, color='0.5', linestyle='--') if inargs.legloc: ax.legend(loc=inargs.legloc) else: box = ax.get_position() ax.set_position([box.x0, box.y0, box.width * 0.8, box.height]) if inargs.clim: ax2.set_position([box.x0, box.y0, box.width * 0.8, box.height]) legend_x_pos = 1.1 else: legend_x_pos = 1.0 ax.legend(loc='center left', bbox_to_anchor=(legend_x_pos, 0.5)) # Save output dpi = inargs.dpi if inargs.dpi else plt.savefig.__globals__['rcParams']['figure.dpi'] print('dpi =', dpi) plt.savefig(inargs.outfile, bbox_inches='tight', dpi=dpi) gio.write_metadata(inargs.outfile, file_info=metadata_dict) if __name__ == '__main__': extra_info =""" author: Damien Irving, [email protected] """ description = 'Plot zonal ensemble' parser = argparse.ArgumentParser(description=description, epilog=extra_info, argument_default=argparse.SUPPRESS, formatter_class=argparse.RawDescriptionHelpFormatter) parser.add_argument("var", type=str, help="Variable") parser.add_argument("time_agg", type=str, choices=('trend', 'climatology'), help="Temporal aggregation") parser.add_argument("outfile", type=str, help="Output file") parser.add_argument("--hist_files", type=str, action='append', nargs='*', help="Input files for a given historical experiment") parser.add_argument("--control_files", type=str, action='append', nargs='*', default=[], help="Input files for a control experiment") parser.add_argument("--time", type=str, nargs=2, metavar=('START_DATE', 'END_DATE'), default=('1861-01-01', '2005-12-31'), help="Time bounds [default = 1861-2005]") parser.add_argument("--branch_times", type=str, nargs='*', default=None, help="Need value for each control file (write default to use metadata)") parser.add_argument("--perlat", action="store_true", default=False, help="Scale per latitude [default=False]") parser.add_argument("--single_run", action="store_true", default=False, help="Only use run 1 in the ensemble mean [default=False]") parser.add_argument("--ensmean", action="store_true", default=False, help="Plot an ensemble mean curve [default=False]") parser.add_argument("--clim", action="store_true", default=False, help="Plot a climatology curve behind the trend curve [default=False]") parser.add_argument("--legloc", type=int, default=None, help="Legend location [default = off plot]") parser.add_argument("--scientific", action="store_true", default=False, help="Use scientific notation for the y axis scale [default=False]") parser.add_argument("--zeroline", action="store_true", default=False, help="Plot a dashed guideline at y=0 [default=False]") parser.add_argument("--title", type=str, default=None, help="plot title [default: None]") parser.add_argument("--ylabel", type=str, default=None, help="Override the default y axis label") parser.add_argument("--xlim", type=float, nargs=2, metavar=('SOUTHERN_LIMIT', 'NORTHERN LIMIT'), default=(-90, 90), help="x-axis limits [default = entire]") #parser.add_argument("--ylim", type=float, nargs=2, metavar=('LOWER_LIMIT', 'UPPER_LIMIT'), default=None, # help="y-axis limits [default = auto]") parser.add_argument("--context", type=str, default='talk', choices=('paper', 'talk'), help="Context for plot [default=talk]") parser.add_argument("--dpi", type=float, default=None, help="Figure resolution in dots per square inch [default=auto]") args = parser.parse_args() main(args)
mit
2,047,722,086,865,415,700
34.511777
156
0.613965
false
ReneHollander/rep0st
rep0st/db/post.py
1
6485
import enum import logging from itertools import groupby from typing import List, Optional from injector import Module, ProviderOf, inject from sqlalchemy import Boolean, Column, DateTime, Enum, Index, Integer, String, and_, func from sqlalchemy.orm import Session, relationship from rep0st.config.rep0st_database import Rep0stDatabaseModule from rep0st.db import Base from rep0st.db.feature import Feature from rep0st.framework.data.repository import Repository from rep0st.framework.data.transaction import transactional log = logging.getLogger(__name__) class PostRepositoryModule(Module): def configure(self, binder): binder.install(Rep0stDatabaseModule) binder.bind(PostRepository) class Type(enum.Enum): IMAGE = 'IMAGE' ANIMATED = 'ANIMATED' VIDEO = 'VIDEO' UNKNOWN = 'UNKNOWN' def post_type_from_media_path(path: str) -> Type: ending = path[path.rfind('.') + 1:].lower() if ending in ['jpg', 'jpeg', 'png']: return Type.IMAGE elif ending in ['gif']: return Type.ANIMATED elif ending in ['mp4', 'webm']: return Type.VIDEO else: log.error(f'Could not deduce post type from {path} with ending {ending}') return Type.UNKNOWN class Flag(enum.Enum): SFW = 'sfw' NSFW = 'nsfw' NSFL = 'nsfl' NSFP = 'nsfp' class Status(enum.Enum): # No attempt to download the media has been made yet. NO_MEDIA = 'NO_MEDIA' # The image is downloaded, but not yet indexed. NOT_INDEXED = 'NOT_INDEXED' # The image has been indexed. INDEXED = 'INDEXED' # No media was found on pr0gramm servers. NO_MEDIA_FOUND = 'NO_MEDIA_FOUND' # The downloaded media cannot be read. MEDIA_BROKEN = 'MEDIA_BROKEN' class Post(Base): from rep0st.db.feature import Feature from rep0st.db.tag import Tag __tablename__ = 'post' # Post id. id = Column(Integer, primary_key=True, index=True, autoincrement=False) # Timestamp this post was created. created = Column(DateTime(), nullable=False) # Path of the image on pr0gramm servers. image = Column(String(256), nullable=False, index=True) # Path of the thumbnail on pr0gramm servers. thumb = Column(String(256), nullable=False) # Path of the fullsize image on pr0gramm servers. Optional. fullsize = Column(String(256)) # Width of the media in pixels. width = Column(Integer(), nullable=False) # Height of the media in pixels. height = Column(Integer(), nullable=False) # True if the media has audio. audio = Column(Boolean(), nullable=False) # URL of the source of the image. Optional. source = Column(String(512)) # Flags for the post encoded as a bitset. If the bit is set, # the post is marked with the given tag. # Bit 0: SFW # Bit 1: NSFW # Bit 2: NSFL # Bit 3: NSFP flags = Column(Integer(), nullable=False) # Name of the user that uploaded the post. user = Column(String(32), nullable=False) # Type of the media in the post. # - IMAGE: Static images. (jpg, png) # - ANIMATED: Animated images. (gif) # - VIDEO: Videos. (mp4, webm) type = Column(Enum(Type), nullable=False, index=True) # Status of the post. status = Column( Enum(Status), nullable=False, index=True, default=Status.NO_MEDIA) # True if the post is deleted on pr0gramm. deleted = Column(Boolean(), nullable=False, default=False) # List of features associated with this post. features = relationship(Feature) # List of tags associated with this post. tags = relationship(Tag) def __json__(self): return { 'id': self.id, 'user': self.user, 'created': self.created.isoformat(), 'is_sfw': self.is_sfw(), 'is_nsfw': self.is_nsfw(), 'is_nsfl': self.is_nsfl(), 'image': self.image, 'thumb': self.thumb, 'fullsize': self.fullsize, } def as_indexed_doc(self): def feauture_key_func(feature: Feature): return feature.id return { 'meta': { 'id': self.id }, 'created': int(self.created.timestamp() * 1000), 'flags': [flag.value for flag in self.get_flags()], 'type': self.type.value, 'tags': [tag.tag for tag in self.tags], 'frames': [{ 'id': key, 'features': {v.type: v.data for v in valuesiter} } for key, valuesiter in groupby( sorted(self.features, key=feauture_key_func), key=feauture_key_func) ], } def is_sfw(self): return self.flags & 1 != 0 def is_nsfw(self): return self.flags & 2 != 0 def is_nsfl(self): return self.flags & 4 != 0 def is_nsfp(self): return self.flags & 8 != 0 def get_flags(self) -> List[Flag]: flags = [] if self.is_sfw(): flags.append(Flag.SFW) if self.is_nsfw(): flags.append(Flag.NSFW) if self.is_nsfl(): flags.append(Flag.NSFL) if self.is_nsfp(): flags.append(Flag.NSFP) return flags def get_flag_by_importance(self) -> Flag: if self.is_nsfl(): return Flag.NSFL if self.is_nsfw(): return Flag.NSFW if self.is_nsfp(): return Flag.NSFP return Flag.SFW def __str__(self): return "Post(id=" + str(self.id) + ")" def __repr__(self): return "Post(id=" + str(self.id) + ")" # Index on status, type and deleted for fast missing feature lookups. post_status_type_deleted_index = Index('post_status_type_deleted_index', Post.status, Post.type, Post.deleted) class PostRepository(Repository[int, Post]): @inject def __init__(self, session_provider: ProviderOf[Session]) -> None: super().__init__(int, Post, session_provider) @transactional() def get_latest_post_id(self) -> int: session = self._get_session() id = session.query(func.max(Post.id)).scalar() return 0 if id is None else id @transactional() def get_posts(self, type: Optional[str] = None): session = self._get_session() if type is not None: return session.query(Post).filter(Post.type == type) else: return session.query(Post) @transactional() def get_posts_missing_features(self, type: Optional[Type] = None): session = self._get_session() q = session.query(Post) if type: q = q.filter(Post.type == type) return q.filter( and_(Post.status == Status.NOT_INDEXED, Post.deleted == False)) @transactional() def post_count(self) -> int: session = self._get_session() return session.query(func.count(Post.id)).scalar()
mit
811,414,169,857,554,000
27.69469
90
0.643639
false
GeoNode/geonode
geonode/base/populate_test_data.py
1
17654
# -*- coding: utf-8 -*- ######################################################################### # # Copyright (C) 2016 OSGeo # # This program is free software: you can redistribute it and/or modify # it under the terms of the GNU General Public License as published by # the Free Software Foundation, either version 3 of the License, or # (at your option) any later version. # # This program is distributed in the hope that it will be useful, # but WITHOUT ANY WARRANTY; without even the implied warranty of # MERCHANTABILITY or FITNESS FOR A PARTICULAR PURPOSE. See the # GNU General Public License for more details. # # You should have received a copy of the GNU General Public License # along with this program. If not, see <http://www.gnu.org/licenses/>. # ######################################################################### import logging import os.path from io import BytesIO from uuid import uuid4 from itertools import cycle from taggit.models import Tag from taggit.models import TaggedItem from datetime import datetime, timedelta from django.db import transaction from django.utils import timezone from django.contrib.gis.geos import Polygon from django.contrib.auth.models import Permission, Group from django.core.serializers import serialize from django.contrib.auth import get_user_model from django.core.files.uploadedfile import SimpleUploadedFile from geonode import geoserver # noqa from geonode.maps.models import Map from geonode.layers.models import Layer from geonode.compat import ensure_string from geonode.base.models import ResourceBase, TopicCategory from geonode.documents.models import Document # This is used to populate the database with the search fixture data. This is # primarily used as a first step to generate the json data for the fixture using # django's dumpdata logger = logging.getLogger(__name__) imgfile = BytesIO( b'GIF87a\x01\x00\x01\x00\x80\x01\x00\x00\x00\x00ccc,\x00' b'\x00\x00\x00\x01\x00\x01\x00\x00\x02\x02D\x01\x00;' ) f = SimpleUploadedFile('test_img_file.gif', imgfile.read(), 'image/gif') def all_public(): '''ensure all layers, maps and documents are publicly available''' for lyr in Layer.objects.all(): lyr.set_default_permissions() lyr.clear_dirty_state() for mp in Map.objects.all(): mp.set_default_permissions() mp.clear_dirty_state() for doc in Document.objects.all(): doc.set_default_permissions() doc.clear_dirty_state() ResourceBase.objects.all().update(dirty_state=False) def create_fixtures(): biota = TopicCategory.objects.get(identifier='biota') location = TopicCategory.objects.get(identifier='location') elevation = TopicCategory.objects.get(identifier='elevation') farming = TopicCategory.objects.get(identifier='farming') world_extent = [-180, 180, -90, 90] map_data = [ ('GeoNode Default Map', 'GeoNode default map abstract', ('populartag',), world_extent, biota), ('ipsum lorem', 'common ipsum lorem', ('populartag', 'maptagunique'), world_extent, biota), ('lorem1 ipsum1', 'common abstract1', ('populartag',), world_extent, biota), ('ipsum foo', 'common bar lorem', ('populartag',), world_extent, location), ('map one', 'common this is a unique thing', ('populartag',), [0, 1, 0, 1], location), ('quux', 'common double thing', ('populartag',), [0, 5, 0, 5], location), ('morx', 'common thing double', ('populartag',), [0, 10, 0, 10], elevation), ('titledupe something else ', 'whatever common', ('populartag',), [0, 10, 0, 10], elevation), ('something titledupe else ', 'bar common', ('populartag',), [0, 50, 0, 50], elevation), ('map metadata true', 'map metadata true', ('populartag',), [0, 22, 0, 22], farming), ] user_data = [ ('bobby', 'bob', 'bobby', ''), ('norman', 'norman', 'norman', ''), ('user1', 'pass', 'uniquefirst', 'foo'), ('user2', 'pass', 'foo', 'uniquelast'), ('unique_username', 'pass', 'foo', 'uniquelast'), ('jblaze', 'pass', 'johnny', 'blaze'), ('foo', 'pass', 'bar', 'baz'), ] people_data = [ ('this contains all my interesting profile information',), ('some other information goes here',), ] now = datetime.now(timezone.get_current_timezone()) step = timedelta(days=60) def get_test_date(): def it(): current = now - step while True: yield current current = current - step itinst = it() def callable(): return next(itinst) return callable next_date = get_test_date() layer_data = [ ('CA', 'abstract1', 'CA', 'geonode:CA', world_extent, next_date(), ('populartag', 'here'), elevation), ('layer2', 'abstract2', 'layer2', 'geonode:layer2', world_extent, next_date(), ('populartag',), elevation), ('uniquetitle', 'something here', 'mylayer', 'geonode:mylayer', world_extent, next_date(), ('populartag',), elevation), ('common blar', 'lorem ipsum', 'foo', 'geonode:foo', world_extent, next_date(), ('populartag', 'layertagunique'), location), ('common double it', 'whatever', 'whatever', 'geonode:whatever', [0, 1, 0, 1], next_date(), ('populartag',), location), ('common double time', 'else', 'fooey', 'geonode:fooey', [0, 5, 0, 5], next_date(), ('populartag',), location), ('common bar', 'uniqueabstract', 'quux', 'geonode:quux', [0, 10, 0, 10], next_date(), ('populartag',), biota), ('common morx', 'lorem ipsum', 'fleem', 'geonode:fleem', [0, 50, 0, 50], next_date(), ('populartag',), biota), ('layer metadata true', 'lorem ipsum', 'fleem', 'geonode:metadatatrue', [0, 22, 0, 22], next_date(), ('populartag',), farming) ] document_data = [ ('lorem ipsum', 'common lorem ipsum', ('populartag',), world_extent, biota), ('ipsum lorem', 'common ipsum lorem', ('populartag', 'doctagunique'), world_extent, biota), ('lorem1 ipsum1', 'common abstract1', ('populartag',), world_extent, biota), ('ipsum foo', 'common bar lorem', ('populartag',), world_extent, location), ('doc one', 'common this is a unique thing', ('populartag',), [0, 1, 0, 1], location), ('quux', 'common double thing', ('populartag',), [0, 5, 0, 5], location), ('morx', 'common thing double', ('populartag',), [0, 10, 0, 10], elevation), ('titledupe something else ', 'whatever common', ('populartag',), [0, 10, 0, 10], elevation), ('something titledupe else ', 'bar common', ('populartag',), [0, 50, 0, 50], elevation), ('doc metadata true', 'doc metadata true', ('populartag',), [0, 22, 0, 22], farming) ] return map_data, user_data, people_data, layer_data, document_data def create_models(type=None, integration=False): users = [] obj_ids = [] with transaction.atomic(): map_data, user_data, people_data, layer_data, document_data = create_fixtures() anonymous_group, created = Group.objects.get_or_create(name='anonymous') cont_group, created = Group.objects.get_or_create(name='contributors') perm = Permission.objects.get(codename='add_resourcebase') cont_group.permissions.add(perm) logger.debug("[SetUp] Get or create user admin") u, created = get_user_model().objects.get_or_create(username='admin') u.set_password('admin') u.is_superuser = True u.first_name = 'admin' u.save() u.groups.add(anonymous_group) users.append(u) for ud, pd in zip(user_data, cycle(people_data)): user_name, password, first_name, last_name = ud logger.debug(f"[SetUp] Get or create user {user_name}") u, created = get_user_model().objects.get_or_create(username=user_name) u.set_password(password) u.first_name = first_name u.last_name = last_name u.save() u.groups.add(anonymous_group) if not (u.is_superuser or u.is_staff or u.is_anonymous): u.groups.add(cont_group) users.append(u) logger.debug(f"[SetUp] Add group {anonymous_group}") get_user_model().objects.get(username='AnonymousUser').groups.add(anonymous_group) from geonode.utils import DisableDjangoSignals with DisableDjangoSignals(skip=integration): if not type or ensure_string(type) == 'map': for md, user in zip(map_data, cycle(users)): title, abstract, kws, (bbox_x0, bbox_x1, bbox_y0, bbox_y1), category = md logger.debug(f"[SetUp] Add map {title}") m = Map( title=title, abstract=abstract, zoom=4, projection='EPSG:4326', center_x=42, center_y=-73, owner=user, bbox_polygon=Polygon.from_bbox((bbox_x0, bbox_y0, bbox_x1, bbox_y1)), ll_bbox_polygon=Polygon.from_bbox((bbox_x0, bbox_y0, bbox_x1, bbox_y1)), srid='EPSG:4326', category=category, metadata_only=title == 'map metadata true' ) m.save() m.set_default_permissions() m.clear_dirty_state() obj_ids.append(m.id) for kw in kws: m.keywords.add(kw) m.save() if not type or ensure_string(type) == 'document': for dd, user in zip(document_data, cycle(users)): title, abstract, kws, (bbox_x0, bbox_x1, bbox_y0, bbox_y1), category = dd logger.debug(f"[SetUp] Add document {title}") m = Document( title=title, abstract=abstract, owner=user, bbox_polygon=Polygon.from_bbox((bbox_x0, bbox_y0, bbox_x1, bbox_y1)), ll_bbox_polygon=Polygon.from_bbox((bbox_x0, bbox_y0, bbox_x1, bbox_y1)), srid='EPSG:4326', category=category, doc_file=f, metadata_only=title == 'doc metadata true' ) m.save() m.set_default_permissions() m.clear_dirty_state() obj_ids.append(m.id) for kw in kws: m.keywords.add(kw) m.save() if not type or ensure_string(type) == 'layer': for ld, owner, storeType in zip(layer_data, cycle(users), cycle(('coverageStore', 'dataStore'))): title, abstract, name, alternate, (bbox_x0, bbox_x1, bbox_y0, bbox_y1), start, kws, category = ld end = start + timedelta(days=365) logger.debug(f"[SetUp] Add layer {title}") layer = Layer( title=title, abstract=abstract, name=name, alternate=alternate, bbox_polygon=Polygon.from_bbox((bbox_x0, bbox_y0, bbox_x1, bbox_y1)), ll_bbox_polygon=Polygon.from_bbox((bbox_x0, bbox_y0, bbox_x1, bbox_y1)), srid='EPSG:4326', uuid=str(uuid4()), owner=owner, temporal_extent_start=start, temporal_extent_end=end, date=start, storeType=storeType, category=category, metadata_only=title == 'layer metadata true' ) layer.save() layer.set_default_permissions() layer.clear_dirty_state() obj_ids.append(layer.id) for kw in kws: layer.keywords.add(kw) layer.save() return obj_ids def remove_models(obj_ids, type=None, integration=False): from geonode.utils import DisableDjangoSignals with DisableDjangoSignals(skip=integration): if not type: remove_models(None, type=b'map') remove_models(None, type=b'layer') remove_models(None, type=b'document') if type == 'map': try: m_ids = obj_ids or [mp.id for mp in Map.objects.all()] for id in m_ids: m = Map.objects.get(pk=id) m.delete() except Exception: pass elif type == 'layer': try: l_ids = obj_ids or [lyr.id for lyr in Layer.objects.all()] for id in l_ids: layer = Layer.objects.get(pk=id) layer.delete() except Exception: pass elif type == 'document': try: d_ids = obj_ids or [doc.id for doc in Document.objects.all()] for id in d_ids: d = Document.objects.get(pk=id) d.delete() except Exception: pass def dump_models(path=None): result = serialize("json", sum([list(x) for x in [get_user_model().objects.all(), Layer.objects.all(), Map.objects.all(), Document.objects.all(), Tag.objects.all(), TaggedItem.objects.all(), ]], []), indent=2, use_natural_keys=True) if path is None: parent, _ = os.path.split(__file__) path = os.path.join(parent, 'fixtures', 'search_testdata.json') with open(path, 'w') as f: f.write(result) def create_single_layer(name): admin, created = get_user_model().objects.get_or_create(username='admin') if created: admin.is_superuser = True admin.first_name = 'admin' admin.set_password('admin') admin.save() test_datetime = datetime.strptime('2020-01-01', '%Y-%m-%d') user = get_user_model().objects.get(username='AnonymousUser') ll = (name, 'lorem ipsum', name, f'geonode:{name}', [ 0, 22, 0, 22], test_datetime, ('populartag',), "farming") title, abstract, name, alternate, (bbox_x0, bbox_x1, bbox_y0, bbox_y1), start, kws, category = ll layer = Layer( title=title, abstract=abstract, name=name, alternate=alternate, bbox_polygon=Polygon.from_bbox((bbox_x0, bbox_y0, bbox_x1, bbox_y1)), ll_bbox_polygon=Polygon.from_bbox((bbox_x0, bbox_y0, bbox_x1, bbox_y1)), srid='EPSG:4326', uuid=str(uuid4()), owner=user, temporal_extent_start=test_datetime, temporal_extent_end=test_datetime, date=start, storeType="dataStore", resource_type="layer", typename=f"geonode:{title}" ) layer.save() layer.set_default_permissions() layer.clear_dirty_state() return layer def create_single_map(name): admin, created = get_user_model().objects.get_or_create(username='admin') if created: admin.is_superuser = True admin.first_name = 'admin' admin.set_password('admin') admin.save() test_datetime = datetime.strptime('2020-01-01', '%Y-%m-%d') user = get_user_model().objects.get(username='AnonymousUser') ll = (name, 'lorem ipsum', name, f'{name}', [ 0, 22, 0, 22], test_datetime, ('populartag',)) title, abstract, name, alternate, (bbox_x0, bbox_x1, bbox_y0, bbox_y1), start, kws = ll m = Map( title=title, abstract=abstract, zoom=4, projection='EPSG:4326', center_x=42, center_y=-73, owner=user, bbox_polygon=Polygon.from_bbox((bbox_x0, bbox_y0, bbox_x1, bbox_y1)), ll_bbox_polygon=Polygon.from_bbox((bbox_x0, bbox_y0, bbox_x1, bbox_y1)), srid='EPSG:4326', resource_type="map" ) m.save() m.set_default_permissions() m.clear_dirty_state() return m def create_single_doc(name): admin, created = get_user_model().objects.get_or_create(username='admin') if created: admin.is_superuser = True admin.first_name = 'admin' admin.set_password('admin') admin.save() test_datetime = datetime.strptime('2020-01-01', '%Y-%m-%d') user = get_user_model().objects.get(username='AnonymousUser') dd = (name, 'lorem ipsum', name, f'{name}', [ 0, 22, 0, 22], test_datetime, ('populartag',)) title, abstract, name, alternate, (bbox_x0, bbox_x1, bbox_y0, bbox_y1), start, kws = dd logger.debug(f"[SetUp] Add document {title}") m = Document( title=title, abstract=abstract, owner=user, bbox_polygon=Polygon.from_bbox((bbox_x0, bbox_y0, bbox_x1, bbox_y1)), ll_bbox_polygon=Polygon.from_bbox((bbox_x0, bbox_y0, bbox_x1, bbox_y1)), srid='EPSG:4326', doc_file=f, resource_type="document" ) m.save() m.set_default_permissions() m.clear_dirty_state() return m if __name__ == '__main__': create_models() dump_models()
gpl-3.0
3,008,828,144,845,505,000
41.539759
134
0.552396
false
cloudify-cosmo/cloudify-agent
cloudify_agent/tests/api/pm/test_base.py
1
3080
import getpass import os import pytest from cloudify_agent.api.pm.base import Daemon from cloudify_agent.api import exceptions def get_daemon(ssl_cert, params=None): if not params: params = { 'rest_host': '127.0.0.1', 'broker_ip': '127.0.0.1', } params['queue'] = 'queue' params['name'] = 'queue' params['broker_user'] = 'guest' params['broker_pass'] = 'guest' params['local_rest_cert_file'] = ssl_cert.local_cert_path() return Daemon(**params) def test_default_workdir(agent_ssl_cert): assert os.getcwd() == get_daemon(agent_ssl_cert).workdir def test_default_rest_port(agent_ssl_cert): assert 53333 == get_daemon(agent_ssl_cert).rest_port def test_default_min_workers(agent_ssl_cert): assert 0 == get_daemon(agent_ssl_cert).min_workers def test_default_max_workers(agent_ssl_cert): assert 5 == get_daemon(agent_ssl_cert).max_workers def test_default_user(agent_ssl_cert): assert getpass.getuser() == get_daemon(agent_ssl_cert).user def test_missing_rest_host(agent_ssl_cert): with pytest.raises(exceptions.DaemonMissingMandatoryPropertyError, match='.*rest_host is mandatory.*'): get_daemon(agent_ssl_cert, params={ 'host': 'queue', 'user': 'user', }) def test_bad_min_workers(agent_ssl_cert): with pytest.raises(exceptions.DaemonPropertiesError, match='.*min_workers is supposed to be a number.*'): get_daemon(agent_ssl_cert, params={ 'host': 'queue', 'rest_host': '127.0.0.1', 'broker_ip': '127.0.0.1', 'user': 'user', 'min_workers': 'bad', }) def test_bad_max_workers(agent_ssl_cert): with pytest.raises(exceptions.DaemonPropertiesError, match='.*max_workers is supposed to be a number.*'): get_daemon(agent_ssl_cert, params={ 'host': 'queue', 'rest_host': '127.0.0.1', 'broker_ip': '127.0.0.1', 'user': 'user', 'max_workers': 'bad', }) def test_min_workers_larger_than_max_workers(agent_ssl_cert): with pytest.raises( exceptions.DaemonPropertiesError, match='.*min_workers cannot be greater than max_workers.*', ): get_daemon(agent_ssl_cert, params={ 'host': 'queue', 'rest_host': '127.0.0.1', 'broker_ip': '127.0.0.1', 'user': 'user', 'max_workers': 4, 'min_workers': 5, }) def test_start_command(agent_ssl_cert): pytest.raises(NotImplementedError, get_daemon(agent_ssl_cert).start_command) def test_stop_command(agent_ssl_cert): pytest.raises(NotImplementedError, get_daemon(agent_ssl_cert).stop_command) def test_configure(agent_ssl_cert): pytest.raises(NotImplementedError, get_daemon(agent_ssl_cert).configure) def test_delete(agent_ssl_cert): pytest.raises(NotImplementedError, get_daemon(agent_ssl_cert).delete)
apache-2.0
-5,121,646,443,267,197,000
27.785047
76
0.598701
false
clearpathrobotics/ros_buildfarm
ros_buildfarm/doc_job.py
1
14483
from __future__ import print_function import sys from catkin_pkg.package import parse_package_string from rosdistro import get_distribution_cache from rosdistro import get_index from ros_buildfarm.common import get_doc_job_name from ros_buildfarm.common import get_doc_view_name from ros_buildfarm.common import git_github_orgunit from ros_buildfarm.common import get_github_project_url from ros_buildfarm.common \ import get_repositories_and_script_generating_key_files from ros_buildfarm.common import JobValidationError from ros_buildfarm.common import write_groovy_script_and_configs from ros_buildfarm.config import get_distribution_file from ros_buildfarm.config import get_doc_build_files from ros_buildfarm.config import get_global_doc_build_files from ros_buildfarm.config import get_index as get_config_index from ros_buildfarm.git import get_repository from ros_buildfarm.templates import expand_template def configure_doc_jobs( config_url, rosdistro_name, doc_build_name, groovy_script=None): """ Configure all Jenkins doc jobs. L{configure_doc_job} will be invoked for doc repository and target which matches the build file criteria. """ config = get_config_index(config_url) build_files = get_doc_build_files(config, rosdistro_name) build_file = build_files[doc_build_name] index = get_index(config.rosdistro_index_url) dist_cache = None if build_file.notify_maintainers: dist_cache = get_distribution_cache(index, rosdistro_name) # get targets targets = [] for os_name in build_file.targets.keys(): for os_code_name in build_file.targets[os_name].keys(): for arch in build_file.targets[os_name][os_code_name]: targets.append((os_name, os_code_name, arch)) print('The build file contains the following targets:') for os_name, os_code_name, arch in targets: print(' -', os_name, os_code_name, arch) dist_file = get_distribution_file(index, rosdistro_name, build_file) if not dist_file: print('No distribution file matches the build file') return doc_view_name = get_doc_view_name(rosdistro_name, doc_build_name) from ros_buildfarm.jenkins import connect jenkins = connect(config.jenkins_url) views = [] views.append(configure_doc_view(jenkins, doc_view_name)) if groovy_script is not None: # all further configuration will be handled by the groovy script jenkins = False repo_names = dist_file.repositories.keys() filtered_repo_names = build_file.filter_repositories(repo_names) job_names = [] job_configs = {} for repo_name in sorted(repo_names): is_disabled = repo_name not in filtered_repo_names if is_disabled and build_file.skip_ignored_repositories: print("Skipping ignored repository '%s'" % repo_name, file=sys.stderr) continue repo = dist_file.repositories[repo_name] if not repo.doc_repository: print("Skipping repository '%s': no doc section" % repo_name) continue if not repo.doc_repository.version: print("Skipping repository '%s': no doc version" % repo_name) continue for os_name, os_code_name, arch in targets: try: job_name, job_config = configure_doc_job( config_url, rosdistro_name, doc_build_name, repo_name, os_name, os_code_name, arch, config=config, build_file=build_file, index=index, dist_file=dist_file, dist_cache=dist_cache, jenkins=jenkins, views=views, is_disabled=is_disabled, groovy_script=groovy_script) job_names.append(job_name) if groovy_script is not None: print("Configuration for job '%s'" % job_name) job_configs[job_name] = job_config except JobValidationError as e: print(e.message, file=sys.stderr) job_prefix = '%s__' % doc_view_name if groovy_script is None: # delete obsolete jobs in this view from ros_buildfarm.jenkins import remove_jobs print('Removing obsolete doc jobs') remove_jobs(jenkins, job_prefix, job_names) else: print("Writing groovy script '%s' to reconfigure %d jobs" % (groovy_script, len(job_configs))) data = { 'expected_num_jobs': len(job_configs), 'job_prefixes_and_names': { 'doc': (job_prefix, job_names), } } content = expand_template('snippet/reconfigure_jobs.groovy.em', data) write_groovy_script_and_configs( groovy_script, content, job_configs) def configure_doc_job( config_url, rosdistro_name, doc_build_name, repo_name, os_name, os_code_name, arch, config=None, build_file=None, index=None, dist_file=None, dist_cache=None, jenkins=None, views=None, is_disabled=False, groovy_script=None, doc_repository=None): """ Configure a single Jenkins doc job. This includes the following steps: - clone the doc repository to use - clone the ros_buildfarm repository - write the distribution repository keys into files - invoke the run_doc_job.py script """ if config is None: config = get_config_index(config_url) if build_file is None: build_files = get_doc_build_files(config, rosdistro_name) build_file = build_files[doc_build_name] if index is None: index = get_index(config.rosdistro_index_url) if dist_file is None: dist_file = get_distribution_file(index, rosdistro_name, build_file) if not dist_file: raise JobValidationError( 'No distribution file matches the build file') repo_names = dist_file.repositories.keys() if repo_name is not None: if repo_name not in repo_names: raise JobValidationError( "Invalid repository name '%s' " % repo_name + 'choose one of the following: %s' % ', '.join(sorted(repo_names))) repo = dist_file.repositories[repo_name] if not repo.doc_repository: raise JobValidationError( "Repository '%s' has no doc section" % repo_name) if not repo.doc_repository.version: raise JobValidationError( "Repository '%s' has no doc version" % repo_name) doc_repository = repo.doc_repository if os_name not in build_file.targets.keys(): raise JobValidationError( "Invalid OS name '%s' " % os_name + 'choose one of the following: ' + ', '.join(sorted(build_file.targets.keys()))) if os_code_name not in build_file.targets[os_name].keys(): raise JobValidationError( "Invalid OS code name '%s' " % os_code_name + 'choose one of the following: ' + ', '.join(sorted(build_file.targets[os_name].keys()))) if arch not in build_file.targets[os_name][os_code_name]: raise JobValidationError( "Invalid architecture '%s' " % arch + 'choose one of the following: %s' % ', '.join(sorted( build_file.targets[os_name][os_code_name]))) if dist_cache is None and build_file.notify_maintainers: dist_cache = get_distribution_cache(index, rosdistro_name) if jenkins is None: from ros_buildfarm.jenkins import connect jenkins = connect(config.jenkins_url) if views is None: view_name = get_doc_view_name( rosdistro_name, doc_build_name) configure_doc_view(jenkins, view_name) job_name = get_doc_job_name( rosdistro_name, doc_build_name, repo_name, os_name, os_code_name, arch) job_config = _get_doc_job_config( config, config_url, rosdistro_name, doc_build_name, build_file, os_name, os_code_name, arch, doc_repository, repo_name, dist_cache=dist_cache, is_disabled=is_disabled) # jenkinsapi.jenkins.Jenkins evaluates to false if job count is zero if isinstance(jenkins, object) and jenkins is not False: from ros_buildfarm.jenkins import configure_job configure_job(jenkins, job_name, job_config) return job_name, job_config def configure_doc_view(jenkins, view_name): from ros_buildfarm.jenkins import configure_view return configure_view( jenkins, view_name, include_regex='%s__.+' % view_name, template_name='dashboard_view_all_jobs.xml.em') def _get_doc_job_config( config, config_url, rosdistro_name, doc_build_name, build_file, os_name, os_code_name, arch, doc_repo_spec, repo_name, dist_cache=None, is_disabled=False): template_name = 'doc/doc_job.xml.em' repository_args, script_generating_key_files = \ get_repositories_and_script_generating_key_files(build_file=build_file) maintainer_emails = set([]) if build_file.notify_maintainers and dist_cache and repo_name: # add maintainers listed in latest release to recipients repo = dist_cache.distribution_file.repositories[repo_name] if repo.release_repository: for pkg_name in repo.release_repository.package_names: if pkg_name not in dist_cache.release_package_xmls: continue pkg_xml = dist_cache.release_package_xmls[pkg_name] pkg = parse_package_string(pkg_xml) for m in pkg.maintainers: maintainer_emails.add(m.email) job_data = { 'github_url': get_github_project_url(doc_repo_spec.url), 'job_priority': build_file.jenkins_job_priority, 'node_label': build_file.jenkins_job_label, 'doc_repo_spec': doc_repo_spec, 'disabled': is_disabled, 'github_orgunit': git_github_orgunit(doc_repo_spec.url), 'ros_buildfarm_repository': get_repository(), 'script_generating_key_files': script_generating_key_files, 'config_url': config_url, 'rosdistro_index_url': config.rosdistro_index_url, 'rosdistro_name': rosdistro_name, 'doc_build_name': doc_build_name, 'os_name': os_name, 'os_code_name': os_code_name, 'arch': arch, 'repository_args': repository_args, 'notify_emails': build_file.notify_emails, 'maintainer_emails': maintainer_emails, 'notify_maintainers': build_file.notify_maintainers, 'notify_committers': build_file.notify_committers, 'timeout_minutes': build_file.jenkins_job_timeout, 'credential_id': build_file.upload_credential_id, } job_config = expand_template(template_name, job_data) return job_config def configure_doc_metadata_job( config_url, rosdistro_name, doc_build_name, config=None, build_file=None): if config is None: config = get_config_index(config_url) if build_file is None: build_files = get_doc_build_files(config, rosdistro_name) build_file = build_files[doc_build_name] from ros_buildfarm.jenkins import connect jenkins = connect(config.jenkins_url) job_name = get_doc_view_name(rosdistro_name, doc_build_name) job_config = _get_doc_metadata_job_config( config, config_url, rosdistro_name, doc_build_name, build_file) # jenkinsapi.jenkins.Jenkins evaluates to false if job count is zero if isinstance(jenkins, object) and jenkins is not False: from ros_buildfarm.jenkins import configure_job configure_job(jenkins, job_name, job_config) def _get_doc_metadata_job_config( config, config_url, rosdistro_name, doc_build_name, build_file): template_name = 'doc/doc_metadata_job.xml.em' repository_args, script_generating_key_files = \ get_repositories_and_script_generating_key_files(config=config) job_data = { 'job_priority': build_file.jenkins_job_priority, 'node_label': build_file.jenkins_job_label, 'ros_buildfarm_repository': get_repository(), 'script_generating_key_files': script_generating_key_files, 'config_url': config_url, 'rosdistro_name': rosdistro_name, 'doc_build_name': doc_build_name, 'repository_args': repository_args, 'notify_emails': build_file.notify_emails, 'timeout_minutes': build_file.jenkins_job_timeout, 'credential_id': build_file.upload_credential_id, } job_config = expand_template(template_name, job_data) return job_config def configure_doc_independent_job( config_url, doc_build_name, config=None, build_file=None): if config is None: config = get_config_index(config_url) if build_file is None: build_files = get_global_doc_build_files(config) build_file = build_files[doc_build_name] from ros_buildfarm.jenkins import connect jenkins = connect(config.jenkins_url) job_name = 'doc_%s' % doc_build_name job_config = _get_doc_independent_job_config( config, config_url, job_name, build_file) # jenkinsapi.jenkins.Jenkins evaluates to false if job count is zero if isinstance(jenkins, object) and jenkins is not False: from ros_buildfarm.jenkins import configure_job configure_job(jenkins, job_name, job_config) def _get_doc_independent_job_config( config, config_url, doc_build_name, build_file): template_name = 'doc/doc_independent_job.xml.em' repository_args, script_generating_key_files = \ get_repositories_and_script_generating_key_files(config=config) job_data = { 'job_priority': build_file.jenkins_job_priority, 'node_label': build_file.jenkins_job_label, 'ros_buildfarm_repository': get_repository(), 'doc_repositories': build_file.doc_repositories, 'script_generating_key_files': script_generating_key_files, 'config_url': config_url, 'doc_build_name': doc_build_name, 'repository_args': repository_args, 'notify_emails': build_file.notify_emails, 'timeout_minutes': build_file.jenkins_job_timeout, 'credential_id': build_file.upload_credential_id, } job_config = expand_template(template_name, job_data) return job_config
apache-2.0
-7,930,751,344,753,086,000
36.423773
79
0.643513
false
mknorps/pp_TCF
apriori_SGS_fede_timestat.py
1
5259
# ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ # # File name: apriori_SGS_fede_timestat.py # Created by: gemusia # Creation date: 11-07-2017 # Last modified: 12-08-2017 08:48:12 # Purpose:computation of apriori statistics of particles, # statistic derived from scratch # - test of possible substitution of (V-U)du^*/dx term # # ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ import numpy as np import matplotlib.pyplot as plt import particlestat as ps import pfiles as pf import homfigs as hfig from os.path import expanduser from itertools import ifilterfalse # declaration of picture attributes LineStyle = {'fterm':'solid','pterm':'dashed', "Ux":'solid',"Ufx":'dashed',"Vx":'dotted', "UxUfx":'solid',"UyUfy":'dashed',"UzUfz":'dotted', "fluid":'solid',"St1":'dashed',"St5":'dotted',"St25":'dashdot'} coordinates = {0:'x',1:'y',2:'z'} terms = {0:"termx",1:"termy",2:"termz"} ptype = {"St1","St5","St25","fluid"} #data loading and #initialising Particle class instance #the data is written to file in Fortran program with following code ''' do j=1,npar write(4,'(30e13.5)')(pos(j,i),i=1,3),(vpar(j,i),i=1,3), $ (upar(j,i),i=1,3), (uparf(j,i),i=1,3), $ (dupar(j,i,1),i=1,3), (dupar(j,i,2),i=1,3), (dupar(j,i,3),i=1,3), $ (duparf(j,i,1),i=1,3), (duparf(j,i,2),i=1,3), (duparf(j,i,3),i=1,3) enddo ''' #the code has different direction naming and we have to permute directions # fortran code | current convention (widely used in presenting channel flow data) #--------------------------------------------------------------------------- # x - wall-normal | x - streamwise # y - spanwise | y - wall-normal # z - streamwise | z - spanwise # #we permute (x,y,z)->(z,x,y) file_path = expanduser("~") + "/wyniki/apriori/fede_terms_pDNS/" pict_path = file_path pfields= pf.ParticleFields(2501,2508,fCoreName=file_path+"SGS_terms_",x=2,y=0,z=1,Vx=5,Vy=3,Vz=4, Ux=8,Uy=6,Uz=7,Ufx=11,Ufy=9,Ufz=10, dUxdx=20,dUxdy=14,dUxdz=17, dUydx=18,dUydy=12,dUydz=15, dUzdx=19,dUzdy=13,dUzdz=16, dUfxdx=29,dUfxdy=23,dUfxdz=26, dUfydx=27,dUfydy=21,dUfydz=24, dUfzdx=28,dUfzdy=22,dUfzdz=25) #pfields= pf.ParticleFields(2501,2508,fCoreName=file_path+"SGS_terms_",x=2,y=0,z=1,Vx=5,Vy=3,Vz=4, # Ux=8,Uy=6,Uz=7,Ufx=11,Ufy=9,Ufz=10, # dUxdx=20,dUxdy=18,dUxdz=19, dUydx=14,dUydy=12,dUydz=13, dUzdx=17,dUzdy=15,dUzdz=16, # dUfxdx=29,dUfxdy=27,dUfxdz=28, dUfydx=23,dUfydy=21,dUfydz=22, dUfzdx=26,dUfzdy=24,dUfzdz=25) def pterm(V1,V2,V3,U1,U2,U3,dUdx,dUdy,dUdz,dUfdx,dUfdy,dUfdz): return (V1-U1)*(dUdx-dUfdx) + (V2-U2)*(dUdy-dUfdy) + (V3-U3)*(dUdz-dUfdz) ptermArglist = [['Vx','Vy','Vz','Ux','Uy','Uz','dUxdx','dUxdy','dUxdz','dUfxdx','dUfxdy','dUfxdz'], ['Vx','Vy','Vz','Ux','Uy','Uz','dUydx','dUydy','dUydz','dUfydx','dUfydy','dUfydz'], ['Vx','Vy','Vz','Ux','Uy','Uz','dUzdx','dUzdy','dUzdz','dUfzdx','dUfzdy','dUfzdz']] # separate plots for each stokes number for StNo in ptype: for stattype in ("pmean","pstd"): # STATISTICS pstat = pfields.equationP(StNo,(lambda x:x),stattype,"symm",["Ux"],["Ufx"],["Vx"]) sgsStat = pfields.equationP(StNo,(lambda x,y: x-y),stattype,"symm",["Ux","Ufx"],["Uy","Ufy"],["Uz","Ufz"]) # FIGURES # velocity statistics statfig = hfig.Homfig(title="Velocities streamwise", ylabel="U") plotFileName = pict_path +stattype +"_"+StNo+".eps" for arg in ifilterfalse(lambda x: x=="yplus", set(pstat.keys())): #custom , for this case statfig.add_plot(pstat["yplus"],pstat[arg],linestyle=LineStyle[arg],label=arg) statfig.hdraw() statfig.save(plotFileName) print "plot created: " + plotFileName plt.close(statfig.fig) # SGS statistics sgsfig = hfig.Homfig(title="SGS velocity", ylabel="$u^*$") plotFileNameSGS = pict_path + "Usgs_"+stattype +"_"+StNo+".eps" for arg in ifilterfalse(lambda x: x=="yplus", set(sgsStat.keys())): #custom , for this case sgsfig.add_plot(sgsStat["yplus"],sgsStat[arg],linestyle=LineStyle[arg],label=arg) sgsfig.hdraw() sgsfig.save(plotFileNameSGS) print "plot created: " + plotFileNameSGS plt.close(sgsfig.fig) #several stokes number on one plot for stattype in ("pmean","pstd"): ptermStat = {} for StNo in ptype: #(V-U)_j*du/dx_j ptermStat[StNo] = pfields.equationP(StNo,pterm,stattype,"symm",*ptermArglist) print "ptermStat: ", type(ptermStat['St1']), ptermStat['St1'].keys() # pterm statistics : (V-U)_j*du/dx_j for direction,ptermKey in zip(range(3),ifilterfalse(lambda x: x=="yplus", set(ptermStat['St1'].keys()))): ptermfig = hfig.Homfig(title="pterm ", ylabel="$(V-U)_j*du/dx_j$") plotFileNamePterm = pict_path + "pterm_"+stattype +coordinates[direction]+".eps" for StNo in ptype: ptermfig.add_plot(ptermStat[StNo]["yplus"],ptermStat[StNo][ptermKey],linestyle=LineStyle[StNo],label=StNo) ptermfig.hdraw() ptermfig.save(plotFileNamePterm) print "plot created: " + plotFileNamePterm plt.close(ptermfig.fig)
mit
-6,074,349,511,344,591,000
37.386861
118
0.602206
false
gtseres/opsdroid
opsdroid/database.py
1
2149
"""A base class for databases to inherit from.""" class Database(): """A base database. Database classes are used to persist key/value pairs in a database. """ def __init__(self, config): """Create the database. Set some basic properties from the database config such as the name of this database. It could also be a good place to setup properties to hold things like the database connection object and the database name. Args: config (dict): The config for this database specified in the `configuration.yaml` file. """ self.name = "" self.config = config self.client = None self.database = None async def connect(self, opsdroid): """Connect to chat service and store the connection object. This method should connect to the given database using a native python library for that database. The library will most likely involve a connection object which will be used by the put and get methods. This object should be stored in self. Args: opsdroid (OpsDroid): An instance of the opsdroid core. """ raise NotImplementedError async def put(self, key, data): """Store the data object in a database against the key. The data object will need to be serialised in a sensible way which suits the database being used and allows for reconstruction of the object. Args: key (string): The key to store the data object under. data (object): The data object to store. Returns: bool: True for data successfully stored, False otherwise. """ raise NotImplementedError async def get(self, key): """Return a data object for a given key. Args: key (string): The key to lookup in the database. Returns: object or None: The data object stored for that key, or None if no object found for that key. """ raise NotImplementedError
gpl-3.0
9,014,402,400,765,561,000
29.267606
78
0.609586
false
mnishida/PyOptMat
setup.py
1
1362
from os import path from setuptools import setup import pyoptmat here = path.abspath(path.dirname(__file__)) # Get the long description from the RpythonEADME file with open(path.join(here, 'README.md'), encoding='utf-8') as f: long_description = f.read() setup(name='pyoptmat', version=pyoptmat.__version__, description='Definitions of dielectric constants of optical materials.', long_description=long_description, classifiers=[ "Development Status :: 3 - Alpha", "Intended Audience :: Developers", "Intended Audience :: Science/Research", "Programming Language :: Python", "Programming Language :: Python :: 3", "Topic :: Scientific/Engineering", "Topic :: Scientific/Engineering :: Mathematics", "Topic :: Software Development :: Libraries :: Python Modules", ], keywords='dielectric constant, optical material', author=pyoptmat.__author__, author_email='[email protected]', url='https://github.com/mnishida/PyOptMat', license=pyoptmat.__license__, packages=['pyoptmat', 'tests'], include_package_data=True, zip_safe=False, install_requires=[ 'numpy', 'scipy', 'riip' ], entry_points=""" # -*- Entry points: -*- """ )
gpl-3.0
6,467,075,724,450,676,000
31.428571
78
0.60793
false
MerryMage/dynarmic
externals/vixl/vixl/tools/test_generator/parser.py
3
15443
# Copyright 2016, VIXL authors # All rights reserved. # # Redistribution and use in source and binary forms, with or without # modification, are permitted provided that the following conditions are met: # # * Redistributions of source code must retain the above copyright notice, # this list of conditions and the following disclaimer. # * Redistributions in binary form must reproduce the above copyright notice, # this list of conditions and the following disclaimer in the documentation # and/or other materials provided with the distribution. # * Neither the name of ARM Limited nor the names of its contributors may be # used to endorse or promote products derived from this software without # specific prior written permission. # # THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS CONTRIBUTORS "AS IS" AND # ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED # WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE # DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT OWNER OR CONTRIBUTORS BE LIABLE # FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL # DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR # SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER # CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, # OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE # OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. import json import re import os import hashlib import collections import itertools from test_generator import data_types from test_generator import generator class DataTypeBuilder(object): """ Factory object for building `data_types.Operand` and `data_types.Input` objects. This object stores information about all operand and input types described in JSON as dictionnaries indexed by their identifier. See `test/a32/config/data-types.json` as a reference. Attributes: operand_types Dictionnary of type names corresponding to the JSON "type" field. operand_variants Dictionnary of (variants, default) tuples. input_types Dictionnary of type names corresponding to the JSON "type" field. input_values Dictionnary of (values, default) tuples. """ def __init__(self, operand_types, operand_variants, input_types, input_values): self.operand_types = operand_types self.operand_variants = operand_variants self.input_types = input_types self.input_values = input_values def BuildOperand(self, name, identifier): """ Build a `data_types.Operand` object with the name `name`. `identifier` identifies which type we want to create, as declared in JSON. """ type_name = self.operand_types[identifier] variants, default = self.operand_variants[identifier] # We simply pass the `type_name` as a parameter which will be used verbatim # in the code. return data_types.Operand(name, type_name, variants, default) def BuildInput(self, name, identifier): """ Build a `data_types.Input` object with the name `name`. `identifier` identifies which type we want to create, as declared in JSON. """ type_name = self.input_types[identifier] values, default = self.input_values[identifier] # For `data_types.Input` types, the `type_name` refers to the actual name of # the Python class, inheriting from `Input`. This is done so that different # input types can generate different C++ code by overriding the `Load` and # `Store` methods. input_constructor = getattr(data_types, type_name) return input_constructor(name, values, default) def LoadJSON(filename): """ Read `filename`, strip its comments and load as JSON. """ with open(filename, "r") as f: match_cpp_comments = re.compile("//.*\n") # The order in which structures are described in JSON matters as we use them # as a seed. Computing a hash from a unordered dict always gives a different # value. We use the `object_pairs_hook` to make the json module create # `OrderedDict` objects instead of builtin `dict` objects. return json.loads(match_cpp_comments.sub("", f.read()), object_pairs_hook=collections.OrderedDict) def ParseDataTypes(json_data_types): """ Build a `DataTypeBuilder` object containing all information from the JSON description in `json_data_types`. ~~~ { "operands": [ { "identifier": "AllRegistersButPC" "type": "Register" "variants": [ "r0", "r1", "r2", "r3" ] "default": "r0" }, { ... } ], "inputs": [ { "identifier": "Register" "type": "Register" "values": [ "0x00000000", "0xffffffff", "0xabababab" ] "default": "0xabababab" }, { ... } ] } ~~~ """ operand_types = { json_operand_type["identifier"]: json_operand_type["type"] for json_operand_type in json_data_types["operands"] } operand_variants = { json_operand_type["identifier"]: (json_operand_type["variants"], json_operand_type["default"]) for json_operand_type in json_data_types["operands"] } input_types = { json_input_type["identifier"]: json_input_type["type"] for json_input_type in json_data_types["inputs"] } input_values = { json_input_type["identifier"]: (json_input_type["values"], json_input_type["default"]) for json_input_type in json_data_types["inputs"] } return DataTypeBuilder(operand_types, operand_variants, input_types, input_values) def ParseDescription(data_type_builder, json_description): """ Parse the instruction description into a (`generator.OperandList`, `generator.InputList`) tuple. Example for an instruction that takes a condidition code, two registers and an immediate as operand. It will also need inputs for the registers, as well as NZCV flags. ~~~ { "operands": [ { "name": "cond", "type": "Condition", }, { "name": "rd", "type": "RegisterScratch", }, { "name": "rn", "type": "RegisterScratch", }, // The last operand needs to be wrapped into a C++ `Operand` object. We // declare the operands that need to be wrapped as a list. { "name": "op", "wrapper": "Operand", "operands": [ { "name": "immediate", "type": "ModifiedImmediate", } ] } ], "inputs": [ { "name": "apsr", "type": "NZCV" }, { "name": "rd", "type": "Register" }, { "name": "rn", "type": "Register" } ] ] ~~~ """ operands = [] for json_operand in json_description["operands"]: if "name" in json_operand and "type" in json_operand: operands.append(data_type_builder.BuildOperand(json_operand["name"], json_operand["type"])) elif "name" in json_operand and \ "wrapper" in json_operand and \ "operands" in json_operand: wrapped_operands = [ data_type_builder.BuildOperand(json_wrapped_operand["name"], json_wrapped_operand["type"]) for json_wrapped_operand in json_operand["operands"] ] operands.append(data_types.OperandWrapper(json_operand["name"], json_operand["wrapper"], wrapped_operands)) else: raise Exception("Parser failed to recognize JSON \"description\".") operand_list = generator.OperandList(operands) json_description_inputs = json_description["inputs"] input_list = generator.InputList([ data_type_builder.BuildInput(json_input["name"], json_input["type"]) for json_input in json_description_inputs ]) return operand_list, input_list def ParseTestCase(json_test_case): """ Build a `generator.TestCase` object from its JSON description. ~~~ { "name": "RdIsNotRn", "operands": [ "rd", "rn" ], "inputs": [ "rd", "rn" ], "operand-filter": "rd != rn", // Python code to limit operand generation. "operand-limit": 10 // Choose a random sample of 10 operands. } ... { "name": "Flags", "operands": [ "cond" ], "inputs": [ "apsr", "q" ], "input-filter": "q == \"QFlag\"", // Python code to limit input generation "input-limit": 200 // Choose a random sample of 200 inputs. } ... { "name": "InITBlock", "operands": [ "cond", "rd", "rn", "rm" ], "in-it-block": "{cond}", // Generate an extra IT instruction. This string // will be used as the operand passed to IT. One // needs to specify under what name the condition // operand is represented, in braces. "operand-filter": "cond != 'al' and rd == rm" } ~~~ """ # TODO: The fields in "operands" and "inputs" respectively refer to operands # and inputs declared in the instruction description (see `ParseDescription`). # We should assert that the user hasn't miss typed them and raise an # exception. # If the fields are not present, give them default values (empty list, # "True", or "None"). operand_names = json_test_case["operands"] \ if "operands" in json_test_case else [] input_names = json_test_case["inputs"] if "inputs" in json_test_case else [] operand_filter = json_test_case["operand-filter"] \ if "operand-filter" in json_test_case else "True" input_filter = json_test_case["input-filter"] \ if "input-filter" in json_test_case else "True" operand_limit = json_test_case["operand-limit"] \ if "operand-limit" in json_test_case else None input_limit = json_test_case["input-limit"] \ if "input-limit" in json_test_case else None in_it_block = json_test_case["in-it-block"] \ if "in-it-block" in json_test_case else None # Create a seed from the test case description. It will only change if the # test case has changed. md5 = hashlib.md5(str(json_test_case).encode()) seed = md5.hexdigest() return generator.TestCase(json_test_case["name"], seed, operand_names, input_names, operand_filter, input_filter, operand_limit, input_limit, in_it_block) def ParseTestFile(test_name, test_isa, mnemonics, operand_list, input_list, json_test_file): """ Build a `generator.Generator` object from a test file description. We have one for each generated test files. ~~~ { "type": "simulator", // Type of the test. This will control the prefix we // use when naming the file to generate. "name": "special-case", // Optional name that will be included in the // generated filename. "mnemonics": [ // Optional list of instruction, overriding the top-level "Adc", // one. "Add", ... ], "test-cases": [ ... // Test case descriptions parsed with `ParseTestCase`. ] } ~~~ """ name = json_test_file["name"] if "name" in json_test_file else "" if name is not "": test_name = test_name + "-" + name # Override the top-level mnemonics list with a subset. if "mnemonics" in json_test_file: if set(json_test_file["mnemonics"]) == set(mnemonics): raise Exception( "Overriding mnemonic list is identical to the top-level list") if not(set(json_test_file["mnemonics"]) < set(mnemonics)): raise Exception( "Overriding mnemonic list should a subset of the top-level list") mnemonics = json_test_file["mnemonics"] test_cases = [ ParseTestCase(json_test_case) for json_test_case in json_test_file["test-cases"] ] return generator.Generator(test_name, test_isa, json_test_file["type"], mnemonics, operand_list, input_list, test_cases) def ParseConfig(test_name, test_isas, data_type_builder, json_config): """ Return a list of `generator.Generator` objects from a JSON description. This is the top-level description. ~~~ { "mnemonics": [ "Adc", "Add", ... ], "description": [ ... // Instruction description parsed with `ParseDescription`. ], "test-files": [ ... // Test files descriptions parsed with `ParseTestFile`. ] } ~~~ """ mnemonics = json_config["mnemonics"] operand_list, input_list = ParseDescription( data_type_builder, json_config["description"]) return itertools.chain(*[[ ParseTestFile(test_name, test_isa, mnemonics, operand_list, input_list, json_test_file) for json_test_file in json_config["test-files"] ] for test_isa in test_isas ]) def GetTestNameAndISAFromFileName(filename): """ Return a tuple (name, [isa, ...]) extracted from the file name. """ # Strip the ".json" extension stripped_basename = os.path.splitext(os.path.basename(filename))[0] # The ISA is the last element in the filename, seperated with "-". if stripped_basename.endswith(('-a32', '-t32')): isa = [stripped_basename[-3:]] test_name = stripped_basename[:-4] else: # If the ISA is ommitted, support both. isa = ["a32", "t32"] test_name = stripped_basename return (test_name, isa) def GetTestNameFromFileName(filename): """ Return the name given to this test from its file name, stripped of the optional "a32" or "t32" at the end. """ test_name, _ = GetTestNameAndISAFromFileName(filename) return test_name def GetISAsFromFileName(filename): """ Return a list of ISAs supported by the test, from the file name, either ["a32"], ["t32"] or both. """ _, isas = GetTestNameAndISAFromFileName(filename) return isas def Parse(data_type_file, config_files): """ Parse the `data_type_file` and `test_case_files` json description files into a list of (name, test_case) tuples. Test cases are `generator.TestCase` objects that can be used to generate C++. """ # Create a `DataTypeBuilder` object. This object will passed down and used to # instantiate `data_types.Operand` and `data_types.Input` objects. data_type_builder = ParseDataTypes(LoadJSON(data_type_file)) # Build a list of (name, JSON) tuples to represent the new tests. json_configs = [ # We create the name of the test by looking at the file name stripped of # its extension. (GetTestNameFromFileName(config_file), GetISAsFromFileName(config_file), LoadJSON(config_file)) for config_file in config_files ] # Return a list of Generator objects. The generator is the entry point to # generate a file. # Note that `ParseConfig` returns a list of generators already. We use `chain` # here to flatten a list of lists into just a list. return itertools.chain(*[ ParseConfig(test_name, test_isas, data_type_builder, json_config) for test_name, test_isas, json_config in json_configs ])
gpl-2.0
-5,407,621,119,888,498,000
32.571739
85
0.629735
false
n0x5/scripts
_nonworking_instagrab_all.py
1
3066
# instagrabALL.py - download all images from instagram user import re from selenium import webdriver import time import sys import itertools import os import urllib.request from urllib.request import FancyURLopener from selenium.webdriver import Chrome, ChromeOptions from selenium.webdriver.common.desired_capabilities import DesiredCapabilities users = (['user1', 'user2']) class GrabIt(urllib.request.FancyURLopener): version = ('Mozilla/5.0 (Windows NT 6.1; WOW64) AppleWebKit/537.36' ' (KHTML, like Gecko) Chrome/47.0.2526.111 Safari/537.36') def download_file(self, url, path): try: self.urlretrieve = GrabIt().retrieve self.urlretrieve(url, path) except Exception as e: print(str(e)) def grab_img(user): grab1 = GrabIt() options = ChromeOptions() options.add_argument('headless') options.add_argument('disable-gpu') driver = Chrome(chrome_options=options) url = 'https://www.instagram.com/'+user+'/' driver.get(url) driver.implicitly_wait(5) driver.execute_script("window.scrollTo(0, document.body.scrollHeight);") try: driver.find_element_by_xpath('//*[@id="react-root"]/section/nav/div[2]/div/div/div[3]/div/section/div/a').click(); driver.implicitly_wait(2) except: pass driver.find_element_by_xpath("//a[text()[contains(.,'Load more')]]").click(); driver.implicitly_wait(5) for _ in itertools.repeat(None, 100): driver.implicitly_wait(3) driver.execute_script("window.scrollTo(0, document.body.scrollHeight);") time.sleep(2) driver.implicitly_wait(5) elem = driver.find_elements_by_xpath('//*[@src]') for ii in elem: if 'https://scontent' in ii.get_attribute('src'): content2 = ii.get_attribute('src') content3 = re.sub(r's\w\w\wx\w\w\w\/', '', content2, flags=re.IGNORECASE) content7 = re.sub(r'\w{3}\.\w{2}\/', '', content3, flags=re.IGNORECASE) content6 = re.sub(r'\w{0,4}\.\d{0,4}\.\d{0,4}\.\d{0,5}\/', '', content7, flags=re.IGNORECASE) content4 = re.sub(r'https:\/\/\w{8}\S+\w{4}-\w(.*)\/', '', content2, flags=re.IGNORECASE) content5 = re.sub(r'\?ig_cache_key=\w+(\S+)', '', content4, flags=re.IGNORECASE) content10 = re.sub(r'\/vp\/\w+\/\w+', '', content6, flags=re.IGNORECASE) endpoint = os.path.join(os.path.dirname(__file__), user, content5) endpoint1 = os.path.join(os.path.dirname(__file__), user, user+'_'+content5) if not os.path.exists(user): os.makedirs(user) if os.path.isfile(endpoint) or os.path.isfile(endpoint1): print('file exists - skipping') else: try: grab1.download_file(content10, endpoint1) print(content5) except Exception as e: print(str(e)) driver.quit() for user in users: grab_img(user)
gpl-2.0
-2,309,897,375,846,428,700
38.307692
122
0.594586
false
kim135797531/opencog-python-blending
opencog_b/python/blending/connector/connector_finder.py
1
1096
from opencog_b.python.blending.connector.connect_conflict_random import \ ConnectConflictRandom from opencog_b.python.blending.connector.connect_conflict_viable import \ ConnectConflictAllViable from opencog_b.python.blending.connector.connect_simple import ConnectSimple from opencog_b.python.blending.util.blend_config import BlendConfig __author__ = 'DongMin Kim' class ConnectorFinder(object): def __init__(self, a): self.a = a self.connectors = { ConnectSimple.__name__: ConnectSimple, ConnectConflictRandom.__name__: ConnectConflictRandom, ConnectConflictAllViable.__name__: ConnectConflictAllViable } def __str__(self): return self.__class__.__name__ def get_connector(self, id_or_name=None): if id_or_name is None: id_or_name = BlendConfig().get_str(self.a, "link-connector") connector = self.connectors.get(str(id_or_name)) if connector is not None: return connector(self.a) else: raise UserWarning('Connector not found.')
agpl-3.0
7,915,618,802,387,955,000
32.212121
76
0.665146
false
w1ll1am23/home-assistant
homeassistant/components/climacell/config_flow.py
1
5415
"""Config flow for ClimaCell integration.""" from __future__ import annotations import logging from typing import Any from pyclimacell import ClimaCellV3 from pyclimacell.exceptions import ( CantConnectException, InvalidAPIKeyException, RateLimitedException, ) from pyclimacell.pyclimacell import ClimaCellV4 import voluptuous as vol from homeassistant import config_entries, core from homeassistant.const import ( CONF_API_KEY, CONF_API_VERSION, CONF_LATITUDE, CONF_LONGITUDE, CONF_NAME, ) from homeassistant.core import callback from homeassistant.helpers.aiohttp_client import async_get_clientsession import homeassistant.helpers.config_validation as cv from homeassistant.helpers.typing import HomeAssistantType from .const import ( CC_ATTR_TEMPERATURE, CC_V3_ATTR_TEMPERATURE, CONF_TIMESTEP, DEFAULT_NAME, DEFAULT_TIMESTEP, DOMAIN, ) _LOGGER = logging.getLogger(__name__) def _get_config_schema( hass: core.HomeAssistant, input_dict: dict[str, Any] = None ) -> vol.Schema: """ Return schema defaults for init step based on user input/config dict. Retain info already provided for future form views by setting them as defaults in schema. """ if input_dict is None: input_dict = {} return vol.Schema( { vol.Required( CONF_NAME, default=input_dict.get(CONF_NAME, DEFAULT_NAME) ): str, vol.Required(CONF_API_KEY, default=input_dict.get(CONF_API_KEY)): str, vol.Required(CONF_API_VERSION, default=4): vol.In([3, 4]), vol.Inclusive( CONF_LATITUDE, "location", default=input_dict.get(CONF_LATITUDE, hass.config.latitude), ): cv.latitude, vol.Inclusive( CONF_LONGITUDE, "location", default=input_dict.get(CONF_LONGITUDE, hass.config.longitude), ): cv.longitude, }, extra=vol.REMOVE_EXTRA, ) def _get_unique_id(hass: HomeAssistantType, input_dict: dict[str, Any]): """Return unique ID from config data.""" return ( f"{input_dict[CONF_API_KEY]}" f"_{input_dict.get(CONF_LATITUDE, hass.config.latitude)}" f"_{input_dict.get(CONF_LONGITUDE, hass.config.longitude)}" ) class ClimaCellOptionsConfigFlow(config_entries.OptionsFlow): """Handle ClimaCell options.""" def __init__(self, config_entry: config_entries.ConfigEntry) -> None: """Initialize ClimaCell options flow.""" self._config_entry = config_entry async def async_step_init( self, user_input: dict[str, Any] = None ) -> dict[str, Any]: """Manage the ClimaCell options.""" if user_input is not None: return self.async_create_entry(title="", data=user_input) options_schema = { vol.Required( CONF_TIMESTEP, default=self._config_entry.options.get(CONF_TIMESTEP, DEFAULT_TIMESTEP), ): vol.In([1, 5, 15, 30]), } return self.async_show_form( step_id="init", data_schema=vol.Schema(options_schema) ) class ClimaCellConfigFlow(config_entries.ConfigFlow, domain=DOMAIN): """Handle a config flow for ClimaCell Weather API.""" VERSION = 1 CONNECTION_CLASS = config_entries.CONN_CLASS_CLOUD_POLL @staticmethod @callback def async_get_options_flow( config_entry: config_entries.ConfigEntry, ) -> ClimaCellOptionsConfigFlow: """Get the options flow for this handler.""" return ClimaCellOptionsConfigFlow(config_entry) async def async_step_user( self, user_input: dict[str, Any] = None ) -> dict[str, Any]: """Handle the initial step.""" errors = {} if user_input is not None: await self.async_set_unique_id( unique_id=_get_unique_id(self.hass, user_input) ) self._abort_if_unique_id_configured() try: if user_input[CONF_API_VERSION] == 3: api_class = ClimaCellV3 field = CC_V3_ATTR_TEMPERATURE else: api_class = ClimaCellV4 field = CC_ATTR_TEMPERATURE await api_class( user_input[CONF_API_KEY], str(user_input.get(CONF_LATITUDE, self.hass.config.latitude)), str(user_input.get(CONF_LONGITUDE, self.hass.config.longitude)), session=async_get_clientsession(self.hass), ).realtime([field]) return self.async_create_entry( title=user_input[CONF_NAME], data=user_input ) except CantConnectException: errors["base"] = "cannot_connect" except InvalidAPIKeyException: errors[CONF_API_KEY] = "invalid_api_key" except RateLimitedException: errors[CONF_API_KEY] = "rate_limited" except Exception: # pylint: disable=broad-except _LOGGER.exception("Unexpected exception") errors["base"] = "unknown" return self.async_show_form( step_id="user", data_schema=_get_config_schema(self.hass, user_input), errors=errors, )
apache-2.0
4,533,324,280,178,194,400
31.620482
88
0.598523
false
gbowerman/azurerm
test/insights_test.py
1
6201
# azurerm unit tests - insights # To run tests: python -m unittest insights_test.py # Note: The insights test unit creates a VM scale set in order to add autoscale rules. # Therefore it is a fairly good way to exercise storage, network, compute AND insights functions. import azurerm from cryptography.hazmat.primitives import serialization from cryptography.hazmat.primitives.asymmetric import rsa from cryptography.hazmat.backends import default_backend import datetime from haikunator import Haikunator import json from random import choice from string import ascii_lowercase import sys import time import unittest class TestAzurermPy(unittest.TestCase): def setUp(self): # Load Azure app defaults try: with open('azurermconfig.json') as configFile: configData = json.load(configFile) except FileNotFoundError: print("Error: Expecting vmssConfig.json in current folder") sys.exit() tenant_id = configData['tenantId'] app_id = configData['appId'] app_secret = configData['appSecret'] self.subscription_id = configData['subscriptionId'] self.access_token = azurerm.get_access_token(tenant_id, app_id, app_secret) self.location = configData['location'] # generate names for resources self.h = Haikunator() self.rgname = self.h.haikunate() self.vnet = self.h.haikunate(delimiter='') self.vmssname = self.h.haikunate(delimiter='') self.setting_name = self.h.haikunate(delimiter='') # generate RSA Key for compute resources key = rsa.generate_private_key(backend=default_backend(), public_exponent=65537, \ key_size=2048) self.public_key = key.public_key().public_bytes(serialization.Encoding.OpenSSH, \ serialization.PublicFormat.OpenSSH).decode('utf-8') # create resource group print('Creating resource group: ' + self.rgname) response = azurerm.create_resource_group(self.access_token, self.subscription_id, \ self.rgname, self.location) self.assertEqual(response.status_code, 201) # create vnet print('Creating vnet: ' + self.vnet) response = azurerm.create_vnet(self.access_token, self.subscription_id, self.rgname, \ self.vnet, self.location, address_prefix='10.0.0.0/16', nsg_id=None) self.assertEqual(response.status_code, 201) self.subnet_id = response.json()['properties']['subnets'][0]['id'] # create public ip address for VMSS LB self.ipname2 = self.vnet + 'ip2' print('Creating VMSS LB public ip address: ' + self.ipname2) dns_label2 = self.vnet + '2' response = azurerm.create_public_ip(self.access_token, self.subscription_id, self.rgname, \ self.ipname2, dns_label2, self.location) self.assertEqual(response.status_code, 201) self.ip2_id = response.json()['id'] # create load balancer with nat pool for VMSS create lb_name = self.vnet + 'lb' print('Creating load balancer with nat pool: ' + lb_name) response = azurerm.create_lb_with_nat_pool(self.access_token, self.subscription_id, \ self.rgname, lb_name, self.ip2_id, '50000', '50100', '22', self.location) self.be_pool_id = response.json()['properties']['backendAddressPools'][0]['id'] self.lb_pool_id = response.json()['properties']['inboundNatPools'][0]['id'] # create VMSS capacity = 1 vm_size = 'Standard_D1' publisher = 'Canonical' offer = 'UbuntuServer' sku = '16.04-LTS' version = 'latest' username = 'rootuser' password = self.h.haikunate(delimiter=',') print('Creating VMSS: ' + self.vmssname + ', capacity = ' + str(capacity)) response = azurerm.create_vmss(self.access_token, self.subscription_id, self.rgname, \ self.vmssname, vm_size, capacity, publisher, offer, sku, version, \ self.subnet_id, self.be_pool_id, self.lb_pool_id, self.location, username=username, \ public_key=self.public_key) def tearDown(self): # delete resource group - that deletes everything in the test print('Deleting resource group: ' + self.rgname) response = azurerm.delete_resource_group(self.access_token, self.subscription_id, \ self.rgname) self.assertEqual(response.status_code, 202) def test_insights(self): # create autoscale rule print('Creating autoscale rules') metric_name = 'Percentage CPU' operator = 'GreaterThan' threshold = 60 direction = 'Increase' change_count = 1 rule1 = azurerm.create_autoscale_rule(self.subscription_id, self.rgname, self.vmssname, \ metric_name, operator, threshold, direction, change_count) operator = 'LessThan' direction = 'Decrease' rule2 = azurerm.create_autoscale_rule(self.subscription_id, self.rgname, self.vmssname, \ metric_name, operator, threshold, direction, change_count) rules = [rule1, rule2] # print(json.dumps(rules, sort_keys=False, indent=2, separators=(',', ': '))) # create autoscale setting print('Creating autoscale setting: ' + self.setting_name) min = 1 max = 10 default = 3 response = azurerm.create_autoscale_setting(self.access_token, self.subscription_id, \ self.rgname, self.setting_name, self.vmssname, self.location, min, max, default, \ rules) self.assertEqual(response.status_code, 201) self.assertEqual(response.json()['name'], self.setting_name) # get audit log events print('Getting audit log events') # start_timestamp = '2017-05-01T00:00:00.0000000Z' start_timestamp = str(datetime.datetime.now() - datetime.timedelta(days=1)) response = azurerm.get_events_for_subscription(self.access_token, self.subscription_id, \ start_timestamp) self.assertTrue(len(response['value']) > 0) if __name__ == '__main__': unittest.main()
mit
7,930,434,742,642,818,000
42.669014
99
0.643122
false
DySense/DySense
dysense/gui/controller_view_widget_designer.py
1
25436
# -*- coding: utf-8 -*- # Form implementation generated from reading ui file 'controller_view_widget_designer.ui' # # Created by: PyQt4 UI code generator 4.11.4 # # WARNING! All changes made in this file will be lost! from PyQt4 import QtCore, QtGui try: _fromUtf8 = QtCore.QString.fromUtf8 except AttributeError: def _fromUtf8(s): return s try: _encoding = QtGui.QApplication.UnicodeUTF8 def _translate(context, text, disambig): return QtGui.QApplication.translate(context, text, disambig, _encoding) except AttributeError: def _translate(context, text, disambig): return QtGui.QApplication.translate(context, text, disambig) class Ui_controller_view(object): def setupUi(self, controller_view): controller_view.setObjectName(_fromUtf8("controller_view")) controller_view.resize(630, 480) self.verticalLayout = QtGui.QVBoxLayout(controller_view) self.verticalLayout.setObjectName(_fromUtf8("verticalLayout")) self.controller_title = QtGui.QLabel(controller_view) font = QtGui.QFont() font.setPointSize(16) font.setBold(True) font.setUnderline(True) font.setWeight(75) self.controller_title.setFont(font) self.controller_title.setAlignment(QtCore.Qt.AlignCenter) self.controller_title.setObjectName(_fromUtf8("controller_title")) self.verticalLayout.addWidget(self.controller_title) self.horizontalLayout = QtGui.QHBoxLayout() self.horizontalLayout.setObjectName(_fromUtf8("horizontalLayout")) spacerItem = QtGui.QSpacerItem(40, 20, QtGui.QSizePolicy.Expanding, QtGui.QSizePolicy.Minimum) self.horizontalLayout.addItem(spacerItem) self.session_status_label_fixed = QtGui.QLabel(controller_view) font = QtGui.QFont() font.setPointSize(16) self.session_status_label_fixed.setFont(font) self.session_status_label_fixed.setAlignment(QtCore.Qt.AlignRight|QtCore.Qt.AlignTrailing|QtCore.Qt.AlignVCenter) self.session_status_label_fixed.setObjectName(_fromUtf8("session_status_label_fixed")) self.horizontalLayout.addWidget(self.session_status_label_fixed) self.session_status_label = QtGui.QLabel(controller_view) font = QtGui.QFont() font.setPointSize(16) self.session_status_label.setFont(font) self.session_status_label.setObjectName(_fromUtf8("session_status_label")) self.horizontalLayout.addWidget(self.session_status_label) spacerItem1 = QtGui.QSpacerItem(40, 20, QtGui.QSizePolicy.Expanding, QtGui.QSizePolicy.Minimum) self.horizontalLayout.addItem(spacerItem1) self.verticalLayout.addLayout(self.horizontalLayout) self.horizontalLayout_2 = QtGui.QHBoxLayout() self.horizontalLayout_2.setObjectName(_fromUtf8("horizontalLayout_2")) spacerItem2 = QtGui.QSpacerItem(5, 20, QtGui.QSizePolicy.Expanding, QtGui.QSizePolicy.Minimum) self.horizontalLayout_2.addItem(spacerItem2) self.setup_sensors_button = QtGui.QToolButton(controller_view) sizePolicy = QtGui.QSizePolicy(QtGui.QSizePolicy.Fixed, QtGui.QSizePolicy.Fixed) sizePolicy.setHorizontalStretch(0) sizePolicy.setVerticalStretch(0) sizePolicy.setHeightForWidth(self.setup_sensors_button.sizePolicy().hasHeightForWidth()) self.setup_sensors_button.setSizePolicy(sizePolicy) self.setup_sensors_button.setMinimumSize(QtCore.QSize(90, 90)) font = QtGui.QFont() font.setPointSize(10) self.setup_sensors_button.setFont(font) self.setup_sensors_button.setIconSize(QtCore.QSize(80, 80)) self.setup_sensors_button.setToolButtonStyle(QtCore.Qt.ToolButtonTextUnderIcon) self.setup_sensors_button.setAutoRaise(True) self.setup_sensors_button.setObjectName(_fromUtf8("setup_sensors_button")) self.horizontalLayout_2.addWidget(self.setup_sensors_button) spacerItem3 = QtGui.QSpacerItem(20, 20, QtGui.QSizePolicy.Maximum, QtGui.QSizePolicy.Minimum) self.horizontalLayout_2.addItem(spacerItem3) self.start_button = QtGui.QToolButton(controller_view) sizePolicy = QtGui.QSizePolicy(QtGui.QSizePolicy.Fixed, QtGui.QSizePolicy.Fixed) sizePolicy.setHorizontalStretch(0) sizePolicy.setVerticalStretch(0) sizePolicy.setHeightForWidth(self.start_button.sizePolicy().hasHeightForWidth()) self.start_button.setSizePolicy(sizePolicy) self.start_button.setMinimumSize(QtCore.QSize(90, 90)) font = QtGui.QFont() font.setPointSize(10) self.start_button.setFont(font) self.start_button.setIconSize(QtCore.QSize(80, 80)) self.start_button.setToolButtonStyle(QtCore.Qt.ToolButtonTextUnderIcon) self.start_button.setAutoRaise(True) self.start_button.setObjectName(_fromUtf8("start_button")) self.horizontalLayout_2.addWidget(self.start_button) spacerItem4 = QtGui.QSpacerItem(20, 20, QtGui.QSizePolicy.Maximum, QtGui.QSizePolicy.Minimum) self.horizontalLayout_2.addItem(spacerItem4) self.pause_button = QtGui.QToolButton(controller_view) sizePolicy = QtGui.QSizePolicy(QtGui.QSizePolicy.Fixed, QtGui.QSizePolicy.Fixed) sizePolicy.setHorizontalStretch(0) sizePolicy.setVerticalStretch(0) sizePolicy.setHeightForWidth(self.pause_button.sizePolicy().hasHeightForWidth()) self.pause_button.setSizePolicy(sizePolicy) self.pause_button.setMinimumSize(QtCore.QSize(90, 90)) font = QtGui.QFont() font.setPointSize(10) self.pause_button.setFont(font) self.pause_button.setIconSize(QtCore.QSize(80, 80)) self.pause_button.setToolButtonStyle(QtCore.Qt.ToolButtonTextUnderIcon) self.pause_button.setAutoRaise(True) self.pause_button.setObjectName(_fromUtf8("pause_button")) self.horizontalLayout_2.addWidget(self.pause_button) spacerItem5 = QtGui.QSpacerItem(20, 20, QtGui.QSizePolicy.Maximum, QtGui.QSizePolicy.Minimum) self.horizontalLayout_2.addItem(spacerItem5) self.notes_button = QtGui.QToolButton(controller_view) sizePolicy = QtGui.QSizePolicy(QtGui.QSizePolicy.Fixed, QtGui.QSizePolicy.Fixed) sizePolicy.setHorizontalStretch(0) sizePolicy.setVerticalStretch(0) sizePolicy.setHeightForWidth(self.notes_button.sizePolicy().hasHeightForWidth()) self.notes_button.setSizePolicy(sizePolicy) self.notes_button.setMinimumSize(QtCore.QSize(90, 90)) font = QtGui.QFont() font.setPointSize(10) self.notes_button.setFont(font) self.notes_button.setIconSize(QtCore.QSize(80, 80)) self.notes_button.setToolButtonStyle(QtCore.Qt.ToolButtonTextUnderIcon) self.notes_button.setAutoRaise(True) self.notes_button.setObjectName(_fromUtf8("notes_button")) self.horizontalLayout_2.addWidget(self.notes_button) spacerItem6 = QtGui.QSpacerItem(20, 20, QtGui.QSizePolicy.Maximum, QtGui.QSizePolicy.Minimum) self.horizontalLayout_2.addItem(spacerItem6) self.end_button = QtGui.QToolButton(controller_view) sizePolicy = QtGui.QSizePolicy(QtGui.QSizePolicy.Fixed, QtGui.QSizePolicy.Fixed) sizePolicy.setHorizontalStretch(0) sizePolicy.setVerticalStretch(0) sizePolicy.setHeightForWidth(self.end_button.sizePolicy().hasHeightForWidth()) self.end_button.setSizePolicy(sizePolicy) self.end_button.setMinimumSize(QtCore.QSize(90, 90)) font = QtGui.QFont() font.setPointSize(10) self.end_button.setFont(font) self.end_button.setIconSize(QtCore.QSize(80, 80)) self.end_button.setToolButtonStyle(QtCore.Qt.ToolButtonTextUnderIcon) self.end_button.setAutoRaise(True) self.end_button.setObjectName(_fromUtf8("end_button")) self.horizontalLayout_2.addWidget(self.end_button) spacerItem7 = QtGui.QSpacerItem(5, 20, QtGui.QSizePolicy.Expanding, QtGui.QSizePolicy.Minimum) self.horizontalLayout_2.addItem(spacerItem7) self.horizontalLayout_2.setStretch(1, 1) self.horizontalLayout_2.setStretch(3, 1) self.horizontalLayout_2.setStretch(5, 1) self.horizontalLayout_2.setStretch(7, 1) self.horizontalLayout_2.setStretch(9, 1) self.verticalLayout.addLayout(self.horizontalLayout_2) self.separator_line = QtGui.QFrame(controller_view) sizePolicy = QtGui.QSizePolicy(QtGui.QSizePolicy.Minimum, QtGui.QSizePolicy.Maximum) sizePolicy.setHorizontalStretch(0) sizePolicy.setVerticalStretch(0) sizePolicy.setHeightForWidth(self.separator_line.sizePolicy().hasHeightForWidth()) self.separator_line.setSizePolicy(sizePolicy) self.separator_line.setFrameShape(QtGui.QFrame.HLine) self.separator_line.setFrameShadow(QtGui.QFrame.Sunken) self.separator_line.setObjectName(_fromUtf8("separator_line")) self.verticalLayout.addWidget(self.separator_line) self.horizontalLayout_3 = QtGui.QHBoxLayout() self.horizontalLayout_3.setObjectName(_fromUtf8("horizontalLayout_3")) self.command_buttons_frame = QtGui.QFrame(controller_view) sizePolicy = QtGui.QSizePolicy(QtGui.QSizePolicy.Fixed, QtGui.QSizePolicy.Fixed) sizePolicy.setHorizontalStretch(0) sizePolicy.setVerticalStretch(0) sizePolicy.setHeightForWidth(self.command_buttons_frame.sizePolicy().hasHeightForWidth()) self.command_buttons_frame.setSizePolicy(sizePolicy) palette = QtGui.QPalette() brush = QtGui.QBrush(QtGui.QColor(255, 255, 255)) brush.setStyle(QtCore.Qt.SolidPattern) palette.setBrush(QtGui.QPalette.Active, QtGui.QPalette.Button, brush) brush = QtGui.QBrush(QtGui.QColor(255, 255, 255)) brush.setStyle(QtCore.Qt.SolidPattern) palette.setBrush(QtGui.QPalette.Active, QtGui.QPalette.Base, brush) brush = QtGui.QBrush(QtGui.QColor(90, 90, 90)) brush.setStyle(QtCore.Qt.SolidPattern) palette.setBrush(QtGui.QPalette.Active, QtGui.QPalette.Window, brush) brush = QtGui.QBrush(QtGui.QColor(255, 255, 255)) brush.setStyle(QtCore.Qt.SolidPattern) palette.setBrush(QtGui.QPalette.Inactive, QtGui.QPalette.Button, brush) brush = QtGui.QBrush(QtGui.QColor(255, 255, 255)) brush.setStyle(QtCore.Qt.SolidPattern) palette.setBrush(QtGui.QPalette.Inactive, QtGui.QPalette.Base, brush) brush = QtGui.QBrush(QtGui.QColor(90, 90, 90)) brush.setStyle(QtCore.Qt.SolidPattern) palette.setBrush(QtGui.QPalette.Inactive, QtGui.QPalette.Window, brush) brush = QtGui.QBrush(QtGui.QColor(255, 255, 255)) brush.setStyle(QtCore.Qt.SolidPattern) palette.setBrush(QtGui.QPalette.Disabled, QtGui.QPalette.Button, brush) brush = QtGui.QBrush(QtGui.QColor(90, 90, 90)) brush.setStyle(QtCore.Qt.SolidPattern) palette.setBrush(QtGui.QPalette.Disabled, QtGui.QPalette.Base, brush) brush = QtGui.QBrush(QtGui.QColor(90, 90, 90)) brush.setStyle(QtCore.Qt.SolidPattern) palette.setBrush(QtGui.QPalette.Disabled, QtGui.QPalette.Window, brush) self.command_buttons_frame.setPalette(palette) self.command_buttons_frame.setAutoFillBackground(True) self.command_buttons_frame.setFrameShape(QtGui.QFrame.NoFrame) self.command_buttons_frame.setFrameShadow(QtGui.QFrame.Raised) self.command_buttons_frame.setLineWidth(0) self.command_buttons_frame.setObjectName(_fromUtf8("command_buttons_frame")) self.gridLayout = QtGui.QGridLayout(self.command_buttons_frame) self.gridLayout.setMargin(0) self.gridLayout.setObjectName(_fromUtf8("gridLayout")) self.load_last_config_button = QtGui.QToolButton(self.command_buttons_frame) sizePolicy = QtGui.QSizePolicy(QtGui.QSizePolicy.Minimum, QtGui.QSizePolicy.Minimum) sizePolicy.setHorizontalStretch(0) sizePolicy.setVerticalStretch(0) sizePolicy.setHeightForWidth(self.load_last_config_button.sizePolicy().hasHeightForWidth()) self.load_last_config_button.setSizePolicy(sizePolicy) self.load_last_config_button.setMinimumSize(QtCore.QSize(60, 60)) self.load_last_config_button.setAutoFillBackground(True) self.load_last_config_button.setToolButtonStyle(QtCore.Qt.ToolButtonTextUnderIcon) self.load_last_config_button.setAutoRaise(True) self.load_last_config_button.setObjectName(_fromUtf8("load_last_config_button")) self.gridLayout.addWidget(self.load_last_config_button, 0, 1, 1, 1) self.load_config_button = QtGui.QToolButton(self.command_buttons_frame) sizePolicy = QtGui.QSizePolicy(QtGui.QSizePolicy.Minimum, QtGui.QSizePolicy.Minimum) sizePolicy.setHorizontalStretch(0) sizePolicy.setVerticalStretch(0) sizePolicy.setHeightForWidth(self.load_config_button.sizePolicy().hasHeightForWidth()) self.load_config_button.setSizePolicy(sizePolicy) self.load_config_button.setMinimumSize(QtCore.QSize(60, 60)) self.load_config_button.setAutoFillBackground(True) self.load_config_button.setToolButtonStyle(QtCore.Qt.ToolButtonTextUnderIcon) self.load_config_button.setAutoRaise(True) self.load_config_button.setObjectName(_fromUtf8("load_config_button")) self.gridLayout.addWidget(self.load_config_button, 0, 0, 1, 1) self.add_sensor_button = QtGui.QToolButton(self.command_buttons_frame) sizePolicy = QtGui.QSizePolicy(QtGui.QSizePolicy.Minimum, QtGui.QSizePolicy.Minimum) sizePolicy.setHorizontalStretch(0) sizePolicy.setVerticalStretch(0) sizePolicy.setHeightForWidth(self.add_sensor_button.sizePolicy().hasHeightForWidth()) self.add_sensor_button.setSizePolicy(sizePolicy) self.add_sensor_button.setMinimumSize(QtCore.QSize(60, 60)) self.add_sensor_button.setAutoFillBackground(True) self.add_sensor_button.setToolButtonStyle(QtCore.Qt.ToolButtonTextUnderIcon) self.add_sensor_button.setAutoRaise(True) self.add_sensor_button.setObjectName(_fromUtf8("add_sensor_button")) self.gridLayout.addWidget(self.add_sensor_button, 1, 0, 1, 1) self.remove_sensors_button = QtGui.QToolButton(self.command_buttons_frame) sizePolicy = QtGui.QSizePolicy(QtGui.QSizePolicy.Minimum, QtGui.QSizePolicy.Minimum) sizePolicy.setHorizontalStretch(0) sizePolicy.setVerticalStretch(0) sizePolicy.setHeightForWidth(self.remove_sensors_button.sizePolicy().hasHeightForWidth()) self.remove_sensors_button.setSizePolicy(sizePolicy) self.remove_sensors_button.setMinimumSize(QtCore.QSize(60, 60)) self.remove_sensors_button.setAutoFillBackground(True) self.remove_sensors_button.setToolButtonStyle(QtCore.Qt.ToolButtonTextUnderIcon) self.remove_sensors_button.setAutoRaise(True) self.remove_sensors_button.setObjectName(_fromUtf8("remove_sensors_button")) self.gridLayout.addWidget(self.remove_sensors_button, 1, 1, 1, 1) self.save_config_button = QtGui.QToolButton(self.command_buttons_frame) sizePolicy = QtGui.QSizePolicy(QtGui.QSizePolicy.Minimum, QtGui.QSizePolicy.Minimum) sizePolicy.setHorizontalStretch(0) sizePolicy.setVerticalStretch(0) sizePolicy.setHeightForWidth(self.save_config_button.sizePolicy().hasHeightForWidth()) self.save_config_button.setSizePolicy(sizePolicy) self.save_config_button.setMinimumSize(QtCore.QSize(60, 60)) self.save_config_button.setAutoFillBackground(True) self.save_config_button.setToolButtonStyle(QtCore.Qt.ToolButtonTextUnderIcon) self.save_config_button.setAutoRaise(True) self.save_config_button.setObjectName(_fromUtf8("save_config_button")) self.gridLayout.addWidget(self.save_config_button, 0, 2, 1, 1) self.select_sources_button = QtGui.QToolButton(self.command_buttons_frame) sizePolicy = QtGui.QSizePolicy(QtGui.QSizePolicy.Minimum, QtGui.QSizePolicy.Minimum) sizePolicy.setHorizontalStretch(0) sizePolicy.setVerticalStretch(0) sizePolicy.setHeightForWidth(self.select_sources_button.sizePolicy().hasHeightForWidth()) self.select_sources_button.setSizePolicy(sizePolicy) self.select_sources_button.setMinimumSize(QtCore.QSize(60, 60)) self.select_sources_button.setAutoFillBackground(True) self.select_sources_button.setToolButtonStyle(QtCore.Qt.ToolButtonTextUnderIcon) self.select_sources_button.setAutoRaise(True) self.select_sources_button.setObjectName(_fromUtf8("select_sources_button")) self.gridLayout.addWidget(self.select_sources_button, 1, 2, 1, 1) self.messages_button = QtGui.QToolButton(self.command_buttons_frame) sizePolicy = QtGui.QSizePolicy(QtGui.QSizePolicy.Minimum, QtGui.QSizePolicy.Minimum) sizePolicy.setHorizontalStretch(0) sizePolicy.setVerticalStretch(0) sizePolicy.setHeightForWidth(self.messages_button.sizePolicy().hasHeightForWidth()) self.messages_button.setSizePolicy(sizePolicy) self.messages_button.setMinimumSize(QtCore.QSize(60, 60)) self.messages_button.setAutoFillBackground(True) self.messages_button.setToolButtonStyle(QtCore.Qt.ToolButtonTextUnderIcon) self.messages_button.setAutoRaise(True) self.messages_button.setObjectName(_fromUtf8("messages_button")) self.gridLayout.addWidget(self.messages_button, 2, 0, 1, 1) self.add_controller_button = QtGui.QToolButton(self.command_buttons_frame) sizePolicy = QtGui.QSizePolicy(QtGui.QSizePolicy.Minimum, QtGui.QSizePolicy.Minimum) sizePolicy.setHorizontalStretch(0) sizePolicy.setVerticalStretch(0) sizePolicy.setHeightForWidth(self.add_controller_button.sizePolicy().hasHeightForWidth()) self.add_controller_button.setSizePolicy(sizePolicy) self.add_controller_button.setMinimumSize(QtCore.QSize(60, 60)) self.add_controller_button.setAutoFillBackground(True) self.add_controller_button.setToolButtonStyle(QtCore.Qt.ToolButtonTextUnderIcon) self.add_controller_button.setAutoRaise(True) self.add_controller_button.setObjectName(_fromUtf8("add_controller_button")) self.gridLayout.addWidget(self.add_controller_button, 3, 0, 1, 1) self.issues_button = QtGui.QToolButton(self.command_buttons_frame) sizePolicy = QtGui.QSizePolicy(QtGui.QSizePolicy.Minimum, QtGui.QSizePolicy.Minimum) sizePolicy.setHorizontalStretch(0) sizePolicy.setVerticalStretch(0) sizePolicy.setHeightForWidth(self.issues_button.sizePolicy().hasHeightForWidth()) self.issues_button.setSizePolicy(sizePolicy) self.issues_button.setMinimumSize(QtCore.QSize(60, 60)) self.issues_button.setAutoFillBackground(True) self.issues_button.setToolButtonStyle(QtCore.Qt.ToolButtonTextUnderIcon) self.issues_button.setAutoRaise(True) self.issues_button.setObjectName(_fromUtf8("issues_button")) self.gridLayout.addWidget(self.issues_button, 2, 1, 1, 1) self.settings_button = QtGui.QToolButton(self.command_buttons_frame) sizePolicy = QtGui.QSizePolicy(QtGui.QSizePolicy.Minimum, QtGui.QSizePolicy.Minimum) sizePolicy.setHorizontalStretch(0) sizePolicy.setVerticalStretch(0) sizePolicy.setHeightForWidth(self.settings_button.sizePolicy().hasHeightForWidth()) self.settings_button.setSizePolicy(sizePolicy) self.settings_button.setMinimumSize(QtCore.QSize(60, 60)) self.settings_button.setAutoFillBackground(True) self.settings_button.setToolButtonStyle(QtCore.Qt.ToolButtonTextUnderIcon) self.settings_button.setAutoRaise(True) self.settings_button.setObjectName(_fromUtf8("settings_button")) self.gridLayout.addWidget(self.settings_button, 2, 2, 1, 1) self.help_button = QtGui.QToolButton(self.command_buttons_frame) sizePolicy = QtGui.QSizePolicy(QtGui.QSizePolicy.Minimum, QtGui.QSizePolicy.Minimum) sizePolicy.setHorizontalStretch(0) sizePolicy.setVerticalStretch(0) sizePolicy.setHeightForWidth(self.help_button.sizePolicy().hasHeightForWidth()) self.help_button.setSizePolicy(sizePolicy) self.help_button.setMinimumSize(QtCore.QSize(60, 60)) self.help_button.setAutoFillBackground(True) self.help_button.setToolButtonStyle(QtCore.Qt.ToolButtonTextUnderIcon) self.help_button.setAutoRaise(True) self.help_button.setObjectName(_fromUtf8("help_button")) self.gridLayout.addWidget(self.help_button, 3, 2, 1, 1) self.view_sensor_data_button = QtGui.QToolButton(self.command_buttons_frame) sizePolicy = QtGui.QSizePolicy(QtGui.QSizePolicy.Minimum, QtGui.QSizePolicy.Minimum) sizePolicy.setHorizontalStretch(0) sizePolicy.setVerticalStretch(0) sizePolicy.setHeightForWidth(self.view_sensor_data_button.sizePolicy().hasHeightForWidth()) self.view_sensor_data_button.setSizePolicy(sizePolicy) self.view_sensor_data_button.setMinimumSize(QtCore.QSize(60, 60)) self.view_sensor_data_button.setAutoFillBackground(True) self.view_sensor_data_button.setToolButtonStyle(QtCore.Qt.ToolButtonTextUnderIcon) self.view_sensor_data_button.setAutoRaise(True) self.view_sensor_data_button.setObjectName(_fromUtf8("view_sensor_data_button")) self.gridLayout.addWidget(self.view_sensor_data_button, 3, 1, 1, 1) self.horizontalLayout_3.addWidget(self.command_buttons_frame) spacerItem8 = QtGui.QSpacerItem(20, 20, QtGui.QSizePolicy.Maximum, QtGui.QSizePolicy.Minimum) self.horizontalLayout_3.addItem(spacerItem8) self.verticalLayout_2 = QtGui.QVBoxLayout() self.verticalLayout_2.setObjectName(_fromUtf8("verticalLayout_2")) self.stacked_group_box = QtGui.QGroupBox(controller_view) font = QtGui.QFont() font.setPointSize(11) self.stacked_group_box.setFont(font) self.stacked_group_box.setAlignment(QtCore.Qt.AlignCenter) self.stacked_group_box.setObjectName(_fromUtf8("stacked_group_box")) self.gridLayout_2 = QtGui.QGridLayout(self.stacked_group_box) self.gridLayout_2.setMargin(3) self.gridLayout_2.setSpacing(3) self.gridLayout_2.setObjectName(_fromUtf8("gridLayout_2")) self.stacked_widget = QtGui.QStackedWidget(self.stacked_group_box) self.stacked_widget.setObjectName(_fromUtf8("stacked_widget")) self.page = QtGui.QWidget() self.page.setObjectName(_fromUtf8("page")) self.stacked_widget.addWidget(self.page) self.page_2 = QtGui.QWidget() self.page_2.setObjectName(_fromUtf8("page_2")) self.stacked_widget.addWidget(self.page_2) self.gridLayout_2.addWidget(self.stacked_widget, 0, 0, 1, 1) self.verticalLayout_2.addWidget(self.stacked_group_box) self.horizontalLayout_3.addLayout(self.verticalLayout_2) self.verticalLayout.addLayout(self.horizontalLayout_3) self.retranslateUi(controller_view) QtCore.QMetaObject.connectSlotsByName(controller_view) def retranslateUi(self, controller_view): controller_view.setWindowTitle(_translate("controller_view", "Form", None)) self.controller_title.setText(_translate("controller_view", "Main Menu", None)) self.session_status_label_fixed.setText(_translate("controller_view", "Session:", None)) self.session_status_label.setText(_translate("controller_view", "<status>", None)) self.setup_sensors_button.setText(_translate("controller_view", "Setup", None)) self.start_button.setText(_translate("controller_view", "Start", None)) self.pause_button.setText(_translate("controller_view", "Pause", None)) self.notes_button.setText(_translate("controller_view", "Notes", None)) self.end_button.setText(_translate("controller_view", "End", None)) self.load_last_config_button.setText(_translate("controller_view", "Load Last", None)) self.load_config_button.setText(_translate("controller_view", "Load Config", None)) self.add_sensor_button.setText(_translate("controller_view", "Add Sensor", None)) self.remove_sensors_button.setText(_translate("controller_view", "Remove Sensor", None)) self.save_config_button.setText(_translate("controller_view", "Save Config", None)) self.select_sources_button.setText(_translate("controller_view", "Select Sources", None)) self.messages_button.setText(_translate("controller_view", "Messages", None)) self.add_controller_button.setText(_translate("controller_view", "Add Controller", None)) self.issues_button.setText(_translate("controller_view", "Issues", None)) self.settings_button.setText(_translate("controller_view", "Settings", None)) self.help_button.setText(_translate("controller_view", "Help", None)) self.view_sensor_data_button.setText(_translate("controller_view", "Sensor Data", None)) self.stacked_group_box.setTitle(_translate("controller_view", "Settings", None))
gpl-3.0
-3,570,720,533,474,115,600
61.190709
121
0.724485
false
DBuildService/atomic-reactor
atomic_reactor/plugins/pre_fetch_sources.py
1
22776
""" Copyright (c) 2019 Red Hat, Inc All rights reserved. This software may be modified and distributed under the terms of the BSD license. See the LICENSE file for details. """ import os import shutil import tempfile import koji import tarfile import yaml from atomic_reactor.constants import PLUGIN_FETCH_SOURCES_KEY from atomic_reactor.plugin import PreBuildPlugin from atomic_reactor.plugins.pre_reactor_config import ( get_koji, get_koji_path_info, get_koji_session, get_config, get_source_container ) from atomic_reactor.source import GitSource from atomic_reactor.util import get_retrying_requests_session from atomic_reactor.download import download_url from atomic_reactor.metadata import label_map @label_map('sources_for_koji_build_id') class FetchSourcesPlugin(PreBuildPlugin): """Download sources that may be used in further steps to compose Source Containers""" key = PLUGIN_FETCH_SOURCES_KEY is_allowed_to_fail = False SRPMS_DOWNLOAD_DIR = 'image_sources' REMOTE_SOUCES_DOWNLOAD_DIR = 'remote_sources' def __init__( self, tasker, workflow, koji_build_id=None, koji_build_nvr=None, signing_intent=None, ): """ :param tasker: ContainerTasker instance :param workflow: DockerBuildWorkflow instance :param koji_build_id: int, container image koji build id :param koji_build_nvr: str, container image koji build NVR :param signing_intent: str, ODCS signing intent name """ if not koji_build_id and not koji_build_nvr: err_msg = ('{} expects either koji_build_id or koji_build_nvr to be defined' .format(self.__class__.__name__)) raise TypeError(err_msg) type_errors = [] if koji_build_id is not None and not isinstance(koji_build_id, int): type_errors.append('koji_build_id must be an int. Got {}'.format(type(koji_build_id))) if koji_build_nvr is not None and not isinstance(koji_build_nvr, str): type_errors.append('koji_build_nvr must be a str. Got {}' .format(type(koji_build_nvr))) if type_errors: raise TypeError(type_errors) super(FetchSourcesPlugin, self).__init__(tasker, workflow) self.koji_build = None self.koji_build_id = koji_build_id self.koji_build_nvr = koji_build_nvr self.signing_intent = signing_intent self.session = get_koji_session(self.workflow) self.pathinfo = get_koji_path_info(self.workflow) def run(self): """ :return: dict, binary image koji build id and nvr, and path to directory with downloaded sources """ self.set_koji_image_build_data() self.check_lookaside_cache_usage() signing_intent = self.get_signing_intent() koji_config = get_koji(self.workflow) insecure = koji_config.get('insecure_download', False) urls = self.get_srpm_urls(signing_intent['keys'], insecure=insecure) urls_remote, remote_sources_map = self.get_remote_urls() if not urls and not urls_remote: msg = "No srpms or remote sources found for source container," \ " would produce empty source container image" self.log.error(msg) raise RuntimeError(msg) sources_dir = None remote_sources_dir = None if urls: sources_dir = self.download_sources(urls, insecure=insecure) if urls_remote: remote_sources_dir = self.download_sources(urls_remote, insecure=insecure, download_dir=self.REMOTE_SOUCES_DOWNLOAD_DIR) self.exclude_files_from_remote_sources(remote_sources_map, remote_sources_dir) return { 'sources_for_koji_build_id': self.koji_build_id, 'sources_for_nvr': self.koji_build_nvr, 'image_sources_dir': sources_dir, 'remote_sources_dir': remote_sources_dir, 'signing_intent': self.signing_intent, } def download_sources(self, sources, insecure=False, download_dir=SRPMS_DOWNLOAD_DIR): """Download sources content Download content in the given URLs into a new temporary directory and return a list with each downloaded artifact's path. :param sources: list, dicts with URLs to download :param insecure: bool, whether to perform TLS checks of urls :param download_dir: str, directory where to download content :return: str, paths to directory with downloaded sources """ workdir = tempfile.mkdtemp() dest_dir = os.path.join(workdir, download_dir) if not os.path.exists(dest_dir): os.makedirs(dest_dir) req_session = get_retrying_requests_session() for source in sources: download_url(source['url'], dest_dir, insecure=insecure, session=req_session, dest_filename=source.get('dest')) return dest_dir def set_koji_image_build_data(self): build_identifier = self.koji_build_nvr or self.koji_build_id # strict means this raises a koji.GenericError informing no matching build was found in # case the build does not exist self.koji_build = self.session.getBuild(build_identifier, strict=True) if self.koji_build_id and (self.koji_build_id != self.koji_build['build_id']): err_msg = ( 'koji_build_id {} does not match koji_build_nvr {} with id {}. ' 'When specifying both an id and an nvr, they should point to the same image build' .format(self.koji_build_id, self.koji_build_nvr, self.koji_build['build_id']) ) raise ValueError(err_msg) build_extras = self.koji_build['extra'] if 'image' not in build_extras: err_msg = ('koji build {} is not image build which source container requires'. format(self.koji_build['nvr'])) raise ValueError(err_msg) elif 'sources_for_nvr' in self.koji_build['extra']['image']: err_msg = ('koji build {} is source container build, source container can not ' 'use source container build image'.format(self.koji_build['nvr'])) raise ValueError(err_msg) if not self.koji_build_id: self.koji_build_id = self.koji_build['build_id'] if not self.koji_build_nvr: self.koji_build_nvr = self.koji_build['nvr'] def check_lookaside_cache_usage(self): """Check usage of lookaside cache, and fail if used""" git_uri, git_commit = self.koji_build['source'].split('#') source = GitSource('git', git_uri, provider_params={'git_commit': git_commit}) source_path = source.get() sources_cache_file = os.path.join(source_path, 'sources') if os.path.exists(sources_cache_file): if os.path.getsize(sources_cache_file) > 0: raise RuntimeError('Repository is using lookaside cache, which is not allowed ' 'for source container builds') source.remove_tmpdir() def assemble_srpm_url(self, base_url, srpm_filename, sign_key=None): """Assemble the URL used to fetch an SRPM file :param base_url: str, Koji root base URL with the given build artifacts :param srpm_filename: str, name of the SRPM file :param sign_key: str, key used to sign the SRPM, as listed in the signing intent :return: list, strings with URLs pointing to SRPM files """ srpm_info = koji.parse_NVRA(srpm_filename) if sign_key: srpm_path = self.pathinfo.signed(srpm_info, sign_key) else: srpm_path = self.pathinfo.rpm(srpm_info) return '/'.join([base_url, srpm_path]) def _get_remote_urls_helper(self, koji_build): """Fetch remote source urls from specific build :param koji_build: dict, koji build :return: str, URL pointing to remote sources """ self.log.debug('get remote_urls: %s', koji_build['build_id']) archives = self.session.listArchives(koji_build['build_id'], type='remote-sources') self.log.debug('archives: %s', archives) remote_sources_path = self.pathinfo.typedir(koji_build, btype='remote-sources') remote_sources_urls = [] dest_name = None cachito_json_url = None remote_json_map = {} for archive in archives: if archive['type_name'] == 'tar': remote_source = {} remote_source['url'] = os.path.join(remote_sources_path, archive['filename']) remote_source['dest'] = '-'.join([koji_build['nvr'], archive['filename']]) dest_name = remote_source['dest'] remote_sources_urls.append(remote_source) elif archive['type_name'] == 'json' and archive['filename'] == 'remote-source.json': cachito_json_url = os.path.join(remote_sources_path, archive['filename']) # we will add entry to remote_json_map only when # build has remote sources archive and json # it will be used later to get correspondent remote-source.json for each remote sources # archive from all parents if cachito_json_url and dest_name: remote_json_map = {dest_name: cachito_json_url} if len(remote_sources_urls) > 1: raise RuntimeError('There can be just one remote sources archive, got : {}'. format(remote_sources_urls)) elif bool(cachito_json_url) != bool(dest_name): raise RuntimeError('Remote sources archive or remote source json missing, ' 'remote source archive: {}, remote source json: {}'. format(dest_name, cachito_json_url)) return remote_sources_urls, remote_json_map def get_remote_urls(self): """Fetch remote source urls from all builds :return: list, dicts with URL pointing to remote sources """ remote_sources_urls = [] remote_sources_map = {} remote_source, remote_json = self._get_remote_urls_helper(self.koji_build) remote_sources_urls.extend(remote_source) remote_sources_map.update(remote_json) koji_build = self.koji_build while 'parent_build_id' in koji_build['extra']['image']: koji_build = self.session.getBuild(koji_build['extra']['image']['parent_build_id'], strict=True) remote_source, remote_json = self._get_remote_urls_helper(koji_build) remote_sources_urls.extend(remote_source) remote_sources_map.update(remote_json) return remote_sources_urls, remote_sources_map def get_denylisted_srpms(self): src_config = get_source_container(self.workflow, fallback={}) denylist_srpms = src_config.get('denylist_srpms') if not denylist_srpms: self.log.debug('denylist_srpms is not defined in reactor_config_map') return [] denylist_url = denylist_srpms['denylist_url'] denylist_key = denylist_srpms['denylist_key'] req_session = get_retrying_requests_session() response = req_session.get(denylist_url) response.raise_for_status() response_json = response.json() if denylist_key not in response_json: self.log.debug('deny list json : %s', response_json) raise RuntimeError('Denylist key: {} missing in denylist json from : {}'. format(denylist_key, denylist_url)) deny_list = response_json[denylist_key] if not isinstance(deny_list, list): self.log.error('Wrong denylist: %s', repr(deny_list)) raise RuntimeError('Denylist value in key: {} is not list: {}'. format(denylist_key, type(deny_list))) wrong_types = [pkg for pkg in deny_list if not isinstance(pkg, str)] if wrong_types: self.log.error('Wrong types in denylist, should be str: %s', repr(deny_list)) raise RuntimeError('Values in denylist has to be all strings') self.log.debug('denylisted srpms: %s', deny_list) return deny_list def get_srpm_urls(self, sigkeys=None, insecure=False): """Fetch SRPM download URLs for each image generated by a build Build each possible SRPM URL and check if the URL is available, respecting the signing intent preference order. :param sigkeys: list, strings for keys which signed the srpms to be fetched :return: list, strings with URLs pointing to SRPM files """ if not sigkeys: sigkeys = [''] self.log.debug('get srpm_urls: %s', self.koji_build_id) archives = self.session.listArchives(self.koji_build_id, type='image') self.log.debug('archives: %s', archives) rpms = [rpm for archive in archives for rpm in self.session.listRPMs(imageID=archive['id'])] denylist_srpms = self.get_denylisted_srpms() srpm_build_paths = {} for rpm in rpms: rpm_id = rpm['id'] self.log.debug('Resolving SRPM for RPM ID: %s', rpm_id) if rpm['external_repo_name'] != 'INTERNAL': msg = ('RPM comes from an external repo (RPM ID: {}). ' 'External RPMs are currently not supported.').format(rpm_id) raise RuntimeError(msg) rpm_hdr = self.session.getRPMHeaders(rpm_id, headers=['SOURCERPM']) if 'SOURCERPM' not in rpm_hdr: raise RuntimeError('Missing SOURCERPM header (RPM ID: {})'.format(rpm_id)) srpm_name = rpm_hdr['SOURCERPM'].rsplit('-', 2)[0] if any(denied == srpm_name for denied in denylist_srpms): self.log.debug('skipping denylisted srpm %s', rpm_hdr['SOURCERPM']) continue srpm_filename = rpm_hdr['SOURCERPM'] if srpm_filename in srpm_build_paths: continue rpm_build = self.session.getBuild(rpm['build_id'], strict=True) base_url = self.pathinfo.build(rpm_build) srpm_build_paths[srpm_filename] = base_url srpm_urls = [] missing_srpms = [] req_session = get_retrying_requests_session() for srpm_filename, base_url in srpm_build_paths.items(): for sigkey in sigkeys: # koji uses lowercase for paths. We make sure the sigkey is in lower case url_candidate = self.assemble_srpm_url(base_url, srpm_filename, sigkey.lower()) request = req_session.head(url_candidate, verify=not insecure) if request.ok: srpm_urls.append({'url': url_candidate}) self.log.debug('%s is available for signing key "%s"', srpm_filename, sigkey) break else: self.log.error('%s not found for the given signing intent: %s"', srpm_filename, self.signing_intent) missing_srpms.append(srpm_filename) if missing_srpms: raise RuntimeError('Could not find files signed by any of {} for these SRPMS: {}' .format(sigkeys, missing_srpms)) return srpm_urls def get_signing_intent(self): """Get the signing intent to be used to fetch files from Koji :return: dict, signing intent object as per atomic_reactor/schemas/config.json """ odcs_config = get_config(self.workflow).get_odcs_config() if odcs_config is None: self.log.warning('No ODCS configuration available. Allowing unsigned SRPMs') return {'keys': None} if not self.signing_intent: try: self.signing_intent = self.koji_build['extra']['image']['odcs']['signing_intent'] except (KeyError, TypeError): self.log.debug('Image koji build, %s(%s), does not define signing_intent.', self.koji_build_nvr, self.koji_build_id) self.signing_intent = odcs_config.default_signing_intent signing_intent = odcs_config.get_signing_intent_by_name(self.signing_intent) return signing_intent def _get_denylist_sources(self, request_session, denylist_sources_url): response = request_session.get(denylist_sources_url) response.raise_for_status() denylist_sources_yaml = yaml.safe_load(response.text) # prepend os.sep for 2 reasons: # - so fnmatch will match exact dir/file when using * + exclude # glob.glob doesn't need it # - so endswith for package will match also full name return [os.path.join(os.sep, k, item) for k, v in denylist_sources_yaml.items() for item in v] def _create_full_remote_sources_map(self, request_session, remote_sources_map, remote_sources_dir): full_remote_sources_map = {} for remote_source, remote_source_json in remote_sources_map.items(): remote_source_archive = os.path.join(remote_sources_dir, remote_source) response = request_session.get(remote_source_json) response.raise_for_status() response_json = response.json() full_remote_sources_map[remote_source_archive] = response_json return full_remote_sources_map def _check_if_package_excluded(self, packages, denylist_sources, remote_archive): # check if any package in cachito json matches excluded entry # strip leading os.sep as package names can include git path with '/' before package name # or just package name, or package name with leading '@' depending on package type denylist_packages = {k.lstrip(os.sep) for k in denylist_sources} for package in packages: for exclude_path in denylist_packages: if package.get('name').endswith(exclude_path): self.log.debug('Package excluded: "%s" from "%s"', package.get('name'), remote_archive) return True return False def _delete_app_directory(self, remote_source_dir, unpack_dir, remote_archive): vendor_dir = os.path.join(unpack_dir, 'app', 'vendor') if os.path.exists(vendor_dir): shutil.move(vendor_dir, remote_source_dir) self.log.debug('Removing app from "%s"', remote_archive) shutil.rmtree(os.path.join(unpack_dir, 'app')) # shutil.move will create missing parent directory shutil.move(os.path.join(remote_source_dir, 'vendor'), vendor_dir) self.log.debug('Keeping vendor in app from "%s"', remote_archive) else: self.log.debug('Removing app from "%s"', remote_archive) shutil.rmtree(os.path.join(unpack_dir, 'app')) def _get_excluded_matches(self, unpack_dir, denylist_sources): matches = [] # py2 glob.glob doesn't support recursive, hence os.walk & fnmatch # py3 can use: glob.glob(os.path.join(unpack_dir, '**', exclude), recursive=True) for root, dirnames, filenames in os.walk(unpack_dir): for entry in dirnames + filenames: full_path = os.path.join(root, entry) for exclude in denylist_sources: if full_path.endswith(exclude): matches.append(full_path) break return matches def _remove_excluded_matches(self, matches): for entry in matches: if os.path.exists(entry): if os.path.isdir(entry): self.log.debug("Removing excluded directory %s", entry) shutil.rmtree(entry) else: self.log.debug("Removing excluded file %s", entry) os.unlink(entry) def exclude_files_from_remote_sources(self, remote_sources_map, remote_sources_dir): """ :param remote_sources_map: dict, keys are filenames of sources from cachito, values are url with json from cachito :param remote_sources_dir: str, dir with downloaded sources from cachito """ src_config = get_source_container(self.workflow, fallback={}) denylist_sources_url = src_config.get('denylist_sources') if not denylist_sources_url: self.log.debug('no "denylist_sources" defined, not excluding any ' 'files from remote sources') return request_session = get_retrying_requests_session() denylist_sources = self._get_denylist_sources(request_session, denylist_sources_url) # key: full path to source archive, value: cachito json full_remote_sources_map = self._create_full_remote_sources_map(request_session, remote_sources_map, remote_sources_dir) for remote_archive, remote_json in full_remote_sources_map.items(): unpack_dir = remote_archive + '_unpacked' with tarfile.open(remote_archive) as tf: tf.extractall(unpack_dir) delete_app = self._check_if_package_excluded(remote_json['packages'], denylist_sources, remote_archive) # if any package in cachito json matched excluded entry, # remove 'app' from sources, except 'app/vendor' when exists if delete_app and os.path.exists(os.path.join(unpack_dir, 'app')): self._delete_app_directory(remote_sources_dir, unpack_dir, remote_archive) # search for excluded matches matches = self._get_excluded_matches(unpack_dir, denylist_sources) self._remove_excluded_matches(matches) # delete former archive os.unlink(remote_archive) # re-create new archive without excluded content with tarfile.open(remote_archive, "w:gz") as tar: for add_file in os.listdir(unpack_dir): tar.add(os.path.join(unpack_dir, add_file), arcname=add_file) # cleanup unpacked dir shutil.rmtree(unpack_dir)
bsd-3-clause
1,068,363,673,338,327,000
43.834646
100
0.600632
false
pvpnvz/internshipsystem
app/main/form.py
1
8930
from flask.ext.wtf import Form from wtforms import StringField, SubmitField, TextAreaField, DateTimeField, SelectField, BooleanField, DateField, \ validators, FileField from wtforms.validators import Required, URL, Email from .. import db from flask.ext.pagedown.fields import PageDownField # datepicker failed ''' from wtforms import widgets class ExampleForm(Form): dt = DateField('DatePicker', format='%Y-%m-%d') submit = SubmitField('提交') class DatePickerWidget(widgets.TextInput): """ Date picker widget. You must include bootstrap-datepicker.js and form.js for styling to work. """ def __call__(self, field, **kwargs): kwargs['data-role'] = u'datepicker' return super(DatePickerWidget, self).__call__(field, **kwargs) ''' class searchForm(Form): key = StringField(validators=[Required(message='请先输入搜索内容')]) submit = SubmitField('搜索') class comForm(Form): comName = StringField('公司名称', validators=[Required(message='此项不能为空')], id='task') comCity=StringField('公司所在城市',validators=[Required(message='此项不能为空')]) comAddress = StringField('公司详细地址', validators=[Required(message='此项不能为空')]) # comUrl = StringField('公司网址', validators=[Required(message='此项不能为空'), URL(message='请输入正确的URL')]) comUrl = StringField('公司网址', [validators.Regexp(message='Not a proper param', regex=r'.*com.*')]) comBrief = TextAreaField('公司简介') comProject = TextAreaField('营业项目', validators=[Required(message='此项不能为空')]) comMon = StringField('营业额', validators=[Required(message='此项不能为空')]) comStaff = StringField('员工人数', validators=[Required(message='此项不能为空')]) comContact = StringField('联系人', validators=[Required(message='此项不能为空')]) comPhone = StringField('联系电话', validators=[Required(message='此项不能为空')]) comEmail = StringField('Email', validators=[Required(message='此项不能为空'), Email(message='请输入正确的邮箱地址')]) comFax = StringField('传真', validators=[Required(message='此项不能为空')]) submit = SubmitField('提交') class internshipForm(Form): task = TextAreaField('实习任务', validators=[Required(message='此项不能为空')]) post = TextAreaField('实习岗位', validators=[Required(message='此项不能为空')]) start = DateTimeField('开始时间', format='%Y-%m-%d', validators=[Required()]) end = DateTimeField('结束时间', format='%Y-%m-%d', validators=[Required(message='请按 年-月-日 的格式输入正确的日期')]) image = FileField() submit = SubmitField('提交') ''' # delete class directTeaForm(Form): teaId = StringField('教师工号') teaName = StringField('姓名') teaDuty = StringField('职称') teaPhone = StringField('联系电话') teaEmail = StringField('邮箱') cteaName = StringField('姓名') cteaDuty = StringField('职称') cteaPhone = StringField('联系电话') cteaEmail = StringField('邮箱') ''' class schdirteaForm(Form): # steaId = StringField('校内教师工号') steaName = StringField('教师姓名') # steaDuty = StringField('职称') # steaPhone = StringField('联系电话') # steaEmail = StringField('邮箱') submit = SubmitField('提交') class comdirteaForm(Form): cteaName = StringField('企业教师姓名') cteaDuty = StringField('职称') cteaPhone = StringField('联系电话') cteaEmail = StringField('邮箱') submit = SubmitField('提交') class journalForm(Form): workStart = DateField('开始日期', format="%Y-%m-%d", validators=[Required(message='此项不能为空')]) weekNo = StringField('周数', validators=[Required(message='此项不能为空')]) mon = TextAreaField('周一', id='mon') tue = TextAreaField('周二', id='tue') wed = TextAreaField('周三', id='wed') thu = TextAreaField('周四', id='thu') fri = TextAreaField('周五', id='fri') sat = TextAreaField('周六', id='sat') sun = TextAreaField('周日', id='sun') submit = SubmitField('提交') class stuForm(Form): stuId = StringField('学号', validators=[Required(message='此项不能为空')]) stuName = StringField('姓名', validators=[Required(message='此项不能为空')]) sex = SelectField('性别', choices=[('男', '男'), ('女', '女')]) institutes = StringField('学院', default='计算机与网络安全学院', validators=[Required(message='此项不能为空')]) grade = SelectField('年级', coerce=str,default=' ') major = SelectField('专业', coerce=str,default=' ') classes = SelectField('班级', coerce=str,default=' ') submit = SubmitField('提交') #初始化下拉框 def __init__(self): super().__init__() self.grade.choices=[(x.grade,x.grade)for x in db.session.execute('Select distinct grade from Grade order by grade desc')] self.major.choices=[(x.major,x.major)for x in db.session.execute('Select distinct major from Major')] self.classes.choices=[(x.classes,x.classes)for x in db.session.execute('Select distinct classes from Classes order by classes')] # self.user=user class teaForm(Form): teaId = StringField('教工号', validators=[Required(message='此项不能为空')]) teaName = StringField('姓名', validators=[Required(message='此项不能为空')]) teaSex = SelectField('性别', choices=[('男', '男'), ('女', '女')], default=' ') teaPosition = StringField('职称') teaPhone = StringField('联系电话') teaEmail = StringField('邮箱') submit = SubmitField('提交') class permissionForm(Form): roleName = StringField('角色名称', validators=[Required(message='此项不能为空')]) roleDescribe = TextAreaField('角色描述') COM_INFOR_SEARCH = BooleanField('企业信息查看', default=False, description='0X0000009', false_values='0x11') COM_INFOR_EDIT = BooleanField('企业信息编辑', default=False, description='0X000000B') COM_INFOR_CHECK = BooleanField('企业信息审核', default=False, description='0X000000F') INTERNCOMPANY_LIST = BooleanField('实习企业信息列表', default=False, description='0X0000008') STU_INTERN_LIST = BooleanField('学生实习信息列表', default=False, description='0X0000010') STU_INTERN_SEARCH = BooleanField('学生实习信息查看', default=False, description='0X0000030') STU_INTERN_EDIT = BooleanField('学生实习信息编辑', default=False, description='0X0000070') STU_INTERN_CHECK = BooleanField('学生实习信息审核', default=False, description='0X00000F0') STU_JOUR_SEARCH = BooleanField('学生实习日志查看', default=False, description='0X0000210') STU_JOUR_EDIT = BooleanField('学生实习日志编辑', default=False, description='0X0000610') STU_JOUR_CHECK = BooleanField('学生实习日志审核', default=False, description='0X0000E10') STU_SUM_SEARCH = BooleanField('学生实习总结与成果查看', default=False, description='0X0001010') STU_SUM_EDIT = BooleanField('学生实习总结与成果编辑', default=False, description='0X0003010') STU_SUM_SCO_CHECK = BooleanField('学生实习总结和成果审核', default=False, description='0X0007010') STU_INTERN_MANAGE = BooleanField('学生信息管理', default=False, description='0X0010000') TEA_INFOR_MANAGE = BooleanField('老师信息管理', default=False, description='0X0020000') PERMIS_MANAGE = BooleanField('权限管理', default=False, description='0X0040000') SELECT_MANAGE=BooleanField('下拉框管理',default=False,description='0X0080000') UPLOAD_VISIT= BooleanField('上传探访记录',default=False,description='0X0100030') ALTER_INTRODUCE=BooleanField('首页介绍内容修改',default=False,description='0X0200000') submit = SubmitField('提交') class xSumScoreForm(Form): comScore = StringField('企业实习评分', validators=[Required(message='此项不能为空')]) schScore = StringField('校内指导老师评分', validators=[Required(message='此项不能为空')]) comfile = FileField('企业实习评分表') schfile = FileField('校内评分表') submit = SubmitField('保存') class visitForm(Form): teaName=StringField('探访老师',validators=[Required(message='此项不能为空')]) visitTime=StringField('探访时间',validators=[Required(message='此项不能为空')]) visitWay=SelectField('探访方式', choices=[('电话', '电话'), ('现场', '现场')], default='现场') submit = SubmitField('确定') class introduceForm(Form): content=PageDownField('首页介绍',validators=[Required()],id='content') submit=SubmitField('提交')
mit
-2,135,802,151,291,333,400
43.479769
136
0.690408
false
tumi8/INSALATA
src/insalata/model/Layer3Network.py
1
2247
from xml.etree.ElementTree import SubElement from insalata.model.Node import Node from insalata.helper import ipAddressHelper class Layer3Network(Node): def __init__(self, id, address, netmask, collectorName=None, timeout=None): Node.__init__(self, collectorName=collectorName, timeout=timeout) self.__id = id self.netmask = netmask self.address = address def getID(self): return self.__id def getGlobalID(self): return self.getID() def getAddress(self): return self.address def setAddress(self, address, collectorName=None, timeout=None): if self.getAddress() != address: self.address = address self.getOnChangeEvent().trigger(self, { "type" : "set", "member" : "address", "value" : address }) self.verify(collectorName, timeout) def getNetmask(self): return self.netmask def setNetmask(self, value, collectorName=None, timeout=None): """ Change the netmask of this network. :param value: New netmask :type value: str :param collectorName: Name of the collector module setting this value :type collectorName: str :param timeout: Timeout the collecor module uses :type timeout: int """ if (value is not None) and (self.getNetmask() != value): self.netmask = value self.getOnChangeEvent().trigger(self, { "type" : "set", "member" : "netmask", "value" : value }) self.verify(collectorName, timeout) def getPrefix(self): #generate prefix from decimal dotted netmask string return ipAddressHelper.getPrefix(self.getNetmask()) #Delete stored environments due to new scan def delConfigurations(self, collectorName=None, timeout=None): self.__configNames = set() self.verify(collectorName, timeout) #Print information in XML Format def toXML(self, root): #Create all needed XMLTree elements networkEl = SubElement(root, "layer3network") #Add the items which are availabe networkEl.attrib["id"] = self.getID() networkEl.attrib["netmask"] = self.getNetmask() networkEl.attrib["address"] = self.getAddress()
apache-2.0
1,989,012,771,868,093,700
35.241935
111
0.64753
false
pleeplee-robot/location
pleepleeloc/utils.py
1
4107
#!/usr/bin/env python3 # -*- coding: utf-8 -*- ################################################## # AUTHOR : Loïc Banet # # SUMMARY : Contain enum class that define color # ################################################## import math from enum import Enum from itertools import count class Color(Enum): """ Enum for the color of the LEDs. There are only 7 colors available to simplify the image processing at the camera level. The maximum number of LEDs available for a garden is 7. """ NONE = 0 RED = 1 GREEN = 2 BLUE = 3 YELLOW = 4 PURPLE = 5 ORANGE = 6 WHITE = 7 class LED: """Luminous landmark. The LED class represents a colored landmark to be put in the garden. These landmarks are mandatory for the robot to locate itself. Attributes: color: The color of the LED, it must be unique. Color Enum instance. point: The position of the LED in the plan. geometry.point instance. inPerimeter: True if the LED is on the perimeter. False otherwise. By default this value is true. If the LED is on the perimeter an additionnal filter of the possible location's solution is applied. height: the difference of height between the robot's camera and the LED. """ def __init__(self, color, point, inPerimeter=True, height=0.0): """Initialize a LED""" self.color = color self.point = point self.inPerimeter = inPerimeter self.height = height def __str__(self): return "LED(Position: %s ;Color : %s )" % (self.point, self.color) def _getLED(color, perimeter): for i in perimeter: if i.color == color: return i raise ValueError('Color not found') class Data: """Utility class to track the data set sent by the camera. Attributes: id: A unique integer. angle: The angle calculated by the position of the blob in the picture and the position of the camera relative to the axis of the robot. distance: The distance computed by the image treatment. ideally this data is achievable however in our case because of the varying size of the light blobs depending on the color we cannot get this data. led: A LED class instance. """ _ids = count(0) def __init__(self, color, angle, angleNorth, angleToDirection, perimeter, distance=None): """Initialize a Data with adequates angles""" # Intances counter: This variable enable us to track the order # of initialisation of the datas. self.id = next(self._ids) # Convert angle from (LED -> Actual direction) to # (LED -> edge of perimeter) self.angle = angle + angleToDirection + angleNorth self.distance = distance try: self.led = _getLED(color, perimeter) except ValueError as error: print('The color does not correspond to an existing LED') # adjust the distance between the inputted data and the one one # calculated with its angle. # This function is to be adjusted with real data in order to reduce # the error due to each method def adjustDistance(self, dist): """Adjusts the distance As the distance can be computed from the angle, this function is a way to adjust the datas from the one already in the datas, and the one computed from the angle. Args: dist: The distance. This value is expected to have been computed from the angle. (float) """ if self.distance is None: self.distance = dist else: theta = math.asin(self.led.height / self.distance) adjustedDist = math.cos(theta) * self.distance self.distance = (adjustedDist + dist) / 2 return self.distance
mit
5,753,621,721,867,769,000
30.829457
80
0.585485
false
Kosinkadink/jno
jno/commands/build.py
1
1575
from jno.util import interpret_configs from jno.util import run_arduino_process from jno.util import create_build_directory from jno.util import get_common_parameters from jno.util import JnoException from jno.util import verify_arduino_dir from jno.commands.command import Command import getopt class Build(Command): help_name = "Build" help_usage = "jno build [-b, --board=] boardname [-v, --verbose]" help_description = "Runs build. Without arguments, uses board defined locally/globally. With -v, more info will be displayed during build." def run(self,argv,location): jno_dict = interpret_configs() verify_arduino_dir(jno_dict) create_build_directory(jno_dict) arg_list = self.perform_build(argv,jno_dict) run_arduino_process(arg_list) # Create argument list for arduino build def perform_build(self,argv,jno_dict): # assemble command query # GOAL: <arduino exec> --verify <script> --board <board> arg_list = [jno_dict["EXEC_SCRIPT"]] # add common params - set pref arg_list.extend(get_common_parameters(jno_dict)) # add build params arg_list.append("--verify") arg_list.append(jno_dict["SKETCH_INO"]) try: opts,args = getopt.getopt(argv, 'b:v',['board=','verbose']) except getopt.GetoptError as e: raise JnoException(str(e)) for opt, arg in opts: if opt in ("-b","--board"): jno_dict["board"] = arg.strip() elif opt in ("-v","--verbose"): arg_list.append("--verbose") # add board params arg_list.append("--board") arg_list.append(self.formatBoard(jno_dict["board"],jno_dict)) return arg_list
mit
5,202,770,822,314,608,000
31.142857
140
0.707302
false
lfpoelman/pi_looper
Adafruit_Video_Looper/directory.py
1
1281
# Copyright 2015 Adafruit Industries. # Author: Tony DiCola # License: GNU GPLv2, see LICENSE.txt class DirectoryReader(object): def __init__(self, config): """Create an instance of a file reader that just reads a single directory on disk. """ self._load_config(config) def _load_config(self, config): self._path = config.get('directory', 'path') def search_paths(self): """Return a list of paths to search for files.""" return [self._path] def is_changed(self): """Return true if the file search paths have changed.""" # For now just return false and assume the path never changes. In the # future it might be interesting to watch for file changes and return # true if new files are added/removed from the directory. This is # called in a tight loop of the main program so it needs to be fast and # not resource intensive. return False def idle_message(self): """Return a message to display when idle and no files are found.""" return 'Geen videos gevonden in {0}'.format(self._path) def create_file_reader(config): """Create new file reader based on reading a directory on disk.""" return DirectoryReader(config)
gpl-2.0
-155,356,735,372,407,970
35.6
79
0.650273
false
laramies/theHarvester
theHarvester/discovery/takeover.py
1
3519
from theHarvester.lib.core import * import re class TakeOver: def __init__(self, hosts): # NOTE THIS MODULE IS ACTIVE RECON self.hosts = hosts self.results = "" self.totalresults = "" self.proxy = False # Thank you to https://github.com/EdOverflow/can-i-take-over-xyz for these fingerprints self.fingerprints = {"'Trying to access your account?'": 'Campaign Monitor', '404 Not Found': 'Fly.io', '404 error unknown site!': 'Pantheon', 'Do you want to register *.wordpress.com?': 'Wordpress', 'Domain uses DO name serves with no records in DO.': 'Digital Ocean', "It looks like you may have taken a wrong turn somewhere. Don't worry...it happens to all of us.": 'LaunchRock', 'No Site For Domain': 'Kinsta', 'No settings were found for this company:': 'Help Scout', 'Project doesnt exist... yet!': 'Readme.io', 'Repository not found': 'Bitbucket', 'The feed has not been found.': 'Feedpress', 'No such app': 'Heroku', 'The specified bucket does not exist': 'AWS/S3', 'The thing you were looking for is no longer here, or never was': 'Ghost', "There isn't a Github Pages site here.": 'Github', 'This UserVoice subdomain is currently available!': 'UserVoice', "Uh oh. That page doesn't exist.": 'Intercom', "We could not find what you're looking for.": 'Help Juice', "Whatever you were looking for doesn't currently exist at this address": 'Tumblr', 'is not a registered InCloud YouTrack': 'JetBrains', 'page not found': 'Uptimerobot', 'project not found': 'Surge.sh'} async def check(self, url, resp): # Simple function that takes response and checks if any fingerprints exists # If a fingerprint exists figures out which one and prints it out regex = re.compile("(?=(" + "|".join(map(re.escape, list(self.fingerprints.keys()))) + "))") # Sanitize fingerprints matches = re.findall(regex, resp) for match in matches: print(f'\t\033[91m Takeover detected: {url}\033[1;32;40m') if match in self.fingerprints.keys(): # Sanity check as to not error out print(f'\t\033[91m Type of takeover is: {self.fingerprints[match]}\033[1;32;40m') async def do_take(self): try: if len(self.hosts) > 0: tup_resps: list = await AsyncFetcher.fetch_all(self.hosts, takeover=True, proxy=self.proxy) # Returns a list of tuples in this format: (url, response) tup_resps = [tup for tup in tup_resps if tup[1] != ''] # Filter out responses whose responses are empty strings (indicates errored) for url, resp in tup_resps: await self.check(url, resp) else: return except Exception as e: print(e) async def process(self, proxy=False): self.proxy = proxy await self.do_take()
gpl-2.0
-1,580,792,400,011,075,600
53.138462
141
0.522876
false
jackzhao-mj/ok-client
client/protocols/scoring.py
1
2920
"""Implements the ScoringProtocol, which runs all specified tests associated with an assignment. """ from client.sources.common import core from client.sources.common import models as sources_models from client.protocols.common import models as protocol_models from client.utils import format from collections import OrderedDict import logging log = logging.getLogger(__name__) ##################### # Scoring Mechanism # ##################### NO_PARTNER_NAME = 'Total' class ScoringProtocol(protocol_models.Protocol): """A Protocol that runs tests, formats results, and reports a student's score. """ def run(self, messages): """Score tests and print results Tests are taken from self.assignment.specified_tests. Each test belongs to a partner. If test.partner is omitted (i.e. core.NoValue), the score for that test is added to every partner's score. If there are no tests, the mapping will only contain one entry, mapping "Total" -> 0 (total score). If there are no partners specified by the tests, the mapping will only contain one entry, mapping "Total" (partner) -> total score (float). This assumes there is always at least one partner. """ if self.args.export or not self.args.score: return format.print_line('~') print('Scoring tests') print() raw_scores = OrderedDict() for test in self.assignment.specified_tests: assert isinstance(test, sources_models.Test), 'ScoringProtocol received invalid test' log.info('Scoring test {}'.format(test.name)) partner = test.partner if test.partner != core.NoValue else None raw_scores[test.name, partner] = (test.score(), test.points) messages['scoring'] = display_breakdown(raw_scores) print() def display_breakdown(scores): """Prints the point breakdown given a dictionary of scores. RETURNS: dict; maps partner (str) -> finalized score (float) """ partner_totals = {} format.print_line('-') print('Point breakdown') for (name, partner), (score, total) in scores.items(): print(' {}: {}/{}'.format(name, score, total)) partner_totals[partner] = partner_totals.get(partner, 0) + score print() shared_points = partner_totals.get(None, 0) if None in partner_totals: del partner_totals[None] finalized_scores = {} print('Score:') if len(partner_totals) == 0: print(' {}: {}'.format(NO_PARTNER_NAME, shared_points)) finalized_scores[NO_PARTNER_NAME] = shared_points else: for partner, score in sorted(partner_totals.items()): print(' Partner {}: {}'.format(partner, score + shared_points)) finalized_scores[partner] = score + shared_points return finalized_scores protocol = ScoringProtocol
apache-2.0
3,078,041,281,359,268,400
32.953488
97
0.643493
false
ziozzang/coreos-stuff
sample/etcd-reader.py
1
1490
# This code is used for "internal docker container" read/write value at etcd. # # CoreOS (etcd Activated) # | ^ # | NAT | iptables # V | # Docker Container -> python code. # # This can be used for "distriburted or HA environment" import requests import json class etcd: def __init__(self, ips="169.254.169.255", ports=4001): self.ips = ips self.ports = ports def get(self, keys): try: urls = "http://%s:%d/v2/keys/%s" % (self.ips, self.ports , keys.strip("/")) res = requests.get(urls) if res.status_code == 200: # Found return json.loads(res.content)["node"]["value"] elif res.status_code == 404: # Not Found return None except: pass return None def put(self, keys, values): try: urls = "http://%s:%d/v2/keys/%s" % (self.ips, self.ports , keys.strip("/")) res = requests.put(urls, {"value": values}) if res.status_code == 200: # Modified return True elif res.status_code == 201: # Create return True except: pass return False def delete(self, keys): try: urls = "http://%s:%d/v2/keys/%s" % (self.ips, self.ports , keys.strip("/")) res = requests.delete(urls) if res.status_code == 200: return True except: pass return False # code under this is for using etcd. c = etcd() c.get("asdf") c.put("asdf","asdf") c.put("asdf","asdf1") c.get("asdf") c.delete("asdf")
mit
5,701,041,995,374,456,000
25.607143
81
0.567785
false
lifemapper/core
LmBackend/common/lmobj.py
1
8598
"""Module containing the base Lifemapper object class. """ import glob import inspect import json import os import sys import traceback from LmCommon.common.lmconstants import LMFormat # ............................................................................ class LMObject: """Base class for all objects in the Lifemapper project. """ # .......................... @staticmethod def get_line_num(): """Get the current line number """ return inspect.currentframe().f_back.f_lineno # .......................... def get_location(self, line_num=None): """Get the current location """ loc = '{}.{}'.format(__name__, self.__class__.__name__) if line_num: loc += ' Line {}'.format(line_num) return loc # .......................... @classmethod def ready_filename(cls, full_filename, overwrite=False): """Prepare a file location for writing by creating needed parent dirs. Args: full_filename (str): The file location to prepare. overwrite (bool): If true, deletes existing file. If false, returns False. """ if full_filename is None: raise LMError('Full filename is None') if os.path.exists(full_filename): if overwrite: success, _ = cls.delete_file(full_filename) if not success: raise LMError('Unable to delete {}'.format(full_filename)) return True print(('File {} exists, overwrite=False'.format(full_filename))) return False pth, _ = os.path.split(full_filename) # If the file path is in cwd we don't need to create directories if len(pth) == 0: return True try: os.makedirs(pth, 0o775) except IOError: pass if os.path.isdir(pth): return True # Else, fail raise LMError('Failed to create directories {}'.format(pth)) # .......................... @classmethod def delete_file(cls, file_name, delete_dir=False): """Delete the file if it exists and parent directory if it is empty. Note: If file path is a shapefile extension (.shp), delete all other files that comprise the shapefile. """ success = True msg = '' if file_name is None: msg = 'Cannot delete file \'None\'' else: pth, _ = os.path.split(file_name) if file_name is not None and os.path.exists(file_name): base, ext = os.path.splitext(file_name) if ext == LMFormat.SHAPE.ext: similar_file_names = glob.glob(base + '.*') try: for simfname in similar_file_names: _, simext = os.path.splitext(simfname) if simext in LMFormat.SHAPE.get_extensions(): os.remove(simfname) except Exception as err: success = False msg = 'Failed to remove {}, {}'.format( simfname, str(err)) else: try: os.remove(file_name) except Exception as err: success = False msg = 'Failed to remove {}, {}'.format( file_name, str(err)) if delete_dir and len(os.listdir(pth)) == 0: try: os.removedirs(pth) except Exception as err: success = False msg = 'Failed to remove {}, {}'.format(pth, str(err)) return success, msg # .......................... @staticmethod def _add_metadata(new_metadata_dict, existing_metadata_dict=None): if existing_metadata_dict is None: existing_metadata_dict = {} for key, val in new_metadata_dict.items(): try: existing_val = existing_metadata_dict[key] except Exception: existing_metadata_dict[key] = val else: # if metadata exists and is ... if isinstance(existing_val, list): # a list, add to it if isinstance(val, list): new_val = list(set(existing_val.extend(val))) existing_metadata_dict[key] = new_val else: new_val = list(set(existing_val.append(val))) existing_metadata_dict[key] = new_val else: # not a set, replace it existing_metadata_dict[key] = val return existing_metadata_dict # .......................... @staticmethod def _dump_metadata(metadata_dict): metadata_str = None if metadata_dict: metadata_str = json.dumps(metadata_dict) return metadata_str # .......................... @staticmethod def _load_metadata(new_metadata): """Read metadata into a dictionary Args: new_metadata: dictionary or JSON object of metadata Returns: a dictionary of metadata """ obj_metadata = {} if new_metadata is not None: if isinstance(new_metadata, dict): obj_metadata = new_metadata else: try: obj_metadata = json.loads(new_metadata) except Exception: print( 'Failed to load JSON from type {} object {}'.format( type(new_metadata), new_metadata)) return obj_metadata # ............................................................................. class LMError(Exception, LMObject): """Base class for exceptions in the lifemapper project. """ # .......................... def __init__(self, *args, do_trace=False, line_num=None, **kwargs): """Constructor for LMError Args: *args: Any positional agruments sent to this constructor do_trace (bool): Should a traceback be attached to the exception line_num (int): A line number to attach to this exception **kwargs: Any additional keyword arguements sent to the constructor Note: Assembles all arguments into Exception.args """ LMObject.__init__(self) self.previous_exceptions = [] list_args = [] for arg in args: if isinstance(arg, Exception): self.previous_exceptions.append(arg) else: list_args.append(arg) kw_arg_dict = dict(kwargs) if line_num: kw_arg_dict['Line number'] = line_num kw_arg_dict['Location'] = self.get_location(line_num=line_num) if do_trace: self.traceback = self.get_traceback() kw_arg_dict['Traceback'] = self.traceback list_args.append(kw_arg_dict) self.args = tuple(list_args) Exception.__init__(self, self.args) # .......................... @staticmethod def get_traceback(): """Get the traceback for this exception """ exc_type, exc_val, this_traceback = sys.exc_info() return traceback.format_exception(exc_type, exc_val, this_traceback) # ............................................................................. class JobError(LMError): """Exception class for job failures. """ # .......................... def __init__(self, code, msg, *args, do_trace=False, line_num=None, **kwargs): """Constructor for LMError Args: code (int): Job error code msg (str): An error message *args: Any positional agruments sent to this constructor do_trace (bool): Should a traceback be attached to the exception line_num (int): A line number to attach to this exception **kwargs: Any additional keyword arguements sent to the constructor Note: Assembles all arguments into Exception.args """ LMError.__init__( self, code, msg, *args, do_trace=do_trace, line_num=line_num, **kwargs) self.code = code self.msg = msg
gpl-3.0
-5,408,623,335,341,066,000
33.669355
79
0.491626
false
tbarbugli/django_email_multibackend
django_email_multibackend/conditions.py
1
2706
from django.core.mail import EmailMessage class BaseCondition(object): def __init__(self, **kwargs): self.params = kwargs def __call__(self, message): if not isinstance(message, (EmailMessage, )): raise TypeError('%r is not a subclass of django.core.mail.EmailMessage' % message) return self.check(message) def check(self, message): raise NotImplementedError class MatchAll(BaseCondition): def check(self, message): return True class MatchAny(BaseCondition): """ >>> mail = EmailMessage() >>> mail.extra_headers['X-CAMPAIGN-NAME'] = 'weekly-mail' >>> MatchAny(\ conditions=(('django_email_multibackend.conditions.FilterMailByHeader', {'header': ('X-CAMPAIGN-NAME', 'daily-mail')}),\ ('django_email_multibackend.conditions.FilterMailByHeader', {'header': ('X-CAMPAIGN-NAME', 'weekly-mail')})\ ))(mail) True """ def __init__(self, conditions): from django_email_multibackend.backends import load_class self.conditions = [] for condition in conditions: try: kls_name, params = condition except ValueError: kls_name, params = condition[0], {} self.conditions.append(load_class(kls_name)(**params)) def check(self, message): for condition in self.conditions: if condition(message): return True return False class FilterMailByHeader(BaseCondition): """ Filter emails by headers >>> mail = EmailMessage() >>> mail.extra_headers['X-CAMPAIGN-NAME'] = 'weekly-mail' >>> FilterMailByHeader(header=('X-CAMPAIGN-NAME', 'weekly-mail'))(mail) True >>> FilterMailByHeader(header=('X-CAMPAIGN-NAME', 'daily-mail'))(mail) False >>> FilterMailByHeader(header=('X-TRANSACTION-ID', '999'))(mail) False """ def check(self, message): unset = dict() header_name, header_value = self.params['header'] mail_header_value = message.extra_headers.get(header_name, unset) return (not mail_header_value is unset) and (mail_header_value == header_value) class ExcludeMailByHeader(FilterMailByHeader): """ Exclude emails by headers >>> mail = EmailMessage() >>> mail.extra_headers['X-CAMPAIGN-NAME'] = 'weekly-mail' >>> ExcludeMailByHeader(header=('X-CAMPAIGN-NAME', 'weekly-mail'))(mail) False >>> ExcludeMailByHeader(header=('X-CAMPAIGN-NAME', 'daily-mail'))(mail) True >>> ExcludeMailByHeader(header=('X-TRANSACTION-ID', '999'))(mail) True """ def check(self, message): return not super(ExcludeMailByHeader, self).check(message)
isc
970,156,628,427,079,700
28.736264
124
0.626016
false
dmach/dnf
dnf/cli/output.py
1
98515
# Copyright 2005 Duke University # Copyright (C) 2012-2016 Red Hat, Inc. # # This program is free software; you can redistribute it and/or modify # it under the terms of the GNU General Public License as published by # the Free Software Foundation; either version 2 of the License, or # (at your option) any later version. # # This program is distributed in the hope that it will be useful, # but WITHOUT ANY WARRANTY; without even the implied warranty of # MERCHANTABILITY or FITNESS FOR A PARTICULAR PURPOSE. See the # GNU Library General Public License for more details. # # You should have received a copy of the GNU General Public License # along with this program; if not, write to the Free Software # Foundation, Inc., 51 Franklin Street, Fifth Floor, Boston, MA 02110-1301 USA. """Handle actual output from the cli.""" from __future__ import absolute_import from __future__ import print_function from __future__ import unicode_literals from copy import deepcopy import fnmatch import hawkey import itertools import libdnf.transaction import logging import operator import pwd import re import sys import time from dnf.cli.format import format_number, format_time from dnf.i18n import _, C_, P_, ucd, fill_exact_width, textwrap_fill, exact_width, select_short_long from dnf.pycomp import xrange, basestring, long, unicode from dnf.yum.rpmtrans import LoggingTransactionDisplay from dnf.db.history import MergedTransactionWrapper import dnf.base import dnf.callback import dnf.cli.progress import dnf.cli.term import dnf.conf import dnf.crypto import dnf.i18n import dnf.transaction import dnf.util import dnf.yum.misc logger = logging.getLogger('dnf') def _make_lists(transaction, goal): b = dnf.util.Bunch({ 'downgraded': [], 'erased': [], 'erased_clean': [], 'erased_dep': [], 'installed': [], 'installed_group': [], 'installed_dep': [], 'installed_weak': [], 'reinstalled': [], 'upgraded': [], 'failed': [], }) for tsi in transaction: if tsi.state == libdnf.transaction.TransactionItemState_ERROR: b.failed.append(tsi) elif tsi.action == libdnf.transaction.TransactionItemAction_DOWNGRADE: b.downgraded.append(tsi) elif tsi.action == libdnf.transaction.TransactionItemAction_INSTALL: if tsi.reason == libdnf.transaction.TransactionItemReason_GROUP: b.installed_group.append(tsi) elif tsi.reason == libdnf.transaction.TransactionItemReason_DEPENDENCY: b.installed_dep.append(tsi) elif tsi.reason == libdnf.transaction.TransactionItemReason_WEAK_DEPENDENCY: b.installed_weak.append(tsi) else: # TransactionItemReason_USER b.installed.append(tsi) elif tsi.action == libdnf.transaction.TransactionItemAction_REINSTALL: b.reinstalled.append(tsi) elif tsi.action == libdnf.transaction.TransactionItemAction_REMOVE: if tsi.reason == libdnf.transaction.TransactionItemReason_CLEAN: b.erased_clean.append(tsi) elif tsi.reason == libdnf.transaction.TransactionItemReason_DEPENDENCY: b.erased_dep.append(tsi) else: b.erased.append(tsi) elif tsi.action == libdnf.transaction.TransactionItemAction_UPGRADE: b.upgraded.append(tsi) return b def _spread_in_columns(cols_count, label, lst): left = itertools.chain((label,), itertools.repeat('')) lst_length = len(lst) right_count = cols_count - 1 missing_items = -lst_length % right_count if not lst_length: lst = itertools.repeat('', right_count) elif missing_items: lst.extend(('',) * missing_items) lst_iter = iter(lst) return list(zip(left, *[lst_iter] * right_count)) class Output(object): """Main output class for the yum command line.""" GRP_PACKAGE_INDENT = ' ' * 3 FILE_PROVIDE_RE = re.compile(r'^\*{0,2}/') def __init__(self, base, conf): self.conf = conf self.base = base self.term = dnf.cli.term.Term() self.progress = None def _banner(self, col_data, row): term_width = self.term.columns rule = '%s' % '=' * term_width header = self.fmtColumns(zip(row, col_data), ' ') return rule, header, rule def _col_widths(self, rows): col_data = [dict() for _ in rows[0]] for row in rows: for (i, val) in enumerate(row): col_dct = col_data[i] length = len(val) col_dct[length] = col_dct.get(length, 0) + 1 cols = self.calcColumns(col_data, None, indent=' ') # align to the left return list(map(operator.neg, cols)) def _highlight(self, highlight): hibeg = '' hiend = '' if not highlight: pass elif not isinstance(highlight, basestring) or highlight == 'bold': hibeg = self.term.MODE['bold'] elif highlight == 'normal': pass # Minor opt. else: # Turn a string into a specific output: colour, bold, etc. for high in highlight.replace(',', ' ').split(): if high == 'normal': hibeg = '' elif high in self.term.MODE: hibeg += self.term.MODE[high] elif high in self.term.FG_COLOR: hibeg += self.term.FG_COLOR[high] elif (high.startswith('fg:') and high[3:] in self.term.FG_COLOR): hibeg += self.term.FG_COLOR[high[3:]] elif (high.startswith('bg:') and high[3:] in self.term.BG_COLOR): hibeg += self.term.BG_COLOR[high[3:]] if hibeg: hiend = self.term.MODE['normal'] return (hibeg, hiend) def _sub_highlight(self, haystack, highlight, needles, **kwds): hibeg, hiend = self._highlight(highlight) return self.term.sub(haystack, hibeg, hiend, needles, **kwds) @staticmethod def _calc_columns_spaces_helps(current, data_tups, left): """ Spaces left on the current field will help how many pkgs? """ ret = 0 for tup in data_tups: if left < (tup[0] - current): break ret += tup[1] return ret @property def history(self): return self.base.history @property def sack(self): return self.base.sack def calcColumns(self, data, columns=None, remainder_column=0, total_width=None, indent=''): """Dynamically calculate the widths of the columns that the fields in data should be placed into for output. :param data: a list of dictionaries that represent the data to be output. Each dictionary in the list corresponds to a column of output. The keys of the dictionary are the lengths of the items to be output, and the value associated with a key is the number of items of that length. :param columns: a list containing the minimum amount of space that must be allocated for each row. This can be used to ensure that there is space available in a column if, for example, the actual lengths of the items being output cannot be given in *data* :param remainder_column: number of the column to receive a few extra spaces that may remain after other allocation has taken place :param total_width: the total width of the output. self.term.real_columns is used by default :param indent: string that will be prefixed to a line of output to create e.g. an indent :return: a list of the widths of the columns that the fields in data should be placed into for output """ cols = len(data) # Convert the data to ascending list of tuples, (field_length, pkgs) pdata = data data = [None] * cols # Don't modify the passed in data for d in range(0, cols): data[d] = sorted(pdata[d].items()) if total_width is None: total_width = self.term.real_columns # i'm not able to get real terminal width so i'm probably # running in non interactive terminal (pipe to grep, redirect to file...) # avoid splitting lines to enable filtering output if not total_width: full_columns = [] for col in data: if col: full_columns.append(col[-1][0]) else: full_columns.append(0) full_columns[0] += len(indent) # if possible, try to keep default width (usually 80 columns) default_width = self.term.columns if sum(full_columns) > default_width: return full_columns total_width = default_width # We start allocating 1 char to everything but the last column, and a # space between each (again, except for the last column). Because # at worst we are better with: # |one two three| # | four | # ...than: # |one two three| # | f| # |our | # ...the later being what we get if we pre-allocate the last column, and # thus. the space, due to "three" overflowing it's column by 2 chars. if columns is None: columns = [1] * (cols - 1) columns.append(0) total_width -= (sum(columns) + (cols - 1) + exact_width(indent)) if not columns[-1]: total_width += 1 while total_width > 0: # Find which field all the spaces left will help best helps = 0 val = 0 for d in xrange(0, cols): thelps = self._calc_columns_spaces_helps(columns[d], data[d], total_width) if not thelps: continue # We prefer to overflow: the last column, and then earlier # columns. This is so that in the best case (just overflow the # last) ... grep still "works", and then we make it prettier. if helps and (d == (cols - 1)) and (thelps / 2) < helps: continue if thelps < helps: continue helps = thelps val = d # If we found a column to expand, move up to the next level with # that column and start again with any remaining space. if helps: diff = data[val].pop(0)[0] - columns[val] if not columns[val] and (val == (cols - 1)): # If we are going from 0 => N on the last column, take 1 # for the space before the column. total_width -= 1 columns[val] += diff total_width -= diff continue overflowed_columns = 0 for d in xrange(0, cols): if not data[d]: continue overflowed_columns += 1 if overflowed_columns: # Split the remaining spaces among each overflowed column # equally norm = total_width // overflowed_columns for d in xrange(0, cols): if not data[d]: continue columns[d] += norm total_width -= norm # Split the remaining spaces among each column equally, except the # last one. And put the rest into the remainder column cols -= 1 norm = total_width // cols for d in xrange(0, cols): columns[d] += norm columns[remainder_column] += total_width - (cols * norm) total_width = 0 return columns @staticmethod def _fmt_column_align_width(width): """Returns tuple of (align_left, width)""" if width < 0: return (True, -width) return (False, width) def _col_data(self, col_data): assert len(col_data) == 2 or len(col_data) == 3 if len(col_data) == 2: (val, width) = col_data hibeg = hiend = '' if len(col_data) == 3: (val, width, highlight) = col_data (hibeg, hiend) = self._highlight(highlight) return (ucd(val), width, hibeg, hiend) def fmtColumns(self, columns, msg=u'', end=u''): """Return a row of data formatted into a string for output. Items can overflow their columns. :param columns: a list of tuples containing the data to output. Each tuple contains first the item to be output, then the amount of space allocated for the column, and then optionally a type of highlighting for the item :param msg: a string to begin the line of output with :param end: a string to end the line of output with :return: a row of data formatted into a string for output """ columns = list(columns) total_width = len(msg) data = [] for col_data in columns[:-1]: (val, width, hibeg, hiend) = self._col_data(col_data) if not width: # Don't count this column, invisible text msg += u"%s" data.append(val) continue (align_left, width) = self._fmt_column_align_width(width) val_width = exact_width(val) if val_width <= width: # Don't use fill_exact_width() because it sucks performance # wise for 1,000s of rows. Also allows us to use len(), when # we can. msg += u"%s%s%s%s " if align_left: data.extend([hibeg, val, " " * (width - val_width), hiend]) else: data.extend([hibeg, " " * (width - val_width), val, hiend]) else: msg += u"%s%s%s\n" + " " * (total_width + width + 1) data.extend([hibeg, val, hiend]) total_width += width total_width += 1 (val, width, hibeg, hiend) = self._col_data(columns[-1]) (align_left, width) = self._fmt_column_align_width(width) val = fill_exact_width(val, width, left=align_left, prefix=hibeg, suffix=hiend) msg += u"%%s%s" % end data.append(val) return msg % tuple(data) def simpleList(self, pkg, ui_overflow=False, indent='', highlight=False, columns=None): """Print a package as a line. :param pkg: the package to be printed :param ui_overflow: unused :param indent: string to be prefixed onto the line to provide e.g. an indent :param highlight: highlighting options for the name of the package :param colums: tuple containing the space allocated for each column of output. The columns are the package name, version, and repository """ if columns is None: columns = (-40, -22, -16) # Old default na = '%s%s.%s' % (indent, pkg.name, pkg.arch) hi_cols = [highlight, 'normal', 'normal'] columns = zip((na, pkg.evr, pkg._from_repo), columns, hi_cols) print(self.fmtColumns(columns)) def simpleEnvraList(self, pkg, ui_overflow=False, indent='', highlight=False, columns=None): """Print a package as a line, with the package itself in envra format so it can be passed to list/install/etc. :param pkg: the package to be printed :param ui_overflow: unused :param indent: string to be prefixed onto the line to provide e.g. an indent :param highlight: highlighting options for the name of the package :param colums: tuple containing the space allocated for each column of output. The columns the are the package envra and repository """ if columns is None: columns = (-63, -16) # Old default envra = '%s%s' % (indent, ucd(pkg)) hi_cols = [highlight, 'normal', 'normal'] rid = pkg.ui_from_repo columns = zip((envra, rid), columns, hi_cols) print(self.fmtColumns(columns)) def simple_name_list(self, pkg): """Print a package as a line containing its name.""" print(ucd(pkg.name)) def simple_nevra_list(self, pkg): """Print a package as a line containing its NEVRA.""" print(ucd(pkg)) def fmtKeyValFill(self, key, val): """Return a key value pair in the common two column output format. :param key: the key to be formatted :param val: the value associated with *key* :return: the key value pair formatted in two columns for output """ keylen = exact_width(key) cols = self.term.columns nxt = ' ' * (keylen - 2) + ': ' if not val: # textwrap.fill in case of empty val returns empty string return key val = ucd(val) ret = textwrap_fill(val, width=cols, initial_indent=key, subsequent_indent=nxt) if ret.count("\n") > 1 and keylen > (cols // 3): # If it's big, redo it again with a smaller subsequent off ret = textwrap_fill(val, width=cols, initial_indent=key, subsequent_indent=' ...: ') return ret def fmtSection(self, name, fill='='): """Format and return a section header. The format of the header is a line with *name* centred, and *fill* repeated on either side to fill an entire line on the terminal. :param name: the name of the section :param fill: the character to repeat on either side of *name* to fill an entire line. *fill* must be a single character. :return: a string formatted to be a section header """ name = ucd(name) cols = self.term.columns - 2 name_len = exact_width(name) if name_len >= (cols - 4): beg = end = fill * 2 else: beg = fill * ((cols - name_len) // 2) end = fill * (cols - name_len - len(beg)) return "%s %s %s" % (beg, name, end) def infoOutput(self, pkg, highlight=False): """Print information about the given package. :param pkg: the package to print information about :param hightlight: highlighting options for the name of the package """ def format_key_val(key, val): return " ".join([fill_exact_width(key, 12, 12), ":", str(val)]) def format_key_val_fill(key, val): return self.fmtKeyValFill(fill_exact_width(key, 12, 12) + " : ", val or "") output_list = [] (hibeg, hiend) = self._highlight(highlight) # Translators: This is abbreviated 'Name'. Should be no longer # than 12 characters. You can use the full version if it is short # enough in your language. key = select_short_long(12, C_("short", "Name"), C_("long", "Name")) output_list.append(format_key_val(key, "%s%s%s" % (hibeg, pkg.name, hiend))) if pkg.epoch: # Translators: This message should be no longer than 12 characters. output_list.append(format_key_val(_("Epoch"), pkg.epoch)) key = select_short_long(12, C_("short", "Version"), C_("long", "Version")) output_list.append(format_key_val(key, pkg.version)) # Translators: This message should be no longer than 12 characters. output_list.append(format_key_val(_("Release"), pkg.release)) key = select_short_long(12, C_("short", "Arch"), C_("long", "Architecture")) output_list.append(format_key_val(key, pkg.arch)) key = select_short_long(12, C_("short", "Size"), C_("long", "Size")) output_list.append(format_key_val(key, format_number(float(pkg._size)))) # Translators: This message should be no longer than 12 characters. output_list.append(format_key_val(_("Source"), pkg.sourcerpm)) key = select_short_long(12, C_("short", "Repo"), C_("long", "Repository")) output_list.append(format_key_val(key, pkg.repoid)) if pkg._from_system: history_repo = self.history.repo(pkg) if history_repo: # Translators: This message should be no longer than 12 chars. output_list.append(format_key_val(_("From repo"), history_repo)) if self.conf.verbose: # :hawkey does not support changelog information # print(_("Committer : %s") % ucd(pkg.committer)) # print(_("Committime : %s") % time.ctime(pkg.committime)) # Translators: This message should be no longer than 12 characters. output_list.append(format_key_val(_("Packager"), pkg.packager)) # Translators: This message should be no longer than 12 characters. output_list.append(format_key_val(_("Buildtime"), dnf.util.normalize_time(pkg.buildtime))) if pkg.installtime: # Translators: This message should be no longer than 12 characters. output_list.append(format_key_val(_("Install time"), dnf.util.normalize_time(pkg.installtime))) history_pkg = self.history.package_data(pkg) if history_pkg: try: uid = int(history_pkg._item.getInstalledBy()) except ValueError: # In case int() fails uid = None # Translators: This message should be no longer than 12 chars. output_list.append(format_key_val(_("Installed by"), self._pwd_ui_username(uid))) # Translators: This is abbreviated 'Summary'. Should be no longer # than 12 characters. You can use the full version if it is short # enough in your language. key = select_short_long(12, C_("short", "Summary"), C_("long", "Summary")) output_list.append(format_key_val_fill(key, pkg.summary)) if pkg.url: output_list.append(format_key_val(_("URL"), ucd(pkg.url))) # Translators: This message should be no longer than 12 characters. output_list.append(format_key_val_fill(_("License"), pkg.license)) # Translators: This is abbreviated 'Description'. Should be no longer # than 12 characters. You can use the full version if it is short # enough in your language. key = select_short_long(12, C_("short", "Description"), C_("long", "Description")) output_list.append(format_key_val_fill(key, pkg.description)) return "\n".join(output_list) def updatesObsoletesList(self, uotup, changetype, columns=None): """Print a simple string that explains the relationship between the members of an update or obsoletes tuple. :param uotup: an update or obsoletes tuple. The first member is the new package, and the second member is the old package :param changetype: a string indicating what the change between the packages is, e.g. 'updates' or 'obsoletes' :param columns: a tuple containing information about how to format the columns of output. The absolute value of each number in the tuple indicates how much space has been allocated for the corresponding column. If the number is negative, the text in the column will be left justified, and if it is positive, the text will be right justified. The columns of output are the package name, version, and repository """ (changePkg, instPkg) = uotup if columns is not None: # New style, output all info. for both old/new with old indented chi = self.conf.color_update_remote if changePkg.reponame != hawkey.SYSTEM_REPO_NAME: chi = self.conf.color_update_local self.simpleList(changePkg, columns=columns, highlight=chi) self.simpleList(instPkg, columns=columns, indent=' ' * 4, highlight=self.conf.color_update_installed) return # Old style c_compact = changePkg.compactPrint() i_compact = '%s.%s' % (instPkg.name, instPkg.arch) c_repo = changePkg.repoid print('%-35.35s [%.12s] %.10s %-20.20s' % (c_compact, c_repo, changetype, i_compact)) def listPkgs(self, lst, description, outputType, highlight_na={}, columns=None, highlight_modes={}): """Prints information about the given list of packages. :param lst: a list of packages to print information about :param description: string describing what the list of packages contains, e.g. 'Available Packages' :param outputType: The type of information to be printed. Current options:: 'list' - simple pkg list 'info' - similar to rpm -qi output 'name' - simple name list 'nevra' - simple nevra list :param highlight_na: a dictionary containing information about packages that should be highlighted in the output. The dictionary keys are (name, arch) tuples for the package, and the associated values are the package objects themselves. :param columns: a tuple containing information about how to format the columns of output. The absolute value of each number in the tuple indicates how much space has been allocated for the corresponding column. If the number is negative, the text in the column will be left justified, and if it is positive, the text will be right justified. The columns of output are the package name, version, and repository :param highlight_modes: dictionary containing information about to highlight the packages in *highlight_na*. *highlight_modes* should contain the following keys:: 'not_in' - highlighting used for packages not in *highlight_na* '=' - highlighting used when the package versions are equal '<' - highlighting used when the package has a lower version number '>' - highlighting used when the package has a higher version number :return: (exit_code, [errors]) exit_code is:: 0 = we're done, exit 1 = we've errored, exit with error string """ if outputType in ['list', 'info', 'name', 'nevra']: thingslisted = 0 if len(lst) > 0: thingslisted = 1 print('%s' % description) info_set = set() if outputType == 'list': unique_item_dict = {} for pkg in lst: unique_item_dict[str(pkg) + str(pkg._from_repo)] = pkg lst = unique_item_dict.values() for pkg in sorted(lst): key = (pkg.name, pkg.arch) highlight = False if key not in highlight_na: highlight = highlight_modes.get('not in', 'normal') elif pkg.evr_eq(highlight_na[key]): highlight = highlight_modes.get('=', 'normal') elif pkg.evr_lt(highlight_na[key]): highlight = highlight_modes.get('>', 'bold') else: highlight = highlight_modes.get('<', 'normal') if outputType == 'list': self.simpleList(pkg, ui_overflow=True, highlight=highlight, columns=columns) elif outputType == 'info': info_set.add(self.infoOutput(pkg, highlight=highlight) + "\n") elif outputType == 'name': self.simple_name_list(pkg) elif outputType == 'nevra': self.simple_nevra_list(pkg) else: pass if info_set: print("\n".join(sorted(info_set))) if thingslisted == 0: return 1, [_('No packages to list')] return 0, [] def userconfirm(self, msg=None, defaultyes_msg=None): """Get a yes or no from the user, and default to No :msg: String for case with [y/N] :defaultyes_msg: String for case with [Y/n] :return: True if the user selects yes, and False if the user selects no """ yui = (ucd(_('y')), ucd(_('yes'))) nui = (ucd(_('n')), ucd(_('no'))) aui = yui + nui while True: if msg is None: msg = _('Is this ok [y/N]: ') choice = '' if self.conf.defaultyes: if defaultyes_msg is None: msg = _('Is this ok [Y/n]: ') else: msg = defaultyes_msg try: choice = dnf.i18n.ucd_input(msg) except EOFError: pass except KeyboardInterrupt: choice = nui[0] choice = ucd(choice).lower() if len(choice) == 0: choice = yui[0] if self.conf.defaultyes else nui[0] if choice in aui: break # If the English one letter names don't mix with the translated # letters, allow them too: if u'y' == choice and u'y' not in aui: choice = yui[0] break if u'n' == choice and u'n' not in aui: choice = nui[0] break if choice in yui: return True return False def _pkgs2name_dict(self, sections): installed = self.sack.query().installed()._name_dict() available = self.sack.query().available()._name_dict() d = {} for pkg_name in itertools.chain(*list(zip(*sections))[1]): if pkg_name in installed: d[pkg_name] = installed[pkg_name][0] elif pkg_name in available: d[pkg_name] = available[pkg_name][0] return d def _pkgs2col_lengths(self, sections, name_dict): nevra_lengths = {} repo_lengths = {} for pkg_name in itertools.chain(*list(zip(*sections))[1]): pkg = name_dict.get(pkg_name) if pkg is None: continue nevra_l = exact_width(ucd(pkg)) + exact_width(self.GRP_PACKAGE_INDENT) repo_l = exact_width(ucd(pkg.reponame)) nevra_lengths[nevra_l] = nevra_lengths.get(nevra_l, 0) + 1 repo_lengths[repo_l] = repo_lengths.get(repo_l, 0) + 1 return (nevra_lengths, repo_lengths) def _display_packages(self, pkg_names): for name in pkg_names: print('%s%s' % (self.GRP_PACKAGE_INDENT, name)) def _display_packages_verbose(self, pkg_names, name_dict, columns): for name in pkg_names: try: pkg = name_dict[name] except KeyError: # package not in any repo -> print only package name print('%s%s' % (self.GRP_PACKAGE_INDENT, name)) continue highlight = False if not pkg._from_system: highlight = self.conf.color_list_available_install self.simpleEnvraList(pkg, ui_overflow=True, indent=self.GRP_PACKAGE_INDENT, highlight=highlight, columns=columns) def display_pkgs_in_groups(self, group): """Output information about the packages in a given group :param group: a Group object to output information about """ def names(packages): return sorted(pkg.name for pkg in packages) print('\n' + _('Group: %s') % group.ui_name) verbose = self.conf.verbose if verbose: print(_(' Group-Id: %s') % ucd(group.id)) if group.ui_description: print(_(' Description: %s') % ucd(group.ui_description) or "") if group.lang_only: print(_(' Language: %s') % group.lang_only) sections = ( (_(' Mandatory Packages:'), names(group.mandatory_packages)), (_(' Default Packages:'), names(group.default_packages)), (_(' Optional Packages:'), names(group.optional_packages)), (_(' Conditional Packages:'), names(group.conditional_packages))) if verbose: name_dict = self._pkgs2name_dict(sections) col_lengths = self._pkgs2col_lengths(sections, name_dict) columns = self.calcColumns(col_lengths) columns = (-columns[0], -columns[1]) for (section_name, packages) in sections: if len(packages) < 1: continue print(section_name) self._display_packages_verbose(packages, name_dict, columns) else: for (section_name, packages) in sections: if len(packages) < 1: continue print(section_name) self._display_packages(packages) def display_groups_in_environment(self, environment): """Output information about the packages in a given environment :param environment: an Environment object to output information about """ def names(groups): return sorted(group.name for group in groups) print(_('Environment Group: %s') % environment.ui_name) if self.conf.verbose: print(_(' Environment-Id: %s') % ucd(environment.id)) if environment.ui_description: description = ucd(environment.ui_description) or "" print(_(' Description: %s') % description) sections = ( (_(' Mandatory Groups:'), names(environment.mandatory_groups)), (_(' Optional Groups:'), names(environment.optional_groups))) for (section_name, packages) in sections: if len(packages) < 1: continue print(section_name) self._display_packages(packages) def matchcallback(self, po, values, matchfor=None, verbose=None, highlight=None): """Output search/provides type callback matches. :param po: the package object that matched the search :param values: the information associated with *po* that matched the search :param matchfor: a list of strings to be highlighted in the output :param verbose: whether to output extra verbose information :param highlight: highlighting options for the highlighted matches """ def print_highlighted_key_item(key, item, printed_headline, can_overflow=False): if not printed_headline: print(_('Matched from:')) item = ucd(item) or "" if item == "": return if matchfor: item = self._sub_highlight(item, highlight, matchfor, ignore_case=True) if can_overflow: print(self.fmtKeyValFill(key, item)) else: print(key % item) def print_file_provides(item, printed_match): if not self.FILE_PROVIDE_RE.match(item): return False key = _("Filename : %s") file_match = False for filename in po.files: if fnmatch.fnmatch(filename, item): print_highlighted_key_item( key, filename, file_match or printed_match, can_overflow=False) file_match = True return file_match if self.conf.showdupesfromrepos: msg = '%s : ' % po else: msg = '%s.%s : ' % (po.name, po.arch) msg = self.fmtKeyValFill(msg, po.summary or "") if matchfor: if highlight is None: highlight = self.conf.color_search_match msg = self._sub_highlight(msg, highlight, matchfor, ignore_case=True) print(msg) if verbose is None: verbose = self.conf.verbose if not verbose: return print(_("Repo : %s") % po.ui_from_repo) printed_match = False name_match = False for item in set(values): if po.summary == item: name_match = True continue # Skip double name/summary printing if po.description == item: key = _("Description : ") print_highlighted_key_item(key, item, printed_match, can_overflow=True) printed_match = True elif po.url == item: key = _("URL : %s") print_highlighted_key_item(key, item, printed_match, can_overflow=False) printed_match = True elif po.license == item: key = _("License : %s") print_highlighted_key_item(key, item, printed_match, can_overflow=False) printed_match = True elif print_file_provides(item, printed_match): printed_match = True else: key = _("Provide : %s") for provide in po.provides: provide = str(provide) if fnmatch.fnmatch(provide, item): print_highlighted_key_item(key, provide, printed_match, can_overflow=False) printed_match = True else: first_provide = provide.split()[0] possible = set('=<>') if any((char in possible) for char in item): item_new = item.split()[0] else: item_new = item if fnmatch.fnmatch(first_provide, item_new): print_highlighted_key_item( key, provide, printed_match, can_overflow=False) printed_match = True if not any([printed_match, name_match]): for item in set(values): key = _("Other : %s") print_highlighted_key_item(key, item, printed_match, can_overflow=False) print() def matchcallback_verbose(self, po, values, matchfor=None): """Output search/provides type callback matches. This will output more information than :func:`matchcallback`. :param po: the package object that matched the search :param values: the information associated with *po* that matched the search :param matchfor: a list of strings to be highlighted in the output """ return self.matchcallback(po, values, matchfor, verbose=True) def reportDownloadSize(self, packages, installonly=False): """Report the total download size for a set of packages :param packages: a list of package objects :param installonly: whether the transaction consists only of installations """ totsize = 0 locsize = 0 insize = 0 error = False for pkg in packages: # Just to be on the safe side, if for some reason getting # the package size fails, log the error and don't report download # size try: size = int(pkg._size) totsize += size try: if pkg.verifyLocalPkg(): locsize += size except Exception: pass if not installonly: continue try: size = int(pkg.installsize) except Exception: pass insize += size except Exception: error = True msg = _('There was an error calculating total download size') logger.error(msg) break if not error: if locsize: logger.info(_("Total size: %s"), format_number(totsize)) if locsize != totsize: logger.info(_("Total download size: %s"), format_number(totsize - locsize)) if installonly: logger.info(_("Installed size: %s"), format_number(insize)) def reportRemoveSize(self, packages): """Report the total size of packages being removed. :param packages: a list of package objects """ totsize = 0 error = False for pkg in packages: # Just to be on the safe side, if for some reason getting # the package size fails, log the error and don't report download # size try: size = pkg._size totsize += size except Exception: error = True msg = _('There was an error calculating installed size') logger.error(msg) break if not error: logger.info(_("Freed space: %s"), format_number(totsize)) def list_group_transaction(self, comps, history, diff): if not diff: return None out = [] rows = [] if diff.new_groups: out.append(_('Marking packages as installed by the group:')) for grp_id in diff.new_groups: pkgs = list(diff.added_packages(grp_id)) group_object = comps._group_by_id(grp_id) grp_name = group_object.ui_name if group_object else grp_id rows.extend(_spread_in_columns(4, "@" + grp_name, pkgs)) if diff.removed_groups: out.append(_('Marking packages as removed by the group:')) for grp_id in diff.removed_groups: pkgs = list(diff.removed_packages(grp_id)) grp_name = history.group.get(grp_id).ui_name rows.extend(_spread_in_columns(4, "@" + grp_name, pkgs)) if rows: col_data = self._col_widths(rows) for row in rows: out.append(self.fmtColumns(zip(row, col_data), ' ')) out[0:0] = self._banner(col_data, (_('Group'), _('Packages'), '', '')) return '\n'.join(out) def _skipped_packages(self, report_problems): """returns set of conflicting packages and set of packages with broken dependency that would be additionally installed when --best and --allowerasing""" if self.base._goal.actions & (hawkey.INSTALL | hawkey.UPGRADE | hawkey.UPGRADE_ALL): best = True else: best = False ng = deepcopy(self.base._goal) params = {"allow_uninstall": self.base._allow_erasing, "force_best": best, "ignore_weak": True} ret = ng.run(**params) if not ret and report_problems: msg = dnf.util._format_resolve_problems(ng.problem_rules()) logger.warning(msg) problem_conflicts = set(ng.problem_conflicts(available=True)) problem_dependency = set(ng.problem_broken_dependency(available=True)) - problem_conflicts return problem_conflicts, problem_dependency def list_transaction(self, transaction): """Return a string representation of the transaction in an easy-to-read format. """ forward_actions = hawkey.UPGRADE | hawkey.UPGRADE_ALL | hawkey.DISTUPGRADE | \ hawkey.DISTUPGRADE_ALL | hawkey.DOWNGRADE | hawkey.INSTALL skipped_conflicts = set() skipped_broken = set() if transaction is None: # set empty transaction list instead of returning None # in order to display module changes when RPM transaction is empty transaction = [] list_bunch = _make_lists(transaction, self.base._goal) pkglist_lines = [] data = {'n' : {}, 'v' : {}, 'r' : {}} a_wid = 0 # Arch can't get "that big" ... so always use the max. def _add_line(lines, data, a_wid, po, obsoletes=[]): (n, a, e, v, r) = po.pkgtup evr = po.evr repoid = po._from_repo size = format_number(po._size) if a is None: # gpgkeys are weird a = 'noarch' # none, partial, full? if po._from_system: hi = self.conf.color_update_installed elif po._from_cmdline: hi = self.conf.color_update_local else: hi = self.conf.color_update_remote lines.append((n, a, evr, repoid, size, obsoletes, hi)) # Create a dict of field_length => number of packages, for # each field. for (d, v) in (("n", len(n)), ("v", len(evr)), ("r", len(repoid))): data[d].setdefault(v, 0) data[d][v] += 1 a_wid = max(a_wid, len(a)) return a_wid ins_group_msg = _('Installing group/module packages') if dnf.base.WITH_MODULES \ else _('Installing group packages') for (action, pkglist) in [ # TRANSLATORS: This is for a list of packages to be installed. (C_('summary', 'Installing'), list_bunch.installed), # TRANSLATORS: This is for a list of packages to be upgraded. (C_('summary', 'Upgrading'), list_bunch.upgraded), # TRANSLATORS: This is for a list of packages to be reinstalled. (C_('summary', 'Reinstalling'), list_bunch.reinstalled), (ins_group_msg, list_bunch.installed_group), (_('Installing dependencies'), list_bunch.installed_dep), (_('Installing weak dependencies'), list_bunch.installed_weak), # TRANSLATORS: This is for a list of packages to be removed. (_('Removing'), list_bunch.erased), (_('Removing dependent packages'), list_bunch.erased_dep), (_('Removing unused dependencies'), list_bunch.erased_clean), # TRANSLATORS: This is for a list of packages to be downgraded. (C_('summary', 'Downgrading'), list_bunch.downgraded)]: lines = [] # build a reverse mapping to 'replaced_by' # this is required to achieve reasonable speed replaces = {} for tsi in transaction: if tsi.action != libdnf.transaction.TransactionItemAction_OBSOLETED: continue for i in tsi._item.getReplacedBy(): replaces.setdefault(i, set()).add(tsi) for tsi in pkglist: if tsi.action not in dnf.transaction.FORWARD_ACTIONS + [libdnf.transaction.TransactionItemAction_REMOVE]: continue # get TransactionItems obsoleted by tsi obsoleted = sorted(replaces.get(tsi._item, [])) a_wid = _add_line(lines, data, a_wid, tsi.pkg, obsoleted) pkglist_lines.append((action, lines)) installedProfiles = sorted(dict(self.base._moduleContainer.getInstalledProfiles()).items()) if installedProfiles: action = _("Installing module profiles") lines = [] for name, profiles in installedProfiles: for profile in list(profiles): lines.append(("%s/%s" % (name, profile), "", "", "", "", "", "")) pkglist_lines.append((action, lines)) removedProfiles = sorted(dict(self.base._moduleContainer.getRemovedProfiles()).items()) if removedProfiles: action = _("Disabling module profiles") lines = [] for name, profiles in removedProfiles: for profile in list(profiles): lines.append(("%s/%s" % (name, profile), "", "", "", "", "", "")) pkglist_lines.append((action, lines)) enabledStreams = sorted(dict(self.base._moduleContainer.getEnabledStreams()).items()) if enabledStreams: action = _("Enabling module streams") lines = [] for name, stream in enabledStreams: lines.append((name, "", stream, "", "", "", "")) pkglist_lines.append((action, lines)) switchedStreams = sorted(dict(self.base._moduleContainer.getSwitchedStreams()).items()) if switchedStreams: action = _("Switching module streams") lines = [] for name, stream in switchedStreams: lines.append((name, "", "%s -> %s" % (stream[0], stream[1]), "", "", "", "")) pkglist_lines.append((action, lines)) disabledModules = sorted(list(self.base._moduleContainer.getDisabledModules())) if disabledModules: action = _("Disabling modules") lines = [] for name in disabledModules: lines.append((name, "", "", "", "", "", "")) pkglist_lines.append((action, lines)) resetModules = sorted(list(self.base._moduleContainer.getResetModules())) if resetModules: action = _("Resetting modules") lines = [] for name in resetModules: lines.append((name, "", "", "", "", "", "")) pkglist_lines.append((action, lines)) if self.base._history: install_env_group = self.base._history.env._installed if install_env_group: action = _("Installing Environment Groups") lines = [] for group in install_env_group.values(): lines.append((group.getName(), "", "", "", "", "", "")) pkglist_lines.append((action, lines)) upgrade_env_group = self.base._history.env._upgraded if upgrade_env_group: action = _("Upgrading Environment Groups") lines = [] for group in upgrade_env_group.values(): lines.append((group.getName(), "", "", "", "", "", "")) pkglist_lines.append((action, lines)) remove_env_group = self.base._history.env._removed if remove_env_group: action = _("Removing Environment Groups") lines = [] for group in remove_env_group.values(): lines.append((group.getName(), "", "", "", "", "", "")) pkglist_lines.append((action, lines)) install_group = self.base._history.group._installed if install_group: action = _("Installing Groups") lines = [] for group in install_group.values(): lines.append((group.getName(), "", "", "", "", "", "")) pkglist_lines.append((action, lines)) upgrade_group = self.base._history.group._upgraded if upgrade_group: action = _("Upgrading Groups") lines = [] for group in upgrade_group.values(): lines.append((group.getName(), "", "", "", "", "", "")) pkglist_lines.append((action, lines)) remove_group = self.base._history.group._removed if remove_group: action = _("Removing Groups") lines = [] for group in remove_group.values(): lines.append((group.getName(), "", "", "", "", "", "")) pkglist_lines.append((action, lines)) # show skipped conflicting packages if not self.conf.best and self.base._goal.actions & forward_actions: lines = [] skipped_conflicts, skipped_broken = self._skipped_packages(report_problems=True) for pkg in sorted(skipped_conflicts): a_wid = _add_line(lines, data, a_wid, pkg, []) recommendations = ["--best"] if not self.base._allow_erasing: recommendations.append("--allowerasing") skip_str = _("Skipping packages with conflicts:\n" "(add '%s' to command line " "to force their upgrade)") % " ".join(recommendations) pkglist_lines.append((skip_str, lines)) lines = [] for pkg in sorted(skipped_broken): a_wid = _add_line(lines, data, a_wid, pkg, []) skip_str = _("Skipping packages with broken dependencies%s") if self.base.conf.upgrade_group_objects_upgrade: skip_str = skip_str % "" else: skip_str = skip_str % _(" or part of a group") pkglist_lines.append((skip_str, lines)) if not data['n'] and not self.base._moduleContainer.isChanged() and not \ (self.base._history and (self.base._history.group or self.base._history.env)): return u'' else: data = [data['n'], {}, data['v'], data['r'], {}] columns = [1, a_wid, 1, 1, 5] columns = self.calcColumns(data, indent=" ", columns=columns, remainder_column=2) (n_wid, a_wid, v_wid, r_wid, s_wid) = columns # Do not use 'Package' without context. Using context resolves # RhBug 1302935 as a side effect. msg_package = select_short_long(n_wid, # Translators: This is the short version of 'Package'. You can # use the full (unabbreviated) term 'Package' if you think that # the translation to your language is not too long and will # always fit to limited space. C_('short', 'Package'), # Translators: This is the full (unabbreviated) term 'Package'. C_('long', 'Package')) msg_arch = select_short_long(a_wid, # Translators: This is abbreviated 'Architecture', used when # we have not enough space to display the full word. C_('short', 'Arch'), # Translators: This is the full word 'Architecture', used when # we have enough space. C_('long', 'Architecture')) msg_version = select_short_long(v_wid, # Translators: This is the short version of 'Version'. You can # use the full (unabbreviated) term 'Version' if you think that # the translation to your language is not too long and will # always fit to limited space. C_('short', 'Version'), # Translators: This is the full (unabbreviated) term 'Version'. C_('long', 'Version')) msg_repository = select_short_long(r_wid, # Translators: This is abbreviated 'Repository', used when # we have not enough space to display the full word. C_('short', 'Repo'), # Translators: This is the full word 'Repository', used when # we have enough space. C_('long', 'Repository')) msg_size = select_short_long(s_wid, # Translators: This is the short version of 'Size'. It should # not be longer than 5 characters. If the term 'Size' in your # language is not longer than 5 characters then you can use it # unabbreviated. C_('short', 'Size'), # Translators: This is the full (unabbreviated) term 'Size'. C_('long', 'Size')) out = [u"%s\n%s\n%s\n" % ('=' * self.term.columns, self.fmtColumns(((msg_package, -n_wid), (msg_arch, -a_wid), (msg_version, -v_wid), (msg_repository, -r_wid), (msg_size, s_wid)), u" "), '=' * self.term.columns)] for (action, lines) in pkglist_lines: if lines: totalmsg = u"%s:\n" % action for (n, a, evr, repoid, size, obsoletes, hi) in lines: columns = ((n, -n_wid, hi), (a, -a_wid), (evr, -v_wid), (repoid, -r_wid), (size, s_wid)) msg = self.fmtColumns(columns, u" ", u"\n") hibeg, hiend = self._highlight(self.conf.color_update_installed) for obspo in sorted(obsoletes): appended = ' ' + _('replacing') + ' %s%s%s.%s %s\n' appended %= (hibeg, obspo.name, hiend, obspo.arch, obspo.evr) msg += appended totalmsg = totalmsg + msg if lines: out.append(totalmsg) out.append(_(""" Transaction Summary %s """) % ('=' * self.term.columns)) summary_data = ( (_('Install'), len(list_bunch.installed) + len(list_bunch.installed_group) + len(list_bunch.installed_weak) + len(list_bunch.installed_dep), 0), (_('Upgrade'), len(list_bunch.upgraded), 0), (_('Remove'), len(list_bunch.erased) + len(list_bunch.erased_dep) + len(list_bunch.erased_clean), 0), (_('Downgrade'), len(list_bunch.downgraded), 0), (_('Skip'), len(skipped_conflicts) + len(skipped_broken), 0)) max_msg_action = 0 max_msg_count = 0 max_msg_pkgs = 0 max_msg_depcount = 0 for action, count, depcount in summary_data: if not count and not depcount: continue msg_pkgs = P_('Package', 'Packages', count) len_msg_action = exact_width(action) len_msg_count = exact_width(unicode(count)) len_msg_pkgs = exact_width(msg_pkgs) if depcount: len_msg_depcount = exact_width(unicode(depcount)) else: len_msg_depcount = 0 max_msg_action = max(len_msg_action, max_msg_action) max_msg_count = max(len_msg_count, max_msg_count) max_msg_pkgs = max(len_msg_pkgs, max_msg_pkgs) max_msg_depcount = max(len_msg_depcount, max_msg_depcount) for action, count, depcount in summary_data: msg_pkgs = P_('Package', 'Packages', count) if depcount: msg_deppkgs = P_('Dependent package', 'Dependent packages', depcount) action_msg = fill_exact_width(action, max_msg_action) if count: msg = '%s %*d %s (+%*d %s)\n' out.append(msg % (action_msg, max_msg_count, count, "%-*s" % (max_msg_pkgs, msg_pkgs), max_msg_depcount, depcount, msg_deppkgs)) else: msg = '%s %s ( %*d %s)\n' out.append(msg % (action_msg, (max_msg_count + max_msg_pkgs) * ' ', max_msg_depcount, depcount, msg_deppkgs)) elif count: msg = '%s %*d %s\n' out.append(msg % (fill_exact_width(action, max_msg_action), max_msg_count, count, msg_pkgs)) return ''.join(out) def post_transaction_output(self, transaction): """Returns a human-readable summary of the results of the transaction. :return: a string containing a human-readable summary of the results of the transaction """ # Works a bit like calcColumns, but we never overflow a column we just # have a dynamic number of columns. def _fits_in_cols(msgs, num): """ Work out how many columns we can use to display stuff, in the post trans output. """ if len(msgs) < num: return [] left = self.term.columns - ((num - 1) + 2) if left <= 0: return [] col_lens = [0] * num col = 0 for msg in msgs: if len(msg) > col_lens[col]: diff = (len(msg) - col_lens[col]) if left <= diff: return [] left -= diff col_lens[col] = len(msg) col += 1 col %= len(col_lens) for col in range(len(col_lens)): col_lens[col] += left // num col_lens[col] *= -1 return col_lens out = '' list_bunch = _make_lists(transaction, self.base._goal) skipped_conflicts, skipped_broken = self._skipped_packages(report_problems=False) skipped = skipped_conflicts.union(skipped_broken) skipped = sorted(set([str(pkg) for pkg in skipped])) for (action, tsis) in [(_('Upgraded'), list_bunch.upgraded), (_('Downgraded'), list_bunch.downgraded), (_('Installed'), list_bunch.installed + list_bunch.installed_group + list_bunch.installed_weak + list_bunch.installed_dep), (_('Reinstalled'), list_bunch.reinstalled), (_('Skipped'), skipped), (_('Removed'), list_bunch.erased + list_bunch.erased_dep + list_bunch.erased_clean), (_('Failed'), list_bunch.failed)]: if not tsis: continue msgs = [] out += '\n%s:\n' % action for tsi in tsis: msgs.append(str(tsi)) for num in (8, 7, 6, 5, 4, 3, 2): cols = _fits_in_cols(msgs, num) if cols: break if not cols: cols = [-(self.term.columns - 2)] while msgs: current_msgs = msgs[:len(cols)] out += ' ' out += self.fmtColumns(zip(current_msgs, cols), end=u'\n') msgs = msgs[len(cols):] return out def setup_progress_callbacks(self): """Set up the progress callbacks and various output bars based on debug level. """ progressbar = None if self.conf.debuglevel >= 2: progressbar = dnf.cli.progress.MultiFileProgressMeter(fo=sys.stdout) self.progress = dnf.cli.progress.MultiFileProgressMeter(fo=sys.stdout) # setup our depsolve progress callback return (progressbar, DepSolveProgressCallBack()) def download_callback_total_cb(self, remote_size, download_start_timestamp): """Outputs summary information about the download process. :param remote_size: the total amount of information that was downloaded, in bytes :param download_start_timestamp: the time when the download process started, in seconds since the epoch """ if remote_size <= 0: return width = self.term.columns logger.info("-" * width) dl_time = max(0.01, time.time() - download_start_timestamp) msg = ' %5sB/s | %5sB %9s ' % ( format_number(remote_size // dl_time), format_number(remote_size), format_time(dl_time)) msg = fill_exact_width(_("Total"), width - len(msg)) + msg logger.info(msg) def _history_uiactions(self, hpkgs): actions = set() actions_short = set() count = 0 for pkg in hpkgs: if pkg.action in (libdnf.transaction.TransactionItemAction_UPGRADED, libdnf.transaction.TransactionItemAction_DOWNGRADED): # skip states we don't want to display in user input continue actions.add(pkg.action_name) actions_short.add(pkg.action_short) count += 1 if len(actions) > 1: return count, ", ".join(sorted(actions_short)) # So empty transactions work, although that "shouldn't" really happen return count, "".join(list(actions)) def _pwd_ui_username(self, uid, limit=None): if isinstance(uid, list): return [self._pwd_ui_username(u, limit) for u in uid] # loginuid is set to -1 (0xFFFF_FFFF) on init, in newer kernels. # loginuid is set to INT_MAX (0x7FFF_FFFF) on init, in older kernels. if uid is None or uid in (0xFFFFFFFF, 0x7FFFFFFF): loginid = _("<unset>") name = _("System") + " " + loginid if limit is not None and len(name) > limit: name = loginid return ucd(name) def _safe_split_0(text, *args): """ Split gives us a [0] for everything _but_ '', this function returns '' in that case. """ ret = text.split(*args) if not ret: return '' return ret[0] try: user = pwd.getpwuid(int(uid)) fullname = _safe_split_0(ucd(user.pw_gecos), ';', 2) user_name = ucd(user.pw_name) name = "%s <%s>" % (fullname, user_name) if limit is not None and len(name) > limit: name = "%s ... <%s>" % (_safe_split_0(fullname), user_name) if len(name) > limit: name = "<%s>" % user_name return name except KeyError: return ucd(uid) @staticmethod def _historyRangeRTIDs(old, tid): ''' Convert a user "TID" string of 2..4 into: (2, 4). ''' def str2int(x): try: if x == '--last' or x.startswith('--last-'): tid = old.tid if x.startswith('--last-'): off = int(x[len('--last-'):]) if off <= 0: int("z") tid -= off return tid return int(x) except ValueError: return None if '..' not in tid: return None btid, etid = tid.split('..', 2) btid = str2int(btid) if btid > old.tid: return None elif btid <= 0: return None etid = str2int(etid) if etid > old.tid: return None if btid is None or etid is None: return None # Have a range ... do a "merged" transaction. if btid > etid: btid, etid = etid, btid return (btid, etid) def _historyRangeTIDs(self, rtids): ''' Convert a list of ranged tid typles into all the tids needed, Eg. [(2,4), (6,8)] == [2, 3, 4, 6, 7, 8]. ''' tids = set() last_end = -1 # This just makes displaying it easier... for mtid in sorted(rtids): if mtid[0] < last_end: msg = _('Skipping merged transaction %d to %d, as it overlaps') logger.warning(msg, mtid[0], mtid[1]) continue # Don't do overlapping last_end = mtid[1] for num in range(mtid[0], mtid[1] + 1): tids.add(num) return tids def _history_list_transactions(self, extcmds): old = self.history.last() if old is None: logger.critical(_('No transactions')) return None tids = set() pats = [] usertids = extcmds for tid in usertids: try: int(tid) tids.add(tid) except ValueError: rtid = self._historyRangeRTIDs(old, tid) if rtid: tids.update(self._historyRangeTIDs([rtid])) continue pats.append(tid) if pats: tids.update(self.history.search(pats)) if not tids and usertids: logger.critical(_('Bad transaction IDs, or package(s), given')) return None return tids def historyListCmd(self, extcmds): """Output a list of information about the history of yum transactions. :param extcmds: list of extra command line arguments :return: (exit_code, [errors]) exit_code is:: 0 = we're done, exit 1 = we've errored, exit with error string """ tids = self._history_list_transactions(extcmds) if tids is not None: old_tids = self.history.old(tids) if self.conf.history_list_view == 'users': uids = [1, 2] elif self.conf.history_list_view == 'commands': uids = [1] else: assert self.conf.history_list_view == 'single-user-commands' uids = set() done = 0 blanks = 0 for old in old_tids: done += 1 if old.cmdline is None: blanks += 1 uids.add(old.loginuid) fmt = "%s | %s | %s | %s | %s" if len(uids) == 1: name = _("Command line") else: # TRANSLATORS: user names who executed transaction in history command output name = _("User name") print(fmt % (fill_exact_width(_("ID"), 6, 6), fill_exact_width(name, 24, 24), fill_exact_width(_("Date and time"), 16, 16), fill_exact_width(_("Action(s)"), 14, 14), fill_exact_width(_("Altered"), 7, 7))) print("-" * 79) fmt = "%6u | %s | %-16.16s | %s | %4u" for old in old_tids: if len(uids) == 1: name = old.cmdline or '' else: name = self._pwd_ui_username(old.loginuid, 24) name = ucd(name) tm = time.strftime("%Y-%m-%d %H:%M", time.localtime(old.beg_timestamp)) num, uiacts = self._history_uiactions(old.data()) name = fill_exact_width(name, 24, 24) uiacts = fill_exact_width(uiacts, 14, 14) rmark = lmark = ' ' if old.return_code is None: rmark = lmark = '*' elif old.return_code: rmark = lmark = '#' # We don't check .errors, because return_code will be non-0 elif old.is_output: rmark = lmark = 'E' if old.altered_lt_rpmdb: rmark = '<' if old.altered_gt_rpmdb: lmark = '>' print(fmt % (old.tid, name, tm, uiacts, num), "%s%s" % (lmark, rmark)) def historyInfoCmd(self, extcmds, pats=[], mtids=set()): """Output information about a transaction in history :param extcmds: list of extra command line arguments :return: (exit_code, [errors]) exit_code is:: 0 = we're done, exit 1 = we've errored, exit with error string """ tids = set(extcmds) old = self.history.last() if old is None: logger.critical(_('No transactions')) return 1, [_('Failed history info')] lasttid = old.tid lastdbv = old.end_rpmdb_version transactions = [] if not tids and len(extcmds) < 2: old = self.history.last(complete_transactions_only=False) if old is not None: tids.add(old.tid) transactions.append(old) else: transactions = self.history.old(tids) if not tids: logger.critical(_('No transaction ID, or package, given')) return 1, [_('Failed history info')] bmtid, emtid = -1, -1 mobj = None done = False if mtids: mtids = sorted(mtids) bmtid, emtid = mtids.pop() for trans in transactions: if lastdbv is not None and trans.tid == lasttid: # If this is the last transaction, is good and it doesn't # match the current rpmdb ... then mark it as bad. rpmdbv = self.sack._rpmdb_version() trans.compare_rpmdbv(str(rpmdbv)) lastdbv = None merged = False if trans.tid >= bmtid and trans.tid <= emtid: if mobj is None: mobj = MergedTransactionWrapper(trans) else: mobj.merge(trans) merged = True elif mobj is not None: if done: print("-" * 79) done = True self._historyInfoCmd(mobj) mobj = None if mtids: bmtid, emtid = mtids.pop() if trans.tid >= bmtid and trans.tid <= emtid: mobj = trans merged = True if not merged: if done: print("-" * 79) done = True self._historyInfoCmd(trans, pats) if mobj is not None: if done: print("-" * 79) self._historyInfoCmd(mobj) def _historyInfoCmd(self, old, pats=[]): loginuid = old.loginuid if isinstance(loginuid, int): loginuid = [loginuid] name = [self._pwd_ui_username(uid) for uid in loginuid] _pkg_states_installed = {'i' : _('Installed'), 'e' : _('Erased'), 'o' : _('Upgraded'), 'n' : _('Downgraded')} _pkg_states_available = {'i' : _('Installed'), 'e' : _('Not installed'), 'o' : _('Older'), 'n' : _('Newer')} maxlen = max([len(x) for x in (list(_pkg_states_installed.values()) + list(_pkg_states_available.values()))]) _pkg_states_installed['maxlen'] = maxlen _pkg_states_available['maxlen'] = maxlen def _simple_pkg(pkg, prefix_len, was_installed=False, highlight=False, pkg_max_len=0, show_repo=True): prefix = " " * prefix_len if was_installed: _pkg_states = _pkg_states_installed else: _pkg_states = _pkg_states_available state = _pkg_states['i'] # get installed packages with name = pkg.name ipkgs = self.sack.query().installed().filterm(name=pkg.name).run() if not ipkgs: state = _pkg_states['e'] else: # get latest installed package from software database inst_pkg = self.history.package(ipkgs[0]) if inst_pkg: res = pkg.compare(inst_pkg) # res is: # 0 if inst_pkg == pkg # > 0 when inst_pkg > pkg # < 0 when inst_pkg < pkg if res == 0: pass # installed elif res > 0: state = _pkg_states['o'] # updated else: state = _pkg_states['n'] # downgraded if highlight: (hibeg, hiend) = self._highlight('bold') else: (hibeg, hiend) = self._highlight('normal') state = fill_exact_width(state, _pkg_states['maxlen']) ui_repo = '' if show_repo: ui_repo = pkg.ui_from_repo() print("%s%s%s%s %-*s %s" % (prefix, hibeg, state, hiend, pkg_max_len, str(pkg), ui_repo)) tids = old.tids() if len(tids) > 1: print(_("Transaction ID :"), "%u..%u" % (tids[0], tids[-1])) else: print(_("Transaction ID :"), tids[0]) begt = float(old.beg_timestamp) begtm = time.strftime("%c", time.localtime(begt)) print(_("Begin time :"), begtm) if old.beg_rpmdb_version is not None: if old.altered_lt_rpmdb: print(_("Begin rpmdb :"), old.beg_rpmdb_version, "**") else: print(_("Begin rpmdb :"), old.beg_rpmdb_version) if old.end_timestamp is not None: endt = old.end_timestamp endtm = time.strftime("%c", time.localtime(endt)) diff = endt - begt if diff < 5 * 60: diff = _("(%u seconds)") % diff elif diff < 5 * 60 * 60: diff = _("(%u minutes)") % (diff // 60) elif diff < 5 * 60 * 60 * 24: diff = _("(%u hours)") % (diff // (60 * 60)) else: diff = _("(%u days)") % (diff // (60 * 60 * 24)) print(_("End time :"), endtm, diff) if old.end_rpmdb_version is not None: if old.altered_gt_rpmdb: print(_("End rpmdb :"), old.end_rpmdb_version, "**") else: print(_("End rpmdb :"), old.end_rpmdb_version) if isinstance(name, (list, tuple)): seen = set() for i in name: if i in seen: continue seen.add(i) print(_("User :"), i) else: print(_("User :"), name) if isinstance(old.return_code, (list, tuple)): codes = old.return_code if codes[0] is None: print(_("Return-Code :"), "**", _("Aborted"), "**") codes = codes[1:] elif not all(codes): print(_("Return-Code :"), _("Success")) elif codes: print(_("Return-Code :"), _("Failures:"), ", ".join([str(i) for i in codes])) elif old.return_code is None: print(_("Return-Code :"), "**", _("Aborted"), "**") elif old.return_code: print(_("Return-Code :"), _("Failure:"), old.return_code) else: print(_("Return-Code :"), _("Success")) if isinstance(old.releasever, (list, tuple)): seen = set() for i in old.releasever: if i in seen: continue seen.add(i) print(_("Releasever :"), i) else: print(_("Releasever :"), old.releasever) if old.cmdline is not None: if isinstance(old.cmdline, (list, tuple)): for cmdline in old.cmdline: print(_("Command Line :"), cmdline) else: print(_("Command Line :"), old.cmdline) # TODO: # comment = self.history.addon_data.read(old.tid, item='transaction-comment') comment = "" if comment: print(_("Comment :"), comment) perf_with = old.performed_with() if perf_with: print(_("Transaction performed with:")) max_len = 0 for with_pkg in perf_with: str_len = len(str(with_pkg)) if str_len > max_len: max_len = str_len for with_pkg in perf_with: _simple_pkg(with_pkg, 4, was_installed=True, pkg_max_len=max_len) print(_("Packages Altered:")) self.historyInfoCmdPkgsAltered(old, pats) t_out = old.output() if t_out: print(_("Scriptlet output:")) num = 0 for line in t_out: num += 1 print("%4d" % num, line) t_err = old.error() if t_err: print(_("Errors:")) num = 0 for line in t_err: num += 1 print("%4d" % num, line) # TODO: remove _history_state2uistate = {'True-Install' : _('Install'), 'Install' : _('Install'), 'Dep-Install' : _('Dep-Install'), 'Obsoleted' : _('Obsoleted'), 'Obsoleting' : _('Obsoleting'), 'Erase' : _('Erase'), 'Reinstall' : _('Reinstall'), 'Downgrade' : _('Downgrade'), 'Downgraded' : _('Downgraded'), 'Update' : _('Upgrade'), 'Updated' : _('Upgraded'), } def historyInfoCmdPkgsAltered(self, old, pats=[]): """Print information about how packages are altered in a transaction. :param old: the :class:`DnfSwdbTrans` to print information about :param pats: a list of patterns. Packages that match a patten in *pats* will be highlighted in the output """ last = None # Note that these don't use _simple_pkg() because we are showing what # happened to them in the transaction ... not the difference between the # version in the transaction and now. all_uistates = self._history_state2uistate maxlen = 0 pkg_max_len = 0 packages = old.packages() for pkg in packages: uistate = all_uistates.get(pkg.action_name, pkg.action_name) if maxlen < len(uistate): maxlen = len(uistate) pkg_len = len(str(pkg)) if pkg_max_len < pkg_len: pkg_max_len = pkg_len for pkg in packages: prefix = " " * 4 if pkg.state != libdnf.transaction.TransactionItemState_DONE: prefix = " ** " highlight = 'normal' if pats: if any([pkg.match(pat) for pat in pats]): highlight = 'bold' (hibeg, hiend) = self._highlight(highlight) cn = str(pkg) uistate = all_uistates.get(pkg.action_name, pkg.action_name) uistate = fill_exact_width(ucd(uistate), maxlen) if (last is not None and last.action == libdnf.transaction.TransactionItemAction_UPGRADED and last.name == pkg.name and pkg.action == libdnf.transaction.TransactionItemAction_UPGRADE): ln = len(pkg.name) + 1 cn = (" " * ln) + cn[ln:] elif (last is not None and last.action == libdnf.transaction.TransactionItemAction_DOWNGRADE and last.name == pkg.name and pkg.action == libdnf.transaction.TransactionItemAction_DOWNGRADED): ln = len(pkg.name) + 1 cn = (" " * ln) + cn[ln:] else: last = None if pkg.action in (libdnf.transaction.TransactionItemAction_UPGRADED, libdnf.transaction.TransactionItemAction_DOWNGRADE): last = pkg print("%s%s%s%s %-*s %s" % (prefix, hibeg, uistate, hiend, pkg_max_len, str(pkg), pkg.ui_from_repo())) def historyPackageListCmd(self, extcmds): """Print a list of information about transactions from history that involve the given package or packages. :param extcmds: list of extra command line arguments """ tids = self.history.search(extcmds) limit = None if extcmds and not tids: logger.critical(_('Bad transaction IDs, or package(s), given')) return 1, ['Failed history packages-list'] if not tids: limit = 20 all_uistates = self._history_state2uistate fmt = "%s | %s | %s" # REALLY Needs to use columns! print(fmt % (fill_exact_width(_("ID"), 6, 6), fill_exact_width(_("Action(s)"), 14, 14), # This is also a hack to resolve RhBug 1302935 correctly. fill_exact_width(C_("long", "Package"), 53, 53))) print("-" * 79) fmt = "%6u | %s | %-50s" num = 0 for old in self.history.old(tids, limit=limit): packages = old.packages() if limit and num and (num + len(packages)) > limit: break last = None # Copy and paste from list ... uh. rmark = lmark = ' ' if old.return_code is None: rmark = lmark = '*' elif old.return_code: rmark = lmark = '#' # We don't check .errors, because return_code will be non-0 elif old.output: rmark = lmark = 'E' elif old.rpmdb_problems: rmark = lmark = 'P' elif old.trans_skip: rmark = lmark = 's' if old.altered_lt_rpmdb: rmark = '<' if old.altered_gt_rpmdb: lmark = '>' # Find a pkg to go with each cmd... for pkg in packages: if limit is None: if not any([pkg.match(pat) for pat in extcmds]): continue uistate = all_uistates.get(pkg.action_name, pkg.action_name) uistate = fill_exact_width(uistate, 14) # To chop the name off we need nevra strings, str(pkg) gives # envra so we have to do it by hand ... *sigh*. cn = pkg.ui_nevra if (last is not None and last.action == libdnf.transaction.TransactionItemAction_UPGRADED and last.name == pkg.name and pkg.action == libdnf.transaction.TransactionItemAction_UPGRADE): ln = len(pkg.name) + 1 cn = (" " * ln) + cn[ln:] elif (last is not None and last.action == libdnf.transaction.TransactionItemAction_DOWNGRADE and last.name == pkg.name and pkg.action == libdnf.transaction.TransactionItemAction_DOWNGRADED): ln = len(pkg.name) + 1 cn = (" " * ln) + cn[ln:] else: last = None if pkg.action in (libdnf.transaction.TransactionItemAction_UPGRADED, libdnf.transaction.TransactionItemAction_DOWNGRADE): last = pkg num += 1 print(fmt % (old.tid, uistate, cn), "%s%s" % (lmark, rmark)) class DepSolveProgressCallBack(dnf.callback.Depsolve): """Provides text output callback functions for Dependency Solver callback.""" def __init__(self): """requires yum-cli log and errorlog functions as arguments""" self.loops = 0 def pkg_added(self, pkg, mode): """Print information about a package being added to the transaction set. :param pkgtup: tuple containing the package name, arch, version, and repository :param mode: a short string indicating why the package is being added to the transaction set. Valid current values for *mode* are:: i = the package will be installed u = the package will be an update e = the package will be erased r = the package will be reinstalled d = the package will be a downgrade o = the package will be obsoleting another package ud = the package will be updated od = the package will be obsoleted """ output = None if mode == 'i': output = _('---> Package %s.%s %s will be installed') elif mode == 'u': output = _('---> Package %s.%s %s will be an upgrade') elif mode == 'e': output = _('---> Package %s.%s %s will be erased') elif mode == 'r': output = _('---> Package %s.%s %s will be reinstalled') elif mode == 'd': output = _('---> Package %s.%s %s will be a downgrade') elif mode == 'o': output = _('---> Package %s.%s %s will be obsoleting') elif mode == 'ud': output = _('---> Package %s.%s %s will be upgraded') elif mode == 'od': output = _('---> Package %s.%s %s will be obsoleted') if output: logger.debug(output, pkg.name, pkg.arch, pkg.evr) def start(self): """Perform setup at the beginning of the dependency solving process. """ logger.debug(_('--> Starting dependency resolution')) self.loops += 1 def end(self): """Output a message stating that dependency resolution has finished.""" logger.debug(_('--> Finished dependency resolution')) class CliKeyImport(dnf.callback.KeyImport): def __init__(self, base, output): self.base = base self.output = output def _confirm(self, id, userid, fingerprint, url, timestamp): def short_id(id): rj = '0' if dnf.pycomp.PY3 else b'0' return id[-8:].rjust(8, rj) msg = (_('Importing GPG key 0x%s:\n' ' Userid : "%s"\n' ' Fingerprint: %s\n' ' From : %s') % (short_id(id), userid, dnf.crypto._printable_fingerprint(fingerprint), url.replace("file://", ""))) logger.critical("%s", msg) if self.base.conf.assumeyes: return True if self.base.conf.assumeno: return False return self.output.userconfirm() class CliTransactionDisplay(LoggingTransactionDisplay): """A YUM specific callback class for RPM operations.""" width = property(lambda self: dnf.cli.term._term_width()) def __init__(self): super(CliTransactionDisplay, self).__init__() self.lastmsg = "" self.lastpackage = None # name of last package we looked at self.output = True # for a progress bar self.mark = "=" self.marks = 22 def progress(self, package, action, ti_done, ti_total, ts_done, ts_total): """Output information about an rpm operation. This may include a text progress bar. :param package: the package involved in the event :param action: the type of action that is taking place. Valid values are given by :func:`rpmtrans.LoggingTransactionDisplay.action.keys()` :param ti_done: a number representing the amount of work already done in the current transaction :param ti_total: a number representing the total amount of work to be done in the current transaction :param ts_done: the number of the current transaction in transaction set :param ts_total: the total number of transactions in the transaction set """ action_str = dnf.transaction.ACTIONS.get(action) if action_str is None: return wid1 = self._max_action_width() pkgname = ucd(package) self.lastpackage = package if ti_total == 0: percent = 0 else: percent = (ti_done*long(100))//ti_total self._out_progress(ti_done, ti_total, ts_done, ts_total, percent, action_str, pkgname, wid1) def _max_action_width(self): if not hasattr(self, '_max_action_wid_cache'): wid1 = 0 for val in dnf.transaction.ACTIONS.values(): wid_val = exact_width(val) if wid1 < wid_val: wid1 = wid_val self._max_action_wid_cache = wid1 wid1 = self._max_action_wid_cache return wid1 def _out_progress(self, ti_done, ti_total, ts_done, ts_total, percent, process, pkgname, wid1): if self.output and (sys.stdout.isatty() or ti_done == ti_total): (fmt, wid1, wid2) = self._makefmt(percent, ts_done, ts_total, progress=sys.stdout.isatty(), pkgname=pkgname, wid1=wid1) pkgname = ucd(pkgname) msg = fmt % (fill_exact_width(process, wid1, wid1), fill_exact_width(pkgname, wid2, wid2)) if msg != self.lastmsg: dnf.util._terminal_messenger('write_flush', msg, sys.stdout) self.lastmsg = msg if ti_done == ti_total: print(" ") def filelog(self, package, action): pass def error(self, message): pass def scriptout(self, msgs): """Print messages originating from a package script. :param msgs: the messages coming from the script """ if msgs: self.rpm_logger.info(ucd(msgs)) def _makefmt(self, percent, ts_done, ts_total, progress=True, pkgname=None, wid1=15): l = len(str(ts_total)) size = "%s.%s" % (l, l) fmt_done = "%" + size + "s/%" + size + "s" done = fmt_done % (ts_done, ts_total) # This should probably use TerminLine, but we don't want to dep. on # that. So we kind do an ok job by hand ... at least it's dynamic now. if pkgname is None: pnl = 22 else: pnl = exact_width(pkgname) overhead = (2 * l) + 2 # Length of done, above overhead += 2 + wid1 +2 # Length of beginning (" " action " :") overhead += 1 # Space between pn and done overhead += 2 # Ends for progress overhead += 1 # Space for end width = self.width if width < overhead: width = overhead # Give up width -= overhead if pnl > width // 2: pnl = width // 2 marks = self.width - (overhead + pnl) width = "%s.%s" % (marks, marks) fmt_bar = "[%-" + width + "s]" # pnl = str(28 + marks + 1) full_pnl = pnl + marks + 1 if progress and percent == 100: # Don't chop pkg name on 100% fmt = "\r %s: %s " + done wid2 = full_pnl elif progress: if marks > 5: bar = fmt_bar % (self.mark * int(marks * (percent / 100.0)), ) else: bar = "" fmt = "\r %s: %s " + bar + " " + done wid2 = pnl elif percent == 100: fmt = " %s: %s " + done wid2 = full_pnl else: if marks > 5: bar = fmt_bar % (self.mark * marks, ) else: bar = "" fmt = " %s: %s " + bar + " " + done wid2 = pnl return fmt, wid1, wid2 def progressbar(current, total, name=None): """Output the current status to the terminal using a simple text progress bar consisting of 50 # marks. :param current: a number representing the amount of work already done :param total: a number representing the total amount of work to be done :param name: a name to label the progress bar with """ mark = '#' if not sys.stdout.isatty(): return if current == 0: percent = 0 else: if total != 0: percent = float(current) / total else: percent = 0 width = dnf.cli.term._term_width() if name is None and current == total: name = '-' end = ' %d/%d' % (current, total) width -= len(end) + 1 if width < 0: width = 0 if name is None: width -= 2 if width < 0: width = 0 hashbar = mark * int(width * percent) output = '\r[%-*s]%s' % (width, hashbar, end) elif current == total: # Don't chop name on 100% output = '\r%s%s' % (fill_exact_width(name, width, width), end) else: width -= 4 if width < 0: width = 0 nwid = width // 2 if nwid > exact_width(name): nwid = exact_width(name) width -= nwid hashbar = mark * int(width * percent) output = '\r%s: [%-*s]%s' % (fill_exact_width(name, nwid, nwid), width, hashbar, end) if current <= total: dnf.util._terminal_messenger('write', output, sys.stdout) if current == total: dnf.util._terminal_messenger('write', '\n', sys.stdout) dnf.util._terminal_messenger('flush', out=sys.stdout)
gpl-2.0
4,829,881,065,076,747,000
40.065027
141
0.514703
false
levinsamuel/rand
python/api/mysqlcl.py
1
1787
from datetime import datetime from sqlalchemy import create_engine, __version__ as v, Column, Integer, String, DateTime from sqlalchemy.ext.declarative import declarative_base from sqlalchemy.orm import sessionmaker import pprint import logging import json from people import Person logging.basicConfig() log = logging.getLogger('mysqlcl') log.setLevel(logging.DEBUG) Base = declarative_base() engine = create_engine('mysql+mysqlconnector://sam:levin@localhost:3306/checkr_person', echo=True) Session = sessionmaker() Session.configure(bind=engine) class DBPerson(Base): __tablename__ = 'people' _id = Column(Integer, primary_key=True) fname = Column(String) lname = Column(String) createtime = Column(DateTime) def __init__(self, person): self.fname, self.lname, self.createtime = person.fname, person.lname, person.timestamp def to_person(self): return Person({'fname': self.fname, 'lname': self.lname, 'timestamp': self.createtime}) def client(): return Session() def post(prsn): """Create or update a person, based on presence of ID""" # Create the list of people from our data cl = client() pd = DBPerson(prsn) cl.add(pd) cl.commit() # Create a handler for our read (GET) people def read(id=None): cl = client() if id is not None: dbo = cl.query(DBPerson).filter_by(_id=id).first() ppl = dbo.to_person() if dbo is not None else None log.debug('person: %s', ppl) else: ppl = [p.to_person() for p in cl.query(DBPerson)] return ppl # return [PEOPLE[key] for key in sorted(PEOPLE.keys())] if __name__ == '__main__': c = client() print(engine, c) print(v)
mit
-4,172,617,481,449,023,000
24.542857
98
0.641298
false
maxikov/tatmon
trash/bezier.py
1
7830
#!/usr/bin/env python # -*- coding:utf8 -*- import pygame import sys import numpy class Activity(object): def __init__(self, screen_size, manager, clock): self.screen_size = screen_size self.manager = manager def render(self, surface): pass def process_event(self, event): pass def step(self): pass def exit(self): self.manager.exit(self) class StateManager(object): def __init__(self, first_activity, screen_size, clock): self.screen_size = screen_size self.stack = [] self.clock = clock self.call(first_activity) def call(self, activity): self.stack.append(activity(self.screen_size, self, self.clock)) def exit(self, activity): if len(self.stack) > 1: for i in xrange(len(self.stack)): if self.stack[i] == activity: del self.stack[i] def render(self, surface): self.stack[-1].render(surface) def step(self): self.stack[-1].step() def process_event(self, event): if event.type == pygame.QUIT or event.type == pygame.KEYDOWN and event.key in [pygame.K_ESCAPE, pygame.K_q]: self.call(ExitActivity) else: self.stack[-1].process_event(event) class ExitActivity(Activity): def __init__(self, screen_size, manager, clock): Activity.__init__(self, screen_size, manager, clock) self.mask = pygame.Surface(screen_size) self.mask.fill((0,0,150)) self.mask.set_alpha(20) font = pygame.font.Font(pygame.font.match_font("Times New Roman"), 72) font.set_italic(True) font.set_bold(True) self.gb = font.render(u"Goodbye!", True, (150, 150, 255)) self.gb.set_alpha(75) def render(self, surface): surface.blit(self.mask, (0,0)) rect = self.gb.get_rect() rect.center = surface.get_rect().center surface.blit(self.gb, rect) pygame.display.flip() sys.exit(0) class BezierActivity(Activity): def __init__(self, screen_size, manager, clock): Activity.__init__(self, screen_size, manager, clock) # self.curve = BezierCurve([(100, 100), (150, 50), (200, 200), (250, 100)], 0.01) self.clock = clock self.spline = BezierSpline([(100, 300), (100, 100), (400, 100)]) self.fps_label = Label(u"FPS:", u"%.2f") def render(self, surface): # self.curve.render(surface, (0,0,255)) self.spline.render(surface) self.fps_label.set_value(self.clock.get_fps()) self.fps_label.rect.topleft = 10, 10 self.fps_label.render(surface) class BezierCurve(object): def __init__(self, points, step=0.1): self.points = map(numpy.array, points) self.step = step self.calculate() def calculate(self): self.curve = [] p = self.points prev_t = t = 0 while prev_t < 1: self.curve.append( ((1-t)**3)*p[0] + 3*t*((1-t)**2)*p[1] + 3*(t**2)*(1-t)*p[2] + (t**3)*p[3] ) prev_t = t t += self.step def render(self, surface, color): pygame.draw.aalines(surface, color, False, self.curve) class BezierSpline(object): def __init__(self, points): self.points = points self.curves = [] self.create_curves(0.05) def create_curves(self, step=0.1): l = len(self.points) self.curves = [] for i in xrange(l): prestart, start, end, postend = self.points[(i-1)%l], self.points[i%l], self.points[(i+1)%l], self.points[(i+2)%l] m1, m2 = self.interpoints(prestart, start, end, postend) self.curves.append(BezierCurve([start, m1, m2, end], step)) def render(self, surface, color=(0,0,255)): for curve in self.curves: curve.render(surface, color) for curve in self.curves: map(lambda (x, y): pygame.draw.circle(surface, (255, 255, 0), (int(x), int(y)), 5), [curve.points[1], curve.points[2]]) map(lambda (x, y): pygame.draw.circle(surface, (0, 255, 0), (int(x), int(y)), 10), [curve.points[0], curve.points[3]]) def interpoints(self, prestart, start, end, postend, magic=0.2): #Удостоверимся, что работаем с numpy.array [prestart, start, end, postend] = map(numpy.array, [prestart, start, end, postend]) #Находим направляющие векторы касательных к создаваемому сплайну в начальной и конечной точке start_tangent = self.get_tangent(prestart, start, end) end_tangent = self.get_tangent(start, end, postend) l = self.magnitude(start-end) start_inter = start + start_tangent*magic*l end_inter = end - end_tangent*magic*l return start_inter, end_inter def get_tangent(self, prv, cur, nxt): u"""Нахождение координат направляющего вектора касательной в точке cur. Находит оптимальную касательную как перпендикуляр к сумме векторов prv -> cur и nxt -> cur, отложенных от cur. Возвращает numpy.array из координат направляющего вектора найденной касательной.""" #Удостоверимся, что работаем с numpy.array [prv, cur, nxt] = map(numpy.array, [prv, cur, nxt]) #Находим векторы prv_cur = prv - cur nxt_cur = nxt - cur #Находим нормаль к искомой касательной как сумму полученных векторов, отложенных от точки cur norm = prv_cur + nxt_cur if self.magnitude(norm) == 0: return self.valuate(nxt_cur) #Находим касательную как перпендикуляр к полученному вектору counterclockwise = numpy.dot(numpy.array( [[0, -1], [1, 0]]), norm) clockwise = numpy.dot(numpy.array( [[0, 1], [-1, 0]] ), norm) tangent = min([counterclockwise, clockwise], key=lambda vec: self.angle(vec, nxt_cur)) #Нормируем направляющий вектор на 1 tangent = self.valuate(tangent) return tangent def angle(self, vec1, vec2): return numpy.arccos(numpy.dot(vec1, vec2)/(self.magnitude(vec1) * self.magnitude(vec2))) def valuate(self, arr): u"""Нормировка значений переданного массива на 1. Возвращает numpy.array""" factor = float(abs(max(arr, key=abs))) return arr/factor if factor != 0 else numpy.array([0, 0]) def magnitude(self, arr): return numpy.sqrt(numpy.square(arr).sum()) class Label(object): def __init__(self, text, form, **kwargs): """ self, text, form, color=(0,0,0), font="Arial", fontsize=24, align="left" """ self.text = text self.form = form self.color = kwargs.get("color", (0,0,0)) self.align = kwargs.get("align", "left") self.font = pygame.font.Font(pygame.font.match_font(kwargs.get("font", "Arial")), kwargs.get("fontsize", 24)) self.label = self.font.render(unicode(self.text), True, self.color) self.rect = self.label.get_rect() def set_value(self, value): self.val = self.font.render(unicode(self.form) % value, True, self.color) valrect = self.val.get_rect() labrect = self.label.get_rect() if self.align == "left": valrect.topleft = labrect.bottomleft else: valrect.topright = labrect.bottomright self.surface = pygame.Surface( (valrect.width + labrect.width, valrect.height + labrect.height) ) self.surface.fill((255,255,255)) self.surface.set_colorkey((255,255,255)) self.surface.blit(self.label, labrect) self.surface.blit(self.val, valrect) self.rect = self.surface.get_rect() def render(self, surface): surface.blit(self.surface, self.rect) def main(): size = 500, 500 bgcolor = 255, 255, 255 pygame.init() screen = pygame.display.set_mode(size) pygame.display.set_caption(u"Brand new Bezier spline") clock = pygame.time.Clock() manager = StateManager(BezierActivity, size, clock) while True: clock.tick(400) for event in pygame.event.get(): manager.process_event(event) manager.step() screen.fill(bgcolor) manager.render(screen) pygame.display.flip() if __name__ == "__main__": main()
gpl-3.0
-5,036,191,145,068,028,000
29.123967
122
0.678052
false
coinapi/coinapi-sdk
oeml-sdk/python/openapi_client/model/position_data.py
1
8803
""" OEML - REST API This section will provide necessary information about the `CoinAPI OEML REST API` protocol. This API is also available in the Postman application: <a href=\"https://postman.coinapi.io/\" target=\"_blank\">https://postman.coinapi.io/</a> # noqa: E501 The version of the OpenAPI document: v1 Contact: [email protected] Generated by: https://openapi-generator.tech """ import re # noqa: F401 import sys # noqa: F401 from openapi_client.model_utils import ( # noqa: F401 ApiTypeError, ModelComposed, ModelNormal, ModelSimple, cached_property, change_keys_js_to_python, convert_js_args_to_python_args, date, datetime, file_type, none_type, validate_get_composed_info, ) def lazy_import(): from openapi_client.model.ord_side import OrdSide globals()['OrdSide'] = OrdSide class PositionData(ModelNormal): """NOTE: This class is auto generated by OpenAPI Generator. Ref: https://openapi-generator.tech Do not edit the class manually. Attributes: allowed_values (dict): The key is the tuple path to the attribute and the for var_name this is (var_name,). The value is a dict with a capitalized key describing the allowed value and an allowed value. These dicts store the allowed enum values. attribute_map (dict): The key is attribute name and the value is json key in definition. discriminator_value_class_map (dict): A dict to go from the discriminator variable value to the discriminator class name. validations (dict): The key is the tuple path to the attribute and the for var_name this is (var_name,). The value is a dict that stores validations for max_length, min_length, max_items, min_items, exclusive_maximum, inclusive_maximum, exclusive_minimum, inclusive_minimum, and regex. additional_properties_type (tuple): A tuple of classes accepted as additional properties values. """ allowed_values = { } validations = { } additional_properties_type = None _nullable = False @cached_property def openapi_types(): """ This must be a method because a model may have properties that are of type self, this must run after the class is loaded Returns openapi_types (dict): The key is attribute name and the value is attribute type. """ lazy_import() return { 'symbol_id_exchange': (str,), # noqa: E501 'symbol_id_coinapi': (str,), # noqa: E501 'avg_entry_price': (float,), # noqa: E501 'quantity': (float,), # noqa: E501 'side': (OrdSide,), # noqa: E501 'unrealized_pnl': (float,), # noqa: E501 'leverage': (float,), # noqa: E501 'cross_margin': (bool,), # noqa: E501 'liquidation_price': (float,), # noqa: E501 'raw_data': ({str: (bool, date, datetime, dict, float, int, list, str, none_type)},), # noqa: E501 } @cached_property def discriminator(): return None attribute_map = { 'symbol_id_exchange': 'symbol_id_exchange', # noqa: E501 'symbol_id_coinapi': 'symbol_id_coinapi', # noqa: E501 'avg_entry_price': 'avg_entry_price', # noqa: E501 'quantity': 'quantity', # noqa: E501 'side': 'side', # noqa: E501 'unrealized_pnl': 'unrealized_pnl', # noqa: E501 'leverage': 'leverage', # noqa: E501 'cross_margin': 'cross_margin', # noqa: E501 'liquidation_price': 'liquidation_price', # noqa: E501 'raw_data': 'raw_data', # noqa: E501 } _composed_schemas = {} required_properties = set([ '_data_store', '_check_type', '_spec_property_naming', '_path_to_item', '_configuration', '_visited_composed_classes', ]) @convert_js_args_to_python_args def __init__(self, *args, **kwargs): # noqa: E501 """PositionData - a model defined in OpenAPI Keyword Args: _check_type (bool): if True, values for parameters in openapi_types will be type checked and a TypeError will be raised if the wrong type is input. Defaults to True _path_to_item (tuple/list): This is a list of keys or values to drill down to the model in received_data when deserializing a response _spec_property_naming (bool): True if the variable names in the input data are serialized names, as specified in the OpenAPI document. False if the variable names in the input data are pythonic names, e.g. snake case (default) _configuration (Configuration): the instance to use when deserializing a file_type parameter. If passed, type conversion is attempted If omitted no type conversion is done. _visited_composed_classes (tuple): This stores a tuple of classes that we have traveled through so that if we see that class again we will not use its discriminator again. When traveling through a discriminator, the composed schema that is is traveled through is added to this set. For example if Animal has a discriminator petType and we pass in "Dog", and the class Dog allOf includes Animal, we move through Animal once using the discriminator, and pick Dog. Then in Dog, we will make an instance of the Animal class but this time we won't travel through its discriminator because we passed in _visited_composed_classes = (Animal,) symbol_id_exchange (str): Exchange symbol.. [optional] # noqa: E501 symbol_id_coinapi (str): CoinAPI symbol.. [optional] # noqa: E501 avg_entry_price (float): Calculated average price of all fills on this position.. [optional] # noqa: E501 quantity (float): The current position quantity.. [optional] # noqa: E501 side (OrdSide): [optional] # noqa: E501 unrealized_pnl (float): Unrealised profit or loss (PNL) of this position.. [optional] # noqa: E501 leverage (float): Leverage for this position reported by the exchange.. [optional] # noqa: E501 cross_margin (bool): Is cross margin mode enable for this position?. [optional] # noqa: E501 liquidation_price (float): Liquidation price. If mark price will reach this value, the position will be liquidated.. [optional] # noqa: E501 raw_data ({str: (bool, date, datetime, dict, float, int, list, str, none_type)}): [optional] # noqa: E501 """ _check_type = kwargs.pop('_check_type', True) _spec_property_naming = kwargs.pop('_spec_property_naming', False) _path_to_item = kwargs.pop('_path_to_item', ()) _configuration = kwargs.pop('_configuration', None) _visited_composed_classes = kwargs.pop('_visited_composed_classes', ()) if args: raise ApiTypeError( "Invalid positional arguments=%s passed to %s. Remove those invalid positional arguments." % ( args, self.__class__.__name__, ), path_to_item=_path_to_item, valid_classes=(self.__class__,), ) self._data_store = {} self._check_type = _check_type self._spec_property_naming = _spec_property_naming self._path_to_item = _path_to_item self._configuration = _configuration self._visited_composed_classes = _visited_composed_classes + (self.__class__,) for var_name, var_value in kwargs.items(): if var_name not in self.attribute_map and \ self._configuration is not None and \ self._configuration.discard_unknown_keys and \ self.additional_properties_type is None: # discard variable. continue setattr(self, var_name, var_value)
mit
-6,755,519,580,232,694,000
43.236181
261
0.566511
false
akashkw/smi-test-automation
smi_tests/test_virtualidentity.py
1
4835
# -*- coding: utf-8 -*- """ Virtual Identity ~~~~~~~~~~~~~~~~ :Copyright: (c) 2017 DELL Inc. or its subsidiaries. All Rights Reserved. :License: Apache 2.0, see LICENSE for more details. :Author: Akash Kwatra Created on May 4, 2017 """ import unittest import sys import logging import config from resttestms import http, json, log, test, parse LOG = logging.getLogger(__name__) # Leave as None to use default host HOST_OVERRIDE = None # Leave as None to use default json directory DATA_OVERRIDE = None # Leave as None to use default depth DEPTH_OVERRIDE = None def setUpModule(): """Initialize data for all test cases using overrides""" LOG.info("Begin Virtual Identity Tests") VirtualIdentityTest.initialize_data(HOST_OVERRIDE, DATA_OVERRIDE, DEPTH_OVERRIDE) class VirtualIdentityTest(unittest.TestCase): """Collection of data to test the virtual identity microservice""" PORT = '46015' JSON_NAME = 'data_virtualidentity.json' @classmethod def initialize_data(cls, host_override, directory_override, depth_override): """Initialize base url, json file path, and depth""" cls.HOST = test.select_host(config.HOST, host_override) cls.DATA = test.select_directory(config.DATA, directory_override) cls.DEPTH = test.select_depth(config.DEPTH, depth_override) cls.BASE_URL = test.create_base_url(cls.HOST, cls.PORT) cls.JSON_FILE = test.create_json_reference(cls.DATA, cls.JSON_NAME) ################################################################################################### # Delete ################################################################################################### class Delete(VirtualIdentityTest): """Tests for Delete Endpoint""" ENDPOINT = 'delete' def test_induce_error(self): """GET INDUCE ERROR TESTS""" test.induce_error('DELETE', self) def test_json(self): """DELETE JSON TESTS""" test.auto_run_json_tests('DELETE', self) ################################################################################################### # Get ################################################################################################### class Get(VirtualIdentityTest): """Tests for Get Endpoint""" ENDPOINT = 'get' def test_induce_error(self): """GET INDUCE ERROR TESTS""" test.induce_error('GET', self) def test_json(self): """GET JSON TESTS""" test.auto_run_json_tests('GET', self) ################################################################################################### # Post ################################################################################################### class Post(VirtualIdentityTest): """Tests for Post Endpoint""" ENDPOINT = 'post' def test_json(self): """POST JSON TESTS""" test.auto_run_json_tests('POST', self) ################################################################################################### # Put ################################################################################################### class Put(VirtualIdentityTest): """Tests for Put Endpoint""" ENDPOINT = 'put' def test_json(self): """PUT JSON TESTS""" test.auto_run_json_tests('PUT', self) ################################################################################################### # Delete VirtualIdentityId ################################################################################################### class DeleteVirtualIdentityId(VirtualIdentityTest): """Tests for Delete VirtualIdentityId Endpoint""" ENDPOINT = 'delete_virtualIdentityId' def test_json(self): """DELETE VIRTUALIDENTITYID JSON TESTS""" test.auto_run_json_tests('DELETE', self) ################################################################################################### # Get VirtualIdentityId ################################################################################################### class GetVirtualIdentityId(VirtualIdentityTest): """Tests for Get VirtualIdentityId Endpoint""" ENDPOINT = 'get_virtualIdentityId' def test_json(self): """GET VIRTUALIDENTITYID JSON TESTS""" test.auto_run_json_tests('GET', self) ################################################################################################### # RUN MODULE ################################################################################################### if __name__ == "__main__": HOST, DATA, DEPTH = parse.single_microservice_args(sys.argv) HOST_OVERRIDE = HOST if HOST else HOST_OVERRIDE DATA_OVERRIDE = DATA if DATA else DATA_OVERRIDE DEPTH_OVERRIDE = DEPTH if DEPTH else DEPTH_OVERRIDE log.configure_logger_from_yaml('logs/logger_config.yml') unittest.main()
apache-2.0
-4,670,121,876,254,201,000
32.344828
99
0.477146
false
maxcutler/Courant-News
courant/core/search/templatetags/search.py
1
2614
from django.template import Library, Node, Variable from courant.core.search.forms import CourantSearchForm register = Library() class SearchFacetCheck(Node): def __init__(self, facet, value, varname): self.facet = facet self.value = value self.varname = varname def render(self, context): request = context['request'] facets = request.GET.getlist('selected_facets') found = False facet_type = unicode(Variable(self.facet).resolve(context)) value = unicode(Variable(self.value).resolve(context)) for facet in facets: if len(facet) > 0: name, id = facet.split(':') if name == facet_type and id == value: found = True break context[self.varname] = found return '' def do_search_facet_check(parser, token): bits = token.contents.split() if not len(bits) == 5: raise TemplateSyntaxError, "search_facet_check syntax error" return SearchFacetCheck(bits[1], bits[2], bits[4]) do_search_facet_check = register.tag('search_facet_check', do_search_facet_check) def strip_facet(url, facet, value): to_remove = "&selected_facets=%s:%s" % (facet, value) return url.replace('%3A', ':').replace(to_remove, '') register.simple_tag(strip_facet) class SearchFormNode(Node): def __init__(self, varname): self.varname = varname def render(self, context): context[self.varname] = CourantSearchForm(context['request'].GET) return '' def get_search_form(parser, token): """ Sets a search form to a variable. Form is as follows: get_search_form as varname """ bits = token.contents.split() if not len(bits) == 3: raise TemplateSyntaxError, "get_search_form only takes 'as varname'" return SearchFormNode(bits[2]) get_search_form = register.tag(get_search_form) class SearchObject(Node): def __init__(self, obj, varname): self.obj = obj self.varname = varname def render(self, context): context[self.varname] = Variable(self.obj).resolve(context)._object return '' def get_search_object(parser, token): """ Extracts a model instance object from a search query result object """ bits = token.contents.split() if not len(bits) == 4: raise TemplateSyntaxError, "get_search_object syntax invalid" return SearchObject(bits[1], bits[3]) get_search_object = register.tag(get_search_object)
bsd-3-clause
-8,180,363,655,275,698,000
32.88
81
0.612854
false
oblique-labs/pyVM
rpython/jit/metainterp/optimizeopt/unroll.py
1
26476
import sys from rpython.jit.metainterp.history import Const, TargetToken, JitCellToken from rpython.jit.metainterp.optimizeopt.shortpreamble import ShortBoxes,\ ShortPreambleBuilder, ExtendedShortPreambleBuilder, PreambleOp from rpython.jit.metainterp.optimizeopt import info, intutils from rpython.jit.metainterp.optimize import InvalidLoop, SpeculativeError from rpython.jit.metainterp.optimizeopt.optimizer import Optimizer,\ Optimization, LoopInfo, MININT, MAXINT, BasicLoopInfo from rpython.jit.metainterp.optimizeopt.vstring import StrPtrInfo from rpython.jit.metainterp.optimizeopt.virtualstate import ( VirtualStateConstructor, VirtualStatesCantMatch) from rpython.jit.metainterp.resoperation import rop, ResOperation, GuardResOp,\ AbstractResOp from rpython.jit.metainterp import compile from rpython.rlib.debug import debug_print, debug_start, debug_stop,\ have_debug_prints class UnrollableOptimizer(Optimizer): def force_op_from_preamble(self, preamble_op): if isinstance(preamble_op, PreambleOp): if self.optunroll.short_preamble_producer is None: assert False # unreachable code op = preamble_op.op self.optimizer.inparg_dict[op] = None # XXX ARGH # special hack for int_add(x, accumulator-const) optimization self.optunroll.short_preamble_producer.use_box(op, preamble_op.preamble_op, self) if not preamble_op.op.is_constant(): if preamble_op.invented_name: op = self.get_box_replacement(op) self.optunroll.potential_extra_ops[op] = preamble_op return preamble_op.op return preamble_op def setinfo_from_preamble_list(self, lst, infos): for item in lst: if item is None: continue i = infos.get(item, None) if i is not None: self.setinfo_from_preamble(item, i, infos) else: item.set_forwarded(None) # let's not inherit stuff we don't # know anything about def setinfo_from_preamble(self, op, preamble_info, exported_infos): op = self.get_box_replacement(op) if op.get_forwarded() is not None: return if op.is_constant(): return # nothing we can learn if isinstance(preamble_info, info.PtrInfo): if preamble_info.is_virtual(): op.set_forwarded(preamble_info) self.setinfo_from_preamble_list(preamble_info.all_items(), exported_infos) return if preamble_info.is_constant(): # but op is not op.set_forwarded(preamble_info.getconst()) return if preamble_info.get_descr() is not None: if isinstance(preamble_info, info.StructPtrInfo): op.set_forwarded(info.StructPtrInfo( preamble_info.get_descr())) if isinstance(preamble_info, info.InstancePtrInfo): op.set_forwarded(info.InstancePtrInfo( preamble_info.get_descr())) known_class = preamble_info.get_known_class(self.cpu) if known_class: self.make_constant_class(op, known_class, False) if isinstance(preamble_info, info.ArrayPtrInfo): arr_info = info.ArrayPtrInfo(preamble_info.descr) bound = preamble_info.getlenbound(None).clone() assert isinstance(bound, intutils.IntBound) arr_info.lenbound = bound op.set_forwarded(arr_info) if isinstance(preamble_info, StrPtrInfo): str_info = StrPtrInfo(preamble_info.mode) bound = preamble_info.getlenbound(None).clone() assert isinstance(bound, intutils.IntBound) str_info.lenbound = bound op.set_forwarded(str_info) if preamble_info.is_nonnull(): self.make_nonnull(op) elif isinstance(preamble_info, intutils.IntBound): fix_lo = preamble_info.has_lower and preamble_info.lower >= MININT/2 fix_up = preamble_info.has_upper and preamble_info.upper <= MAXINT/2 if fix_lo or fix_up: intbound = self.getintbound(op) if fix_lo: intbound.has_lower = True intbound.lower = preamble_info.lower if fix_up: intbound.has_upper = True intbound.upper = preamble_info.upper elif isinstance(preamble_info, info.FloatConstInfo): op.set_forwarded(preamble_info._const) class UnrollOptimizer(Optimization): """Unroll the loop into two iterations. The first one will become the preamble or entry bridge (don't think there is a distinction anymore)""" short_preamble_producer = None def __init__(self, metainterp_sd, jitdriver_sd, optimizations): self.optimizer = UnrollableOptimizer(metainterp_sd, jitdriver_sd, optimizations) self.optimizer.optunroll = self def get_virtual_state(self, args): modifier = VirtualStateConstructor(self.optimizer) return modifier.get_virtual_state(args) def _check_no_forwarding(self, lsts, check_newops=True): for lst in lsts: for op in lst: assert op.get_forwarded() is None if check_newops: assert not self.optimizer._newoperations def optimize_preamble(self, trace, runtime_boxes, call_pure_results, memo): info, newops = self.optimizer.propagate_all_forward( trace.get_iter(), call_pure_results, flush=False) exported_state = self.export_state(info.jump_op.getarglist(), info.inputargs, runtime_boxes, memo) exported_state.quasi_immutable_deps = info.quasi_immutable_deps # we need to absolutely make sure that we've cleaned up all # the optimization info self.optimizer._clean_optimization_info(self.optimizer._newoperations) return exported_state, self.optimizer._newoperations def optimize_peeled_loop(self, trace, celltoken, state, call_pure_results, inline_short_preamble=True): trace = trace.get_iter() try: label_args = self.import_state(trace.inputargs, state) except VirtualStatesCantMatch: raise InvalidLoop("Cannot import state, virtual states don't match") self.potential_extra_ops = {} self.optimizer.init_inparg_dict_from(label_args) try: info, _ = self.optimizer.propagate_all_forward( trace, call_pure_results, flush=False) except SpeculativeError: raise InvalidLoop("Speculative heap access would be ill-typed") end_jump = info.jump_op label_op = ResOperation(rop.LABEL, label_args, descr=celltoken) for a in end_jump.getarglist(): self.optimizer.force_box_for_end_of_preamble( self.optimizer.get_box_replacement(a)) current_vs = self.get_virtual_state(end_jump.getarglist()) # pick the vs we want to jump to assert isinstance(celltoken, JitCellToken) target_virtual_state = self.pick_virtual_state(current_vs, state.virtual_state, celltoken.target_tokens) # force the boxes for virtual state to match try: args = target_virtual_state.make_inputargs( [self.get_box_replacement(x) for x in end_jump.getarglist()], self.optimizer, force_boxes=True) for arg in args: if arg is not None: self.optimizer.force_box(arg) except VirtualStatesCantMatch: raise InvalidLoop("Virtual states did not match " "after picking the virtual state, when forcing" " boxes") extra_same_as = self.short_preamble_producer.extra_same_as[:] target_token = self.finalize_short_preamble(label_op, state.virtual_state) label_op.setdescr(target_token) if not inline_short_preamble: self.jump_to_preamble(celltoken, end_jump, info) return (UnrollInfo(target_token, label_op, extra_same_as, self.optimizer.quasi_immutable_deps), self.optimizer._newoperations) try: new_virtual_state = self.jump_to_existing_trace( end_jump, label_op, state.runtime_boxes, force_boxes=False) except InvalidLoop: # inlining short preamble failed, jump to preamble self.jump_to_preamble(celltoken, end_jump, info) return (UnrollInfo(target_token, label_op, extra_same_as, self.optimizer.quasi_immutable_deps), self.optimizer._newoperations) if new_virtual_state is not None: # Attempt to force virtual boxes in order to avoid jumping # to the preamble. try: new_virtual_state = self.jump_to_existing_trace( end_jump, label_op, state.runtime_boxes, force_boxes=True) except InvalidLoop: pass if new_virtual_state is not None: self.jump_to_preamble(celltoken, end_jump, info) return (UnrollInfo(target_token, label_op, extra_same_as, self.optimizer.quasi_immutable_deps), self.optimizer._newoperations) self.disable_retracing_if_max_retrace_guards( self.optimizer._newoperations, target_token) return (UnrollInfo(target_token, label_op, extra_same_as, self.optimizer.quasi_immutable_deps), self.optimizer._newoperations) def disable_retracing_if_max_retrace_guards(self, ops, target_token): maxguards = self.optimizer.metainterp_sd.warmrunnerdesc.memory_manager.max_retrace_guards count = 0 for op in ops: if op.is_guard(): count += 1 if count > maxguards: assert isinstance(target_token, TargetToken) target_token.targeting_jitcell_token.retraced_count = sys.maxint def pick_virtual_state(self, my_vs, label_vs, target_tokens): if target_tokens is None: return label_vs # for tests for token in target_tokens: if token.virtual_state is None: continue if token.virtual_state.generalization_of(my_vs, self.optimizer): return token.virtual_state return label_vs def optimize_bridge(self, trace, runtime_boxes, call_pure_results, inline_short_preamble, box_names_memo, resumestorage): from rpython.jit.metainterp.optimizeopt.bridgeopt import deserialize_optimizer_knowledge frontend_inputargs = trace.inputargs trace = trace.get_iter() self._check_no_forwarding([trace.inputargs]) if resumestorage: deserialize_optimizer_knowledge(self.optimizer, resumestorage, frontend_inputargs, trace.inputargs) info, ops = self.optimizer.propagate_all_forward(trace, call_pure_results, False) jump_op = info.jump_op cell_token = jump_op.getdescr() assert isinstance(cell_token, JitCellToken) if not inline_short_preamble or len(cell_token.target_tokens) == 1: return self.jump_to_preamble(cell_token, jump_op, info) # force all the information that does not go to the short # preamble at all self.optimizer.flush() for a in jump_op.getarglist(): self.optimizer.force_box_for_end_of_preamble(a) try: vs = self.jump_to_existing_trace(jump_op, None, runtime_boxes, force_boxes=False) except InvalidLoop: return self.jump_to_preamble(cell_token, jump_op, info) if vs is None: return info, self.optimizer._newoperations[:] warmrunnerdescr = self.optimizer.metainterp_sd.warmrunnerdesc limit = warmrunnerdescr.memory_manager.retrace_limit if cell_token.retraced_count < limit: cell_token.retraced_count += 1 debug_print('Retracing (%d/%d)' % (cell_token.retraced_count, limit)) else: # Try forcing boxes to avoid jumping to the preamble try: vs = self.jump_to_existing_trace(jump_op, None, runtime_boxes, force_boxes=True) except InvalidLoop: pass if vs is None: return info, self.optimizer._newoperations[:] debug_print("Retrace count reached, jumping to preamble") return self.jump_to_preamble(cell_token, jump_op, info) exported_state = self.export_state(info.jump_op.getarglist(), info.inputargs, runtime_boxes, box_names_memo) exported_state.quasi_immutable_deps = self.optimizer.quasi_immutable_deps self.optimizer._clean_optimization_info(self.optimizer._newoperations) return exported_state, self.optimizer._newoperations def finalize_short_preamble(self, label_op, virtual_state): sb = self.short_preamble_producer self.optimizer._clean_optimization_info(sb.short_inputargs) short_preamble = sb.build_short_preamble() jitcelltoken = label_op.getdescr() assert isinstance(jitcelltoken, JitCellToken) if jitcelltoken.target_tokens is None: jitcelltoken.target_tokens = [] target_token = TargetToken(jitcelltoken, original_jitcell_token=jitcelltoken) target_token.original_jitcell_token = jitcelltoken target_token.virtual_state = virtual_state target_token.short_preamble = short_preamble jitcelltoken.target_tokens.append(target_token) self.short_preamble_producer = ExtendedShortPreambleBuilder( target_token, sb) label_op.initarglist(label_op.getarglist() + sb.used_boxes) return target_token def jump_to_preamble(self, cell_token, jump_op, info): assert cell_token.target_tokens[0].virtual_state is None jump_op = jump_op.copy_and_change(rop.JUMP, descr=cell_token.target_tokens[0]) self.optimizer.send_extra_operation(jump_op) return info, self.optimizer._newoperations[:] def jump_to_existing_trace(self, jump_op, label_op, runtime_boxes, force_boxes=False): jitcelltoken = jump_op.getdescr() assert isinstance(jitcelltoken, JitCellToken) virtual_state = self.get_virtual_state(jump_op.getarglist()) args = [self.get_box_replacement(op) for op in jump_op.getarglist()] for target_token in jitcelltoken.target_tokens: target_virtual_state = target_token.virtual_state if target_virtual_state is None: continue try: extra_guards = target_virtual_state.generate_guards( virtual_state, args, runtime_boxes, self.optimizer, force_boxes=force_boxes) patchguardop = self.optimizer.patchguardop for guard in extra_guards.extra_guards: if isinstance(guard, GuardResOp): guard.rd_resume_position = patchguardop.rd_resume_position guard.setdescr(compile.ResumeAtPositionDescr()) self.send_extra_operation(guard) except VirtualStatesCantMatch: continue # When force_boxes == True, creating the virtual args can fail when # components of the virtual state alias. If this occurs, we must # recompute the virtual state as boxes will have been forced. try: args, virtuals = target_virtual_state.make_inputargs_and_virtuals( args, self.optimizer, force_boxes=force_boxes) except VirtualStatesCantMatch: assert force_boxes virtual_state = self.get_virtual_state(args) continue short_preamble = target_token.short_preamble try: extra = self.inline_short_preamble(args + virtuals, args, short_preamble, self.optimizer.patchguardop, target_token, label_op) except KeyError: # SHOULD NOT OCCUR BUT DOES: WHY?? issue #2185 self.optimizer.metainterp_sd.logger_ops.log_short_preamble([], short_preamble, {}) raise self.send_extra_operation(jump_op.copy_and_change(rop.JUMP, args=args + extra, descr=target_token)) return None # explicit because the return can be non-None return virtual_state def _map_args(self, mapping, arglist): result = [] for box in arglist: if not isinstance(box, Const): box = mapping[box] result.append(box) return result def inline_short_preamble(self, jump_args, args_no_virtuals, short, patchguardop, target_token, label_op): short_inputargs = short[0].getarglist() short_jump_args = short[-1].getarglist() sb = self.short_preamble_producer if sb is not None: assert isinstance(sb, ExtendedShortPreambleBuilder) if sb.target_token is target_token: # this means we're inlining the short preamble that's being # built. Make sure we modify the correct things in-place self.short_preamble_producer.setup(short_jump_args, short, label_op.getarglist()) # after this call, THE REST OF THIS FUNCTION WILL MODIFY ALL # THE LISTS PROVIDED, POTENTIALLY # We need to make a list of fresh new operations corresponding # to the short preamble operations. We could temporarily forward # the short operations to the fresh ones, but there are obscure # issues: send_extra_operation() below might occasionally invoke # use_box(), which assumes the short operations are not forwarded. # So we avoid such temporary forwarding and just use a dict here. assert len(short_inputargs) == len(jump_args) mapping = {} for i in range(len(jump_args)): mapping[short_inputargs[i]] = jump_args[i] # a fix-point loop, runs only once in almost all cases i = 1 while 1: self._check_no_forwarding([short_inputargs, short], False) while i < len(short) - 1: sop = short[i] arglist = self._map_args(mapping, sop.getarglist()) if sop.is_guard(): op = sop.copy_and_change(sop.getopnum(), arglist, descr=compile.ResumeAtPositionDescr()) assert isinstance(op, GuardResOp) op.rd_resume_position = patchguardop.rd_resume_position else: op = sop.copy_and_change(sop.getopnum(), arglist) mapping[sop] = op i += 1 self.optimizer.send_extra_operation(op) # force all of them except the virtuals for arg in (args_no_virtuals + self._map_args(mapping, short_jump_args)): self.optimizer.force_box(self.get_box_replacement(arg)) self.optimizer.flush() # done unless "short" has grown again if i == len(short) - 1: break return [self.get_box_replacement(box) for box in self._map_args(mapping, short_jump_args)] def _expand_info(self, arg, infos): if isinstance(arg, AbstractResOp) and rop.is_same_as(arg.opnum): info = self.optimizer.getinfo(arg.getarg(0)) else: info = self.optimizer.getinfo(arg) if arg in infos: return if info: infos[arg] = info if info.is_virtual(): self._expand_infos_from_virtual(info, infos) def _expand_infos_from_virtual(self, info, infos): items = info.all_items() for item in items: if item is None: continue self._expand_info(item, infos) def export_state(self, original_label_args, renamed_inputargs, runtime_boxes, memo): end_args = [self.optimizer.force_box_for_end_of_preamble(a) for a in original_label_args] self.optimizer.flush() virtual_state = self.get_virtual_state(end_args) end_args = [self.get_box_replacement(arg) for arg in end_args] infos = {} for arg in end_args: self._expand_info(arg, infos) label_args, virtuals = virtual_state.make_inputargs_and_virtuals( end_args, self.optimizer) for arg in label_args: self._expand_info(arg, infos) sb = ShortBoxes() short_boxes = sb.create_short_boxes(self.optimizer, renamed_inputargs, label_args + virtuals) short_inputargs = sb.create_short_inputargs(label_args + virtuals) for produced_op in short_boxes: op = produced_op.short_op.res if not isinstance(op, Const): self._expand_info(op, infos) self.optimizer._clean_optimization_info(end_args) return ExportedState(label_args, end_args, virtual_state, infos, short_boxes, renamed_inputargs, short_inputargs, runtime_boxes, memo) def import_state(self, targetargs, exported_state): # the mapping between input args (from old label) and what we need # to actually emit. Update the info assert (len(exported_state.next_iteration_args) == len(targetargs)) for i, target in enumerate(exported_state.next_iteration_args): source = targetargs[i] assert source is not target source.set_forwarded(target) info = exported_state.exported_infos.get(target, None) if info is not None: self.optimizer.setinfo_from_preamble(source, info, exported_state.exported_infos) # import the optimizer state, starting from boxes that can be produced # by short preamble label_args = exported_state.virtual_state.make_inputargs( targetargs, self.optimizer) self.short_preamble_producer = ShortPreambleBuilder( label_args, exported_state.short_boxes, exported_state.short_inputargs, exported_state.exported_infos, self.optimizer) for produced_op in exported_state.short_boxes: produced_op.produce_op(self, exported_state.exported_infos) return label_args class UnrollInfo(BasicLoopInfo): """ A state after optimizing the peeled loop, contains the following: * target_token - generated target token * label_args - label operations at the beginning * extra_same_as - list of extra same as to add at the end of the preamble """ def __init__(self, target_token, label_op, extra_same_as, quasi_immutable_deps): self.target_token = target_token self.label_op = label_op self.extra_same_as = extra_same_as self.quasi_immutable_deps = quasi_immutable_deps self.extra_before_label = [] def final(self): return True class ExportedState(LoopInfo): """ Exported state consists of a few pieces of information: * next_iteration_args - starting arguments for next iteration * exported_infos - a mapping from ops to infos, including inputargs * end_args - arguments that end up in the label leading to the next iteration * virtual_state - instance of VirtualState representing current state of virtuals at this label * short boxes - a mapping op -> preamble_op * renamed_inputargs - the start label arguments in optimized version * short_inputargs - the renamed inputargs for short preamble * quasi_immutable_deps - for tracking quasi immutables * runtime_boxes - runtime values for boxes, necessary when generating guards to jump to """ def __init__(self, end_args, next_iteration_args, virtual_state, exported_infos, short_boxes, renamed_inputargs, short_inputargs, runtime_boxes, memo): self.end_args = end_args self.next_iteration_args = next_iteration_args self.virtual_state = virtual_state self.exported_infos = exported_infos self.short_boxes = short_boxes self.renamed_inputargs = renamed_inputargs self.short_inputargs = short_inputargs self.runtime_boxes = runtime_boxes self.dump(memo) def dump(self, memo): if have_debug_prints(): debug_start("jit-log-exported-state") debug_print("[" + ", ".join([x.repr_short(memo) for x in self.next_iteration_args]) + "]") for box in self.short_boxes: debug_print(" " + box.repr(memo)) debug_stop("jit-log-exported-state") def final(self): return False
mit
-7,870,068,044,440,899,000
45.860177
102
0.589968
false
googleinterns/deepspeech-reconstruction
bin/reconstruct-librispeech/reconstruct-random-transcript.py
1
1250
import argparse import os import random import subprocess from utils import check_local_utt_reconstructed if __name__ == "__main__": parser = argparse.ArgumentParser(description='Invert MFCCs to audio.') parser.add_argument('-s', type=int, dest='start', default=0, help='Starting index') parser.add_argument('-e', type=int, dest='end', default=-1, help='Ending index') parser.add_argument('-p', dest='data_path', default='samples/librispeech/data.txt', help='Path to a file containing list of utterances') args = parser.parse_args() random.seed(1) with open(args.data_path) as f: lines = f.read().strip().split('\n') utt_ids = [l.split(',')[0] for l in lines] lengths = [int(l.split(',')[1]) for l in lines] r = list(range(args.start, args.end + 1 if args.end != -1 and args.end < len(utt_ids) else len(utt_ids))) random.shuffle(r) for i in r: if check_local_utt_reconstructed(utt_ids[i], True): print('%s is already reconstructed' % utt_ids[i]) continue print('Reconstructing %s...' % utt_ids[i]) subprocess.call(['bash', './bin/reconstruct-librispeech/reconstruct-random-transcript' + ('-long' if lengths[i] > 1500 else ''), utt_ids[i]])
apache-2.0
6,823,140,920,074,062,000
40.666667
149
0.6392
false
sargun/riak-mesos
dcos/dcos-riak/dcos_riak/cli.py
1
11801
# # Copyright (C) 2015 Basho Technologies, Inc. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # http://www.apache.org/licenses/LICENSE-2.0 # # Unless required by applicable law or agreed to in writing, software # distributed under the License is distributed on an "AS IS" BASIS, # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. """DCOS Riak""" from __future__ import print_function import os import subprocess import sys import requests import json import pkg_resources from dcos import marathon, util, errors from dcos_riak import constants def usage(): print("Command line utility for the Riak Mesos Framework / DCOS Service.") print("This utility provides tools for modifying and accessing your Riak") print("on Mesos installation.") print("") print("Usage: dcos riak <subcommands> [options]") print("") print("Subcommands: ") print(" cluster list") print(" cluster create") print(" node list") print(" node add [--nodes <number>]") print(" proxy config [--zk <host:port>]") print(" proxy install [--zk <host:port>]") print(" proxy uninstall") print(" proxy endpoints [--public-dns <host>]") print("") print("Options (available on most commands): ") print(" --cluster <cluster-name> Default: riak-cluster") print(" --framework <framework-name> Default: riak") print(" --debug") print(" --help") print(" --info") print(" --version") print("") def api_url(framework): client = marathon.create_client() tasks = client.get_tasks(framework) if len(tasks) == 0: usage() print("\nTry running the following to verify that "+ framework + " is the name \nof your service instance:\n") print(" dcos service\n") raise CliError("Riak is not running, try with --framework <framework-name>.") base_url = util.get_config().get('core.dcos_url').rstrip("/") return base_url + "/service/" + framework + "/" def format_json_array_keys(description, json_str, failure): try: obj_arr = json.loads(json_str) print(description + "[" + ', '.join(obj_arr.keys()) + "]", end="") except: print(description + failure) def format_json_value(description, json_str, key, failure): try: obj = json.loads(json_str) print(description + obj[key], end="") except: print(description + failure) def get_clusters(service_url, debug_flag): r = requests.get(service_url + "clusters") debug_request(debug_flag, r) if r.status_code == 200: format_json_array_keys("Clusters: ", r.text, "[]") else: print("No clusters created") def get_cluster(service_url, name, debug_flag): r = requests.get(service_url + "clusters/" + name) debug_request(debug_flag, r) if r.status_code == 200: format_json_value("Cluster: ", r.text, "Name", "Error getting cluster.") else: print("Cluster not created.") def create_cluster(service_url, name, debug_flag): r = requests.post(service_url + "clusters/" + name, data="") debug_request(debug_flag, r) if r.text == "" or r.status_code != 200: print("Cluster already exists") else: format_json_value("Added cluster: ", r.text, "Name", "Error creating cluster.") def get_nodes(service_url, name, debug_flag): r = requests.get(service_url + "clusters/" + name + "/nodes") debug_request(debug_flag, r) format_json_array_keys("Nodes: ", r.text, "[]") def add_node(service_url, name, debug_flag): r = requests.post(service_url + "clusters/" + name + "/nodes", data="") debug_request(debug_flag, r) if r.status_code == 404: print(r.text) else: format_json_value("New node: ", r.text, "UUID", "Error adding node.") print("") def uninstall_director(framework): try: client = marathon.create_client() client.remove_app('/' + framework + '-director') print("Finished removing " + director_json['id'] + " from marathon") except errors.DCOSException as e: print(e.message) raise CliError("Unable to uninstall marathon app") except: raise CliError("Unable to communicate with marathon.") def install_director(framework, cluster, zookeeper): try: director_conf = generate_director_config(framework, cluster, zookeeper) director_json = json.loads(director_conf) client = marathon.create_client() client.add_app(director_json) print("Finished adding " + director_json['id'] + " to marathon") except errors.DCOSException as e: print(e.message) raise CliError("Unable to create marathon app") except: raise CliError("Unable to communicate with marathon.") def generate_director_config(framework, cluster, zookeeper): try: framework_host = framework + ".marathon.mesos" client = marathon.create_client() app = client.get_app(framework) ports = app['ports'] explorer_port = str(ports[1]) return '{"id": "/' + framework + '-director","cmd": "./riak_mesos_director/director_linux_amd64","cpus": 0.5,"mem": 1024.0,"ports": [0, 0, 0, 0],"instances": 1,"constraints": [["hostname", "UNIQUE"]],"acceptedResourceRoles": ["slave_public"],"env": {"FRAMEWORK_HOST": "' + framework_host + '","FRAMEWORK_PORT": "' + explorer_port + '","DIRECTOR_ZK": "' + zookeeper + '","DIRECTOR_FRAMEWORK": "' + framework + '","DIRECTOR_CLUSTER": "' + cluster + '"},"uris": ["http://riak-tools.s3.amazonaws.com/riak-mesos/coreos/riak_mesos_director_linux_amd64_0.1.0.tar.gz"],"healthChecks": [{"protocol": "HTTP","path": "/health","gracePeriodSeconds": 3,"intervalSeconds": 10,"portIndex": 2,"timeoutSeconds": 10,"maxConsecutiveFailures": 3}]}' except errors.DCOSException as e: print(e.message) raise CliError("Unable to create marathon app") except: raise CliError("Unable to generate proxy config for framework: " + framework) def get_director_urls(framework, public_dns): try: client = marathon.create_client() app = client.get_app(framework + '-director') ports = app['ports'] print("\nLoad Balanced Riak Cluster (HTTP)") print(" http://" + public_dns + ":" + str(ports[0])) print("\nLoad Balanced Riak Cluster (Protobuf)") print(" http://" + public_dns + ":" + str(ports[1])) print("\nRiak Mesos Director API (HTTP)") print(" http://" + public_dns + ":" + str(ports[2])) print("\nRiak Explorer and API (HTTP)") print(" http://" + public_dns + ":" + str(ports[3])) except: raise CliError("Unable to get ports for: riak-director") def validate_arg(opt, arg, arg_type = "string"): if arg.startswith("-"): raise CliError("Invalid argument for opt: " + opt + " [" + arg + "].") if arg_type == "integer" and not arg.isdigit(): raise CliError("Invalid integer for opt: " + opt + " [" + arg + "].") def extract_flag(args, name): val = False if name in args: index = args.index(name) val = True del args[index] return [args, val] def extract_option(args, name, default, arg_type = "string"): val = default if name in args: index = args.index(name) if index+1 < len(args): val = args[index+1] validate_arg(name, val, arg_type) del args[index] del args[index] else: usage() print("") raise CliError("Not enough arguments for: " + name) return [args, val] def debug_request(debug_flag, r): debug(debug_flag, "HTTP Status: "+ str(r.status_code)) debug(debug_flag, "HTTP Response Text: "+ r.text) def debug(debug_flag, debug_string): if debug_flag: print("[DEBUG]" + debug_string + "[/DEBUG]") def run(args): args, help_flag = extract_flag(args, "--help") args, debug_flag = extract_flag(args, "--debug") args, framework = extract_option(args, "--framework", "riak") args, cluster = extract_option(args, "--cluster", "riak-cluster") args, zk = extract_option(args, "--zk", "master.mesos:2181") args, num_nodes = extract_option(args, "--nodes", "1", "integer") num_nodes = int(num_nodes) args, public_dns = extract_option(args, "--public-dns", "{{public.dns}}") cmd = ' '.join(args) debug(debug_flag, "Framework: " + framework) debug(debug_flag, "Cluster: " + cluster) debug(debug_flag, "Zookeeper: " + zk) debug(debug_flag, "Public DNS: " + public_dns) debug(debug_flag, "Nodes: " + str(num_nodes)) debug(debug_flag, "Command: " + cmd) service_url = api_url(framework) debug(debug_flag, "Service URL: " + service_url) if cmd == "cluster list" or cmd == "cluster": if help_flag: print("Retrieves a list of cluster names") return 0 else: get_clusters(service_url, debug_flag) elif cmd == "cluster create": if help_flag: print("Creates a new cluster. Secify the name with --cluster (default is riak-cluster).") else: create_cluster(service_url, cluster, debug_flag) elif cmd == "node list" or cmd == "node": if help_flag: print("Retrieves a list of node ids for a given --cluster (default is riak-cluster).") else: get_nodes(service_url, cluster, debug_flag) elif cmd == "node add": if help_flag: print("Adds one or more (using --nodes) nodes to a --cluster (default is riak-cluster).") else: for x in range(0, num_nodes): add_node(service_url, cluster, debug_flag) elif cmd == "proxy config" or cmd == "proxy": if help_flag: print("Generates a marathon json config using --zookeeper (default is master.mesos:2181) and --cluster (default is riak-cluster).") else: print(generate_director_config(framework, cluster, zk)) elif cmd == "proxy install": if help_flag: print("Installs a riak-mesos-director marathon app on the public Mesos node using --zookeeper (default is master.mesos:2181) and --cluster (default is riak-cluster).") else: install_director(framework, cluster, zk) elif cmd == "proxy uninstall": if help_flag: print("Uninstalls the riak-mesos-director marathon app.") else: uninstall_director(framework) elif cmd == "proxy endpoints": if help_flag: print("Lists the endpoints exposed by a riak-mesos-director marathon app --public-dns (default is {{public-dns}}).") else: get_director_urls(framework, public_dns) elif cmd == "": print("No commands executed") elif cmd.startswith("-"): raise CliError("Unrecognized option: " + cmd) else: raise CliError("Unrecognized command: " + cmd) print("") return 0 class CliError(Exception): pass def main(): args = sys.argv[2:] # remove dcos-riak & riak if len(args) == 0: usage() return 0 if "--info" in args: print("Start and manage Riak nodes") return 0 if "--version" in args: print(constants.version) return 0 if "--config-schema" in args: print("{}") return 0 try: return run(args) except CliError as e: print("Error: " + str(e), file=sys.stderr) return 1
apache-2.0
2,698,240,025,800,492,500
36.823718
737
0.60927
false
lucasjoao/exercism_python
atbash-cipher/atbash_cipher_test.py
1
1789
import unittest from atbash_cipher import decode, encode class AtbashCipherTest(unittest.TestCase): def test_encode_no(self): self.assertMultiLineEqual("ml", encode("no")) def test_encode_yes(self): self.assertMultiLineEqual("bvh", encode("yes")) def test_encode_OMG(self): self.assertMultiLineEqual("lnt", encode("OMG")) def test_encode_O_M_G(self): self.assertMultiLineEqual("lnt", encode("O M G")) def test_encode_long_word(self): self.assertMultiLineEqual("nrmwy oldrm tob", encode("mindblowingly")) def test_encode_numbers(self): self.assertMultiLineEqual("gvhgr mt123 gvhgr mt", encode("Testing, 1 2 3, testing.")) def test_encode_sentence(self): self.assertMultiLineEqual("gifgs rhurx grlm", encode("Truth is fiction.")) def test_encode_all_things(self): plaintext = "The quick brown fox jumps over the lazy dog." ciphertext = "gsvjf rxpyi ldmul cqfnk hlevi gsvoz abwlt" self.assertMultiLineEqual(ciphertext, encode(plaintext)) def test_decode_word(self): self.assertMultiLineEqual("exercism", decode("vcvix rhn")) def test_decode_sentence(self): self.assertMultiLineEqual( "anobstacleisoftenasteppingstone", decode("zmlyh gzxov rhlug vmzhg vkkrm thglm v") ) def test_decode_numbers(self): self.assertMultiLineEqual( "testing123testing", decode("gvhgr mt123 gvhgr mt") ) def test_encode_decode(self): self.assertMultiLineEqual( "testing123testing", decode(encode("Testing, 1 2 3, testing.")) ) if __name__ == '__main__': unittest.main()
unlicense
6,600,325,480,485,061,000
29.322034
77
0.619899
false
8l/beri
cheritest/trunk/tests/cp2/test_cp2_csetoffset_notag.py
2
1580
#- # Copyright (c) 2014 Michael Roe # All rights reserved. # # This software was developed by SRI International and the University of # Cambridge Computer Laboratory under DARPA/AFRL contract FA8750-10-C-0237 # ("CTSRD"), as part of the DARPA CRASH research programme. # # @BERI_LICENSE_HEADER_START@ # # Licensed to BERI Open Systems C.I.C. (BERI) under one or more contributor # license agreements. See the NOTICE file distributed with this work for # additional information regarding copyright ownership. BERI licenses this # file to you under the BERI Hardware-Software License, Version 1.0 (the # "License"); you may not use this file except in compliance with the # License. You may obtain a copy of the License at: # # http://www.beri-open-systems.org/legal/license-1-0.txt # # Unless required by applicable law or agreed to in writing, Work distributed # under the License is distributed on an "AS IS" BASIS, WITHOUT WARRANTIES OR # CONDITIONS OF ANY KIND, either express or implied. See the License for the # specific language governing permissions and limitations under the License. # # @BERI_LICENSE_HEADER_END@ # from beritest_tools import BaseBERITestCase from nose.plugins.attrib import attr class test_cp2_csetoffset_notag(BaseBERITestCase): @attr('capabilities') def test_cp2_csetoffset_notag_1(self): '''Test that CSetOffset works on non-capability data with a 1 in the position of the sealed bit''' self.assertRegisterEqual(self.MIPS.a0, 5, "CSetOffset did not work on an invalid capability with a 1 in the sealed bit position")
apache-2.0
2,048,936,036,845,392,100
42.888889
137
0.760127
false
fheinle/Photoblog
get_picasa_id.py
1
1160
#!/usr/bin/env python # -*- coding:utf-8 -*- ''' helper that displays all public album ids for a user''' # Copyright (C) 2009 Florian Heinle # # This program is free software: you can redistribute it and/or modify # it under the terms of the GNU General Public License as published by # the Free Software Foundation, either version 3 of the License, or # (at your option) any later version. # # This program is distributed in the hope that it will be useful, # but WITHOUT ANY WARRANTY; without even the implied warranty of # MERCHANTABILITY or FITNESS FOR A PARTICULAR PURPOSE. See the # GNU General Public License for more details. # # You should have received a copy of the GNU General Public License # along with this program. If not, see <http://www.gnu.org/licenses/>. import gdata.photos.service import sys gd_client = gdata.photos.service.PhotosService() gd_client.source = 'photoblog helper script' try: user_name = raw_input('Your picasaweb username: ') except EOFError: sys.exit() album_list = gd_client.GetUserFeed(user=user_name) for album in album_list.entry: print 'Title: %s ID: %s' % (album.title.text, album.gphoto_id.text)
gpl-3.0
-8,508,907,138,972,113,000
35.25
71
0.739655
false
mopsalarm/broke
broke/print.py
1
1488
import broke import sys import argparse def parse_arguments(): parser = argparse.ArgumentParser(description="Prints information about a broke-file") parser.add_argument("--verbose", action="store_true", help="Print each message") parser.add_argument("--utf8", action="store_true", help="Prints payload of each message decoded as utf8") parser.add_argument("--no-count", action="store_true", help="Do not print the total number of messages at the end") parser.add_argument("--follow", action="store_true", help="Follows the stream of messages") parser.add_argument("--topic", type=str, default=None, help="Only read messages of this topic") parser.add_argument("file", help="The file to read messaages from") return parser.parse_args() def main(): args = parse_arguments() read_messages = broke.read_messages_follow if args.follow else broke.read_messages count = 0 with open(args.file, "rb") as fp: try: for message in read_messages(fp): if args.topic is not None and message.topic != args.topic: continue count += 1 if args.verbose: print(message) if args.utf8: print(message.payload.decode("utf8")) except KeyboardInterrupt: pass if not args.no_count: print("Total number of messages: {}".format(count)) if __name__ == '__main__': main()
apache-2.0
4,124,027,425,176,440,300
32.818182
119
0.619624
false
socialplanning/opencore
opencore/member/interfaces.py
1
1756
from zope.interface import Interface from zope.app.annotation import IAttributeAnnotatable from zope.viewlet.interfaces import IViewletManager # Name of a named adapter used for asynchronous cleanup. REMOVAL_QUEUE_KEY = 'member_removal_queue' class ICanHasRecentActivity(IViewletManager): """Viewlets for the recent activity section of the member profile.""" class IOpenMember(IAttributeAnnotatable): """ Interface for OpenPlans members. A member class OpenMember already exists without implementing any z3 interfaces so this is presently just a marker interface. It may gain real content in the future but I want to tread very carefully so it will do nothing at first. """ class ICreateMembers(Interface): """ Sort of a factory for member creation. Looks like it could be a multiadapter for requests, which means maybe it's actually just a view, but I'm going to start with what feels right here, which is ICreateMembers(portal).create(request.form) because it spells out what it's doing. """ def validate(self, fields): """ Validates fields for a member and returns an error dict """ def create(self, fields): """ Create and return a new member """ class IHandleMemberWorkflow(Interface): """ Adapter for member objects to inquire about and set their state because I never remember how to use portal_workflow. """ def is_unconfirmed(self): """ Returns True if the user account associated with the member object is unconfirmed. """ def confirm(self): """ Confirms a user account. No error checking is done within this method. """
gpl-3.0
1,063,527,293,441,508,500
29.275862
74
0.68508
false
tianyang-li/meta-transcriptome
sample_compare_1/blast_relate.py
1
3108
#!/usr/bin/python # Copyright (C) 2011 Tianyang Li # # This program is free software: you can redistribute it and/or modify # it under the terms of the GNU General Public License as published by # the Free Software Foundation, either version 3 of the License, or # (at your option) any later version. # # This program is distributed in the hope that it will be useful, # but WITHOUT ANY WARRANTY; without even the implied warranty of # MERCHANTABILITY or FITNESS FOR A PARTICULAR PURPOSE. See the # GNU General Public License for more details. # # You should have received a copy of the GNU General Public License ''' relate each file containing transcript sequences to each other using blastx ''' from Bio import SeqIO import sys import string from Bio.Blast import NCBIWWW, NCBIXML from networkx import nx from networkx.algorithms.components.connected import connected_components import json import time def BlastClassify(fasta_files): ac = [] # a list of [seq, seq_accession] ac_gr = nx.Graph() # graph where each node represents accessions within a single file for fasta_file in fasta_files: for seq in SeqIO.parse(fasta_file, 'fasta'): print >> sys.stderr, seq.format('fasta') while True: try: print >> sys.stderr, "nr blastx" print >> sys.stderr, time.asctime() blast_rec = list(NCBIXML.parse(NCBIWWW.qblast("blastx", "nr", seq.format('fasta')))) break except BaseException as err: print >> sys.stderr, "Error: %s" % str(err) while True: try: print >> sys.stderr, "env_nr blastx" print >> sys.stderr, time.asctime() blast_rec.extend(list(NCBIXML.parse(NCBIWWW.qblast("blastx", "env_nr", seq.format('fasta'))))) break except BaseException as err: print >> sys.stderr, "Error: %s" % str(err) seq_accession = [] for rec in blast_rec: for align in rec.alignments: seq_accession.append(string.split(string.split(align.hit_id, "|")[3], ".")[0]) if seq_accession != []: ac_gr.add_node(len(ac)) ac.append([seq, seq_accession]) for ac1 in ac_gr.nodes(): for ac2 in ac_gr.nodes(): if ac1 != ac2: if len(set(ac[ac1][1]) & set(ac[ac2][1])) != 0: ac_gr.add_edge(ac1, ac2) comp_n = 0 for similar_trans in connected_components(ac_gr): comp_seq = {} comp = {'component': comp_n} seq_n = 0 for trans in similar_trans: comp_seq['%d' % seq_n] = {'seq': ac[trans][0].format('fasta'), 'accession': ac[trans][1]} seq_n = seq_n + 1 comp['trans'] = comp_seq print json.dumps(comp, ensure_ascii=True) comp_n = comp_n + 1 print >> sys.stderr, comp_n if __name__ == '__main__': BlastClassify(sys.argv[1:]) sys.exit(0)
gpl-3.0
2,542,866,438,202,363,400
38.341772
114
0.57529
false
hmgle/send_wave
request_token.py
1
1059
#!/usr/bin/env python # -*- coding: utf-8 -*- from urllib import quote, urlencode import urllib2 import time import uuid import hmac, hashlib from config import consumer_key, client_secret def get_token(): URL = 'http://fanfou.com/oauth/request_token' params = [ ('oauth_consumer_key', consumer_key), ('oauth_nonce', uuid.uuid4().hex), ('oauth_signature_method', 'HMAC-SHA1'), ('oauth_timestamp', int(time.time())), ] params.sort() p = 'GET&%s&%s' % (quote(URL, safe=''), quote(urlencode(params))) signature = hmac.new(client_secret + '&', p, hashlib.sha1).digest().encode('base64').rstrip() params.append(('oauth_signature', quote(signature))) h = ', '.join(['%s="%s"' % (k, v) for (k, v) in params]) r = urllib2.Request(URL, headers={'Authorization': 'OAuth realm="", %s' % h}) data = urllib2.urlopen(r).read() token, secret = [pair.split('=')[1] for pair in data.split('&')] return token, secret if __name__ == '__main__': print get_token()
gpl-2.0
-5,850,782,801,666,942,000
26.153846
81
0.587347
false
allisson/python-cielo-webservice
cielo_webservice/models.py
1
22823
# -*- coding: utf-8 -*- from __future__ import unicode_literals import six import xmltodict from unidecode import unidecode class Comercial(object): """ Modelo para os dados comerciais da loja. """ def __init__(self, numero=None, chave=None): self.numero = numero self.chave = chave self.validate() def validate(self): if not isinstance(self.numero, six.integer_types): raise TypeError('numero precisa ser do tipo inteiro.') if not isinstance(self.chave, six.string_types): raise TypeError('chave precisa ser do tipo string.') def __repr__(self): return '<Comercial(numero={}, chave={})>'.format( self.numero, self.chave ) class Cartao(object): """ Modelo para os dados do cartão. """ def __init__(self, numero=None, validade=None, indicador=None, codigo_seguranca=None, nome_portador=None, token=None): self.numero = numero self.validade = validade self.indicador = indicador self.codigo_seguranca = codigo_seguranca self.nome_portador = nome_portador self.token = token self.validate() def validate(self): if self.numero is not None and not isinstance(self.numero, six.integer_types): raise TypeError('numero precisa ser do tipo inteiro.') if self.validade is not None and not isinstance(self.validade, six.integer_types): raise TypeError('validade precisa ser do tipo inteiro.') if self.indicador is not None and not isinstance(self.indicador, six.integer_types): raise TypeError('indicador precisa ser do tipo inteiro.') if self.indicador == 1 and not isinstance(self.codigo_seguranca, six.integer_types): raise TypeError('codigo_seguranca precisa ser do tipo inteiro.') if self.nome_portador is not None and not isinstance(self.nome_portador, six.string_types): raise TypeError('nome_portador precisa ser do tipo string.') if self.token is not None and not isinstance(self.token, six.string_types): raise TypeError('token precisa ser do tipo string.') def __repr__(self): return '<Cartao(numero={}, validade={}, indicador={}, codigo_seguranca={}, nome_portador={}, token={})>'.format( self.numero, self.validade, self.indicador, self.codigo_seguranca, self.nome_portador, self.token ) class Pedido(object): """ Modelo para os dados do pedido. """ def __init__(self, numero=None, valor=None, moeda=986, data_hora=None, descricao=None, idioma='PT', taxa_embarque=None, soft_descriptor=None): self.numero = numero self.valor = valor self.moeda = moeda self.data_hora = data_hora self.descricao = descricao self.idioma = idioma self.taxa_embarque = taxa_embarque self.soft_descriptor = soft_descriptor self.validate() def validate(self): if not isinstance(self.numero, six.string_types): raise TypeError('numero precisa ser do tipo string.') if not isinstance(self.valor, six.integer_types): raise TypeError('valor precisa ser do tipo inteiro.') if not isinstance(self.moeda, six.integer_types): raise TypeError('moeda precisa ser do tipo inteiro.') if not isinstance(self.data_hora, six.string_types): raise TypeError('data_hora precisa ser do tipo string.') if self.descricao is not None and not isinstance(self.descricao, six.string_types): raise TypeError('descricao precisa ser do tipo string.') if self.idioma is not None and not isinstance(self.idioma, six.string_types): raise TypeError('idioma precisa ser do tipo string.') if self.taxa_embarque is not None and not isinstance(self.taxa_embarque, six.integer_types): raise TypeError('taxa_embarque precisa ser do tipo inteiro.') if self.soft_descriptor is not None and not isinstance(self.soft_descriptor, six.string_types): raise TypeError('soft_descriptor precisa ser do tipo string.') def __repr__(self): return '<Pedido(numero={}, valor={}, moeda={}, data_hora={}, descricao={}, idioma={}, taxa_embarque={}, soft_descriptor={})>'.format( self.numero, self.valor, self.moeda, self.data_hora, self.descricao, self.idioma, self.taxa_embarque, self.soft_descriptor ) class Pagamento(object): """ Modelo para os dados do pagamento. """ def __init__(self, bandeira=None, produto=None, parcelas=None): self.bandeira = bandeira self.produto = produto self.parcelas = parcelas self.validate() def validate(self): if not isinstance(self.bandeira, six.string_types): raise TypeError('bandeira precisa ser do tipo string.') if not isinstance(self.produto, six.string_types): raise TypeError('produto precisa ser do tipo string.') if not isinstance(self.parcelas, six.integer_types): raise TypeError('parcelas precisa ser do tipo inteiro.') def __repr__(self): return '<Pagamento(bandeira={}, produto={}, parcelas={})>'.format( self.bandeira, self.produto, self.parcelas ) class Autenticacao(object): """ Modelo para os dados da autenticação. """ def __init__(self, codigo=None, mensagem=None, data_hora=None, valor=None, eci=None): self.codigo = codigo self.mensagem = mensagem self.data_hora = data_hora self.valor = valor self.eci = eci self.validate() def validate(self): if not isinstance(self.codigo, six.integer_types): raise TypeError('codigo precisa ser do tipo inteiro.') if not isinstance(self.mensagem, six.string_types): raise TypeError('mensagem precisa ser do tipo string.') if not isinstance(self.data_hora, six.string_types): raise TypeError('data_hora precisa ser do tipo string.') if not isinstance(self.valor, six.integer_types): raise TypeError('valor precisa ser do tipo inteiro.') if not isinstance(self.eci, six.integer_types): raise TypeError('eci precisa ser do tipo inteiro.') def __repr__(self): return '<Autenticacao(codigo={}, mensagem={}, data_hora={}, valor={}, eci={})>'.format( self.codigo, self.mensagem, self.data_hora, self.valor, self.eci ) class Autorizacao(object): """ Modelo para os dados da autorização. """ def __init__(self, codigo=None, mensagem=None, data_hora=None, valor=None, lr=None, arp=None, nsu=None): self.codigo = codigo self.mensagem = mensagem self.data_hora = data_hora self.valor = valor self.lr = lr self.arp = arp self.nsu = nsu self.validate() def validate(self): if not isinstance(self.codigo, six.integer_types): raise TypeError('codigo precisa ser do tipo inteiro.') if not isinstance(self.mensagem, six.string_types): raise TypeError('mensagem precisa ser do tipo string.') if not isinstance(self.data_hora, six.string_types): raise TypeError('data_hora precisa ser do tipo string.') if not isinstance(self.valor, six.integer_types): raise TypeError('valor precisa ser do tipo inteiro.') if not isinstance(self.lr, six.string_types): raise TypeError('lr precisa ser do tipo string.') if self.arp is not None and not isinstance(self.arp, six.integer_types): raise TypeError('arp precisa ser do tipo inteiro.') if not isinstance(self.nsu, six.integer_types): raise TypeError('nsu precisa ser do tipo inteiro.') def __repr__(self): return '<Autorizacao(codigo={}, mensagem={}, data_hora={}, valor={}, lr={}, arp={}, nsu={})>'.format( self.codigo, self.mensagem, self.data_hora, self.valor, self.lr, self.arp, self.nsu ) class Token(object): """ Modelo para os dados do token. """ def __init__(self, codigo=None, status=None, numero=None): self.codigo = codigo self.status = status self.numero = numero self.validate() def validate(self): if not isinstance(self.codigo, six.string_types): raise TypeError('codigo precisa ser do tipo string.') if not isinstance(self.status, six.integer_types): raise TypeError('status precisa ser do tipo inteiro.') if not isinstance(self.numero, six.string_types): raise TypeError('numero precisa ser do tipo string.') def __repr__(self): return '<Token(codigo={}, status={}, numero={})>'.format( self.codigo, self.status, self.numero ) class Avs(object): """ Modelo para os dados do avs (ADDRESS VERIFICATION SERVICE). """ def __init__(self, endereco=None, complemento=None, numero=None, bairro=None, cep=None): self.endereco = endereco self.complemento = complemento self.numero = numero self.bairro = bairro self.cep = cep self.validate() def validate(self): if not isinstance(self.endereco, six.string_types): raise TypeError('endereco precisa ser do tipo string.') if not isinstance(self.complemento, six.string_types): raise TypeError('complemento precisa ser do tipo string.') if not isinstance(self.numero, six.integer_types): raise TypeError('numero precisa ser do tipo inteiro.') if not isinstance(self.bairro, six.string_types): raise TypeError('bairro precisa ser do tipo string.') if not isinstance(self.cep, six.string_types): raise TypeError('cep precisa ser do tipo string.') def __repr__(self): return '<Avs(endereco={}, complemento={}, numero={}, bairro={}, cep={})>'.format( self.endereco, self.complemento, self.numero, self.bairro, self.cep ) class Captura(object): """ Modelo para os dados da captura. """ def __init__(self, codigo=None, mensagem=None, data_hora=None, valor=None, taxa_embarque=None): self.codigo = codigo self.mensagem = mensagem self.data_hora = data_hora self.valor = valor self.taxa_embarque = taxa_embarque self.validate() def validate(self): if not isinstance(self.codigo, six.integer_types): raise TypeError('codigo precisa ser do tipo inteiro.') if not isinstance(self.mensagem, six.string_types): raise TypeError('mensagem precisa ser do tipo string.') if not isinstance(self.data_hora, six.string_types): raise TypeError('data_hora precisa ser do tipo string.') if not isinstance(self.valor, six.integer_types): raise TypeError('valor precisa ser do tipo inteiro.') if self.taxa_embarque is not None and not isinstance(self.taxa_embarque, six.integer_types): raise TypeError('taxa_embarque precisa ser do tipo inteiro.') def __repr__(self): return '<Captura(codigo={}, mensagem={}, data_hora={}, valor={}, taxa_embarque={})>'.format( self.codigo, self.mensagem, self.data_hora, self.valor, self.taxa_embarque ) class Cancelamento(object): """ Modelo para os dados de cancelamento. """ def __init__(self, codigo=None, mensagem=None, data_hora=None, valor=None): self.codigo = codigo self.mensagem = mensagem self.data_hora = data_hora self.valor = valor self.validate() def validate(self): if not isinstance(self.codigo, six.integer_types): raise TypeError('codigo precisa ser do tipo inteiro.') if not isinstance(self.mensagem, six.string_types): raise TypeError('mensagem precisa ser do tipo string.') if not isinstance(self.data_hora, six.string_types): raise TypeError('data_hora precisa ser do tipo string.') if not isinstance(self.valor, six.integer_types): raise TypeError('valor precisa ser do tipo inteiro.') def __repr__(self): return '<Cancelamento(codigo={}, mensagem={}, data_hora={}, valor={})>'.format( self.codigo, self.mensagem, self.data_hora, self.valor ) class Erro(object): """ Modelo para os dados de erro do sistema. """ def __init__(self, codigo=None, mensagem=None): self.codigo = codigo self.mensagem = mensagem self.validate() def validate(self): if not isinstance(self.codigo, six.string_types): raise TypeError('codigo precisa ser do tipo string.') if not isinstance(self.mensagem, six.string_types): raise TypeError('mensagem precisa ser do tipo string.') def __repr__(self): return '<Erro(codigo={}, mensagem={})>'.format( self.codigo, self.mensagem ) class Transacao(object): """ Modelo para os dados de uma transação. """ def __init__(self, comercial=None, cartao=None, pedido=None, pagamento=None, url_retorno=None, autorizar=None, capturar=None, campo_livre=None, bin=None, gerar_token=None, avs=None, autenticacao=None, autorizacao=None, captura=None, token=None, cancelamento=None, tid=None, pan=None, status=None, url_autenticacao=None): self.comercial = comercial self.cartao = cartao self.pedido = pedido self.pagamento = pagamento self.url_retorno = url_retorno self.autorizar = autorizar self.capturar = capturar self.campo_livre = campo_livre self.bin = bin self.gerar_token = gerar_token self.avs = avs self.autenticacao = autenticacao self.autorizacao = autorizacao self.captura = captura self.token = token self.cancelamento = cancelamento self.tid = tid self.pan = pan self.status = status self.url_autenticacao = url_autenticacao self.validate() def validate(self): if self.comercial is not None and not isinstance(self.comercial, Comercial): raise TypeError('comercial precisa ser do tipo Comercial.') if self.cartao is not None and not isinstance(self.cartao, Cartao): raise TypeError('cartao precisa ser do tipo Cartao.') if not isinstance(self.pedido, Pedido): raise TypeError('pedido precisa ser do tipo Pedido.') if not isinstance(self.pagamento, Pagamento): raise TypeError('pagamento precisa ser do tipo Pagamento.') if self.autorizar is not None and not isinstance(self.autorizar, six.integer_types): raise TypeError('autorizar precisa ser do tipo inteiro.') if self.autorizar == 1 and not isinstance(self.url_retorno, six.string_types): raise TypeError('url_retorno precisa ser do tipo string.') if self.capturar is not None and not isinstance(self.capturar, bool): raise TypeError('capturar precisa ser do tipo booleano.') if self.campo_livre is not None and not isinstance(self.campo_livre, six.string_types): raise TypeError('campo_livre precisa ser do tipo string.') if self.bin is not None and not isinstance(self.bin, six.integer_types): raise TypeError('bin precisa ser do tipo inteiro.') if self.gerar_token is not None and not isinstance(self.gerar_token, bool): raise TypeError('gerar_token precisa ser do tipo booleano.') if self.avs is not None and not isinstance(self.avs, Avs): raise TypeError('avs precisa ser do tipo Avs.') if self.autenticacao is not None and not isinstance(self.autenticacao, Autenticacao): raise TypeError('autenticacao precisa ser do tipo Autenticacao.') if self.autorizacao is not None and not isinstance(self.autorizacao, Autorizacao): raise TypeError('autorizacao precisa ser do tipo Autorizacao.') if self.captura is not None and not isinstance(self.captura, Captura): raise TypeError('captura precisa ser do tipo Captura.') if self.token is not None and not isinstance(self.token, Token): raise TypeError('token precisa ser do tipo Token.') if self.cancelamento is not None and not isinstance(self.cancelamento, Cancelamento): raise TypeError('cancelamento precisa ser do tipo Cancelamento.') if self.tid is not None and not isinstance(self.tid, six.string_types): raise TypeError('tid precisa ser do tipo string.') if self.pan is not None and not isinstance(self.pan, six.string_types): raise TypeError('pan precisa ser do tipo string.') if self.status is not None and not isinstance(self.status, six.integer_types): raise TypeError('status precisa ser do tipo inteiro.') if self.url_autenticacao is not None and not isinstance(self.url_autenticacao, six.string_types): raise TypeError('url_autenticacao precisa ser do tipo string.') def __repr__(self): return '<Transacao(comercial={}, cartao={}, pedido={}, pagamento={}, url_retorno={}, autorizar={}, capturar={}, campo_livre={}, bin={}, gerar_token={}, avs={}, autenticacao={}, autorizacao={}, captura={}, token={}, cancelamento={}, tid={}, pan={}, status={}, url_autenticacao={})>'.format( self.comercial, self.cartao, self.pedido, self.pagamento, self.url_retorno, self.autorizar, self.capturar, self.campo_livre, self.bin, self.gerar_token, self.avs, self.autenticacao, self.autorizacao, self.captura, self.token, self.cancelamento, self.tid, self.pan, self.status, self.url_autenticacao ) def xml_to_object(xml): data = xmltodict.parse(xml) if 'transacao' in data: transacao = data['transacao'] pedido = dict_to_pedido(transacao.get('dados-pedido')) if transacao.get('dados-pedido') else None pagamento = dict_to_pagamento(transacao.get('forma-pagamento')) if transacao.get('forma-pagamento') else None autenticacao = dict_to_autenticacao(transacao.get('autenticacao')) if transacao.get('autenticacao') else None autorizacao = dict_to_autorizacao(transacao.get('autorizacao')) if transacao.get('autorizacao') else None token = dict_to_token(transacao.get('token')) if transacao.get('token') else None captura = dict_to_captura(transacao.get('captura')) if transacao.get('captura') else None cancelamento = dict_to_cancelamento(transacao.get('cancelamentos')) if transacao.get('cancelamentos') else None tid = transacao.get('tid') if transacao.get('tid') else None pan = transacao.get('pan') if transacao.get('pan') else None status = int(transacao.get('status')) if transacao.get('status') else None url_autenticacao = transacao.get('url-autenticacao') if transacao.get('url-autenticacao') else None return Transacao( pedido=pedido, pagamento=pagamento, autenticacao=autenticacao, autorizacao=autorizacao, token=token, captura=captura, cancelamento=cancelamento, tid=tid, pan=pan, status=status, url_autenticacao=url_autenticacao, ) if 'retorno-token' in data: retorno_token = data['retorno-token'] return Token( codigo=retorno_token['token']['dados-token']['codigo-token'], status=int(retorno_token['token']['dados-token']['status']), numero=retorno_token['token']['dados-token']['numero-cartao-truncado'] ) if 'erro' in data: return Erro( codigo=data['erro']['codigo'], mensagem=data['erro']['mensagem'], ) def dict_to_pedido(data): descricao = data.get('descricao') if data.get('descricao') else None idioma = data.get('idioma') if data.get('idioma') else None taxa_embarque = int(data.get('taxa-embarque')) if data.get('taxa-embarque') else None soft_descriptor = data.get('soft-descriptor') if data.get('soft-descriptor') else None pedido = Pedido( numero=data.get('numero'), valor=int(data.get('valor')), moeda=int(data.get('moeda')), data_hora=data.get('data-hora'), descricao=descricao, idioma=idioma, taxa_embarque=taxa_embarque, soft_descriptor=soft_descriptor ) return pedido def dict_to_pagamento(data): pagamento = Pagamento( bandeira=data.get('bandeira'), produto=data.get('produto'), parcelas=int(data.get('parcelas')), ) return pagamento def dict_to_autenticacao(data): autenticacao = Autenticacao( codigo=int(data.get('codigo')), mensagem=unidecode(data.get('mensagem')), data_hora=data.get('data-hora'), valor=int(data.get('valor')), eci=int(data.get('eci')), ) return autenticacao def dict_to_autorizacao(data): autorizacao = Autorizacao( codigo=int(data.get('codigo')), mensagem=unidecode(data.get('mensagem')), data_hora=data.get('data-hora'), valor=int(data.get('valor')), lr=data.get('lr'), arp=int(data.get('arp')) if data.get('arp') else None, nsu=int(data.get('nsu')), ) return autorizacao def dict_to_captura(data): taxa_embarque = int(data.get('taxa-embarque')) if data.get('taxa-embarque') else None captura = Captura( codigo=int(data.get('codigo')), mensagem=unidecode(data.get('mensagem')), data_hora=data.get('data-hora'), valor=int(data.get('valor')), taxa_embarque=taxa_embarque, ) return captura def dict_to_token(data): token = Token( codigo=data['dados-token']['codigo-token'], status=int(data['dados-token']['status']), numero=data['dados-token']['numero-cartao-truncado'] ) return token def dict_to_cancelamento(data): data = data['cancelamento'] cancelamento = Cancelamento( codigo=int(data.get('codigo')), mensagem=unidecode(data.get('mensagem')), data_hora=data.get('data-hora'), valor=int(data.get('valor')) ) return cancelamento
mit
4,884,582,285,604,461,000
35.447284
297
0.624606
false
ForAP/Advanc3d-Pr0graming
Spikes/DnD/toolbox.py
1
2574
# File name: toolbox.py import kivy kivy.require('1.8.0') import math from kivy.uix.togglebutton import ToggleButton from kivy.graphics import Line from dnd import StickMan, DraggableWidget class ToolButton(ToggleButton): def on_touch_down(self, touch): ds = self.parent.drawing_space if self.state == 'down' and ds.collide_point(touch.x, touch.y): (x,y) = ds.to_widget(touch.x, touch.y) self.draw(ds, x, y) return True return super(ToolButton, self).on_touch_down(touch) def draw(self, ds, x, y): pass class ToolStickman(ToolButton): def draw(self, ds, x, y): sm = StickMan(width=48, height=48) sm.center = (x,y) ds.add_widget(sm) class ToolFigure(ToolButton): def draw(self, ds, x, y): (self.ix, self.iy) = (x,y) with ds.canvas: self.figure=self.create_figure(x,y,x+1,y+1) ds.bind(on_touch_move=self.update_figure) ds.bind(on_touch_up=self.end_figure) def update_figure(self, ds, touch): if ds.collide_point(touch.x, touch.y): (x,y) = ds.to_widget(touch.x, touch.y) ds.canvas.remove(self.figure) with ds.canvas: self.figure = self.create_figure(self.ix, self.iy,x,y) def end_figure(self, ds, touch): ds.unbind(on_touch_move=self.update_figure) ds.unbind(on_touch_up=self.end_figure) ds.canvas.remove(self.figure) (fx,fy) = ds.to_widget(touch.x, touch.y) self.widgetize(ds,self.ix,self.iy,fx,fy) def widgetize(self,ds,ix,iy,fx,fy): widget = self.create_widget(ix,iy,fx,fy) (ix,iy) = widget.to_local(ix,iy,relative=True) (fx,fy) = widget.to_local(fx,fy,relative=True) widget.canvas.add(self.create_figure(ix,iy,fx,fy)) ds.add_widget(widget) def create_figure(self,ix,iy,fx,fy): pass def create_widget(self,ix,iy,fx,fy): pass class ToolLine(ToolFigure): def create_figure(self,ix,iy,fx,fy): return Line(points=[ix, iy, fx, fy]) def create_widget(self,ix,iy,fx,fy): pos = (min(ix, fx), min(iy, fy)) size = (abs(fx-ix), abs(fy-iy)) return DraggableWidget(pos = pos, size = size) class ToolCircle(ToolFigure): def create_figure(self,ix,iy,fx,fy): return Line(circle=[ix,iy,math.hypot(ix-fx,iy-fy)]) def create_widget(self,ix,iy,fx,fy): r = math.hypot(ix-fx, iy-fy) pos = (ix-r, iy-r) size = (2*r, 2*r) return DraggableWidget(pos = pos, size = size)
gpl-2.0
8,474,231,486,654,924,000
31.582278
71
0.60101
false
operepo/ope
client_tools/svc/lock_screen_widget_qrc.py
1
360215
# -*- coding: utf-8 -*- # Resource object code # # Created by: The Resource Compiler for PyQt5 (Qt v5.12.1) # # WARNING! All changes made in this file will be lost! from PyQt5 import QtCore qt_resource_data = b"\ \x00\x00\xc5\xf8\ \x89\ \x50\x4e\x47\x0d\x0a\x1a\x0a\x00\x00\x00\x0d\x49\x48\x44\x52\x00\ \x00\x01\xdb\x00\x00\x01\x76\x08\x06\x00\x00\x00\x26\xf8\x32\x04\ \x00\x00\x20\x00\x49\x44\x41\x54\x78\x9c\xec\xdd\x79\xbc\x1d\x75\ \x9d\xe7\xff\x67\xd5\x3d\xb9\xdc\xdc\x84\x4b\x08\x21\x84\x10\x20\ \x84\x10\x42\x08\x21\x61\x0d\x8b\x91\xdd\xa8\x88\x82\x1b\xd2\x6e\ \x6d\x6b\xab\x6d\x3b\x8e\xc3\xf4\xd0\x3e\x18\x7f\x0e\x0f\x7e\x8e\ \x0f\x9a\x1f\xc3\xaf\xed\x76\x1c\xc6\xe9\xd6\x5e\x46\x7f\x2e\xa3\ \xb6\xe3\x28\xda\x2e\x80\xb2\x88\x88\x88\xec\x22\x6b\xd8\x43\x48\ \x42\x08\xc9\xcd\xcd\xa9\xdf\x1f\xdf\x53\xde\x93\x4a\x55\x9d\x73\ \x43\xb6\x7b\xef\xf7\xf5\x78\xdc\xc7\x3d\xa7\xea\x5b\xcb\x39\xa7\ \xaa\xde\xdf\xcf\xf2\xfd\x7c\x89\x44\x22\xbb\x8a\x14\x53\x13\xae\ \xc0\x33\xb8\x1c\x53\x77\xed\x29\x45\x22\x91\x48\x24\x32\x76\xe8\ \xc5\xdb\x70\xef\x7e\x6c\x7e\x2d\xd9\x7e\x6c\xc6\xa3\x09\x7f\x8e\ \xfe\x5d\x7b\x7a\x91\x48\x64\x7b\x92\xec\xea\x13\x88\x44\xc6\x19\ \x29\x16\xe2\x53\x7d\x2c\x3f\x85\xfe\xa5\x98\x80\x26\x7e\x8d\x1b\ \x18\x5a\xc3\x5d\x09\x97\x67\x7c\x17\x83\xbb\xf0\x7c\x23\x91\xc8\ \x76\x20\x8a\x6d\x24\xb2\xf3\x98\x8a\x3f\x4b\xf9\xc8\x7c\xa6\x9f\ \x49\x3a\x4d\x30\x67\x73\x52\x6c\xc4\xcd\xf8\x05\x1b\x5e\xe6\x06\ \x7c\x1a\x37\x61\x68\xa7\x9f\x71\x24\x12\xd9\x2e\x44\xb1\x8d\x44\ \x76\x3c\x0d\xbc\x0e\x97\xee\xcb\x31\x67\xd0\x38\x5c\xb8\xf9\xb2\ \xb6\xff\xed\xf4\x60\x35\xae\xa7\x79\x17\x6b\x07\xf9\x76\xc2\xdf\ \x64\xdc\x29\x8a\x6e\x24\x32\xea\x88\x62\x1b\x89\xec\x38\x52\xcc\ \xc5\xa5\x7d\x5c\x70\x3c\x93\x4f\xc6\x44\xc1\x65\x5c\xbc\xf9\x8a\ \xc2\x9b\xb4\xfe\x9e\xc4\xf5\x78\x90\x27\x37\xf3\xcf\xb8\x06\x8f\ \xb4\x76\x13\x89\x44\x46\x01\x3d\xbb\xfa\x04\x22\x91\x31\xca\x54\ \xbc\x2f\xe1\xbf\xcd\x65\xd9\x05\xf4\x1e\x2d\xdc\x70\xed\x62\xca\ \x96\x56\x6d\xd2\xf6\x3f\x6b\xfd\x0d\xe0\x48\xcc\x64\xcf\xd5\x9c\ \xb4\x8e\xe5\x59\x48\xb0\x7a\x18\xeb\x6d\x6d\x18\x47\x22\x91\xdd\ \x8c\x68\xd9\x46\x22\xdb\x97\x5e\x9c\x9a\x70\xe9\x14\x96\x2d\xa3\ \xb1\xb8\xb5\xa2\x5d\x64\x8b\x82\xdb\xbe\xbe\x7d\x79\xbb\xb5\x9b\ \x62\x13\x7e\x8b\x9b\x19\x5a\xc9\x1d\x19\x57\x0b\x49\x54\x6b\xb7\ \xff\x47\x89\x44\x22\xdb\x8b\x28\xb6\x91\xc8\xf6\x21\xc5\x6c\x7c\ \x6c\x0f\xde\xbd\x90\x29\xa7\x63\x4f\x21\x01\xaa\xea\x46\x2b\x13\ \xdd\xaa\x76\xb9\xe8\xf6\x08\xe6\xec\xad\xb8\x8d\xc1\x17\xb9\x0e\ \x57\xe2\xe7\xd8\xf0\x0a\x3e\x43\x24\x12\xd9\x41\x44\xb1\x8d\x44\ \x5e\x39\x03\x78\x4b\xca\x5f\x1c\xc0\xbc\xb3\x49\x67\x1b\xce\x62\ \x2a\x4b\x80\xca\x97\xb7\xd3\x2e\xa8\x45\xeb\xb7\x68\xf5\x66\x42\ \xd6\xd5\x0b\xf8\x19\xee\x62\xdd\x06\xbe\x2d\x88\xee\x3d\x62\x12\ \x55\x24\xb2\x5b\x11\xc5\x36\x12\xd9\x76\x1a\x38\x26\xe1\x53\x93\ \x39\xeb\x64\x7a\x4f\xb4\xa5\x60\xd6\x51\xe5\x56\x6e\xdf\xb6\x6c\ \x3f\x45\x31\x9e\x80\xa7\xf0\x23\x3c\xc4\xea\x21\xbe\x84\xbf\xc6\ \x63\x62\x12\x55\x24\xb2\x5b\x10\xc5\x36\x12\x19\x39\x29\xa6\xe1\ \x63\x3d\xfc\xd9\x02\xa6\x9c\x8d\x29\x82\x39\x59\xe7\x32\xae\x13\ \xd1\xaa\xb6\x9d\x68\x17\xdd\x07\xf1\x43\x3c\xc3\x8a\x66\x88\xe7\ \x7e\x49\x18\x45\x14\x45\x37\x12\xd9\x85\x44\xb1\x8d\x44\xba\x27\ \x6d\xfd\xbf\x00\x9f\x9e\xc6\xbc\x73\x71\xa8\x90\xb8\x54\xcc\x2e\ \xae\x7a\xdf\xbe\x2c\x5f\x5e\x74\x33\x77\x6b\xed\x96\xb9\xa7\x27\ \xe0\x37\xf8\x11\xcd\x35\x3c\x20\x54\xa2\xfa\xa6\x18\xcf\x8d\x44\ \x76\x19\x51\x6c\x23\x91\xee\xc8\xc7\xcc\x5e\x35\x81\xd7\x9d\x46\ \x7a\x8a\xe1\xe1\x39\x55\xae\xe3\xba\x0c\xe3\xf6\xf5\x45\x21\x2e\ \x13\xe6\xb2\x36\x55\xc2\x9e\xf7\x0a\x6e\xc2\xcf\x68\xbe\xcc\x2d\ \xb8\x0c\x3f\x11\xe3\xb9\x91\xc8\x4e\x27\x8a\x6d\x24\xd2\x99\x29\ \xc2\xe4\x00\x7f\x31\x9f\x81\x73\x0d\x67\x19\xd3\x39\xa6\xaa\xa2\ \x5d\xd9\x36\x9d\x96\x77\x93\x68\xd5\xde\xae\x07\x2f\x0b\x45\x31\ \x7e\xc5\x86\xc1\xe0\x65\xbe\x1c\xb7\xd5\x9c\x4e\x24\x12\xd9\xce\ \x44\xb1\x8d\x44\xca\x49\x85\x04\xa8\x73\xf0\x99\xa9\xcc\x7f\x2d\ \x8d\x79\xb6\xac\x65\xdc\x4e\x9d\xc0\x76\xbb\xbc\x7d\x5d\xd5\xfa\ \xb2\x63\x76\x72\x31\xf7\xe0\x79\x5c\x47\xf3\x6e\xd6\x6e\xe6\x1b\ \x42\xe6\xf2\x03\x1d\x0e\x11\x89\x44\xb6\x03\x51\x6c\x23\x91\xad\ \x49\x31\x1f\x97\xee\xc1\x9b\x96\xd2\x7f\x8a\x50\xad\x22\xcf\x32\ \xea\x36\x3e\x5b\x66\x99\x6e\xeb\xba\x57\xb2\xdf\x7c\xdb\x04\x2b\ \xf0\x13\x9a\x0f\xf1\x2c\xfe\x3b\x3e\x27\xbc\x8e\x44\x22\x3b\x88\ \x28\xb6\x91\xc8\x96\x4c\xc5\xfb\x53\x3e\x72\x28\xb3\xce\x26\x9d\ \x6e\xcb\x5a\xc6\x75\x96\x64\x37\x71\xd5\xe2\xfa\xaa\xf7\x65\xfb\ \xcf\xe9\xe6\xc6\xad\xeb\x08\x64\x82\x49\x7b\x3d\x43\x4f\x85\x24\ \xe6\xab\xf1\x35\x21\x73\x39\x12\x89\x6c\x67\xa2\xd8\x46\x22\x81\ \x5e\x9c\x81\x4f\xec\xc3\xd2\x57\xd3\xbb\x50\x30\x71\xcb\x84\xb6\ \xca\xd2\xac\x8b\xd7\xd6\x59\xa7\x9d\x0a\x59\xb4\xef\x87\x7a\xe1\ \xad\xcb\x62\x6e\x5f\x9e\x97\x7f\xbc\x03\x37\x32\xb8\x86\xdb\xb3\ \xe0\x5a\xbe\x56\x28\x52\x15\x89\x44\xb6\x13\x51\x6c\x23\x11\xe6\ \xe1\xe2\x3e\xde\xb6\x84\x29\xa7\x60\xb2\x61\x91\xed\x64\xc9\x8e\ \x64\x4c\x6c\xbe\x1d\xf5\x56\x6d\x37\x56\x6f\xd9\xba\x6e\xdc\xcf\ \xf9\xfb\xf6\x24\xaa\x75\xc2\x1c\xba\xbf\x66\xfd\x4b\xfc\x28\xe1\ \xea\x2c\x24\x33\xc7\x89\xeb\x23\x91\xed\x40\x14\xdb\xc8\x78\x66\ \x00\x17\xa5\x7c\xfc\x60\xe6\x9e\x41\x7a\xa0\xe1\xe1\x3c\x39\xdb\ \x23\x8b\xb8\xd3\xfa\x4e\x43\x84\xea\xda\x75\x73\xcc\x6e\xc4\xbc\ \x07\x2b\x85\xf2\x8f\xf7\xb1\x6a\x43\x48\xa2\xfa\x9c\x58\xfe\x31\ \x12\x79\xc5\x44\xb1\x8d\x8c\x47\x7a\x71\x1c\x3e\x39\xc0\x59\xcb\ \x68\x2c\x11\xdc\xaa\xdb\x62\xa5\x8e\x54\x8c\xbb\x2d\xe5\x38\xd2\ \x9b\x73\xa4\x93\x1a\x54\x2d\x4f\x85\x3a\x8f\x37\xe0\x61\x9e\x6c\ \x95\x7f\xfc\x82\x58\xfe\x31\x12\xd9\x66\xa2\xd8\x46\xc6\x13\x29\ \x66\xe0\xe3\x13\x78\xff\x42\xa6\x9c\x21\x98\xb7\x65\x63\x66\xab\ \xdc\xc4\xdd\x26\x3e\x75\xb2\x34\xcb\xb6\x1d\x29\x23\x49\x9a\xea\ \x94\xd1\xac\x64\xf9\xfd\xb8\x9e\xe6\x33\x3c\xd0\xe4\x6f\x84\x24\ \xaa\x95\xdb\x78\xba\x91\xc8\xb8\x25\x8a\x6d\x64\xbc\x30\x19\xaf\ \x4b\xb9\x6c\x3a\xf3\x97\x63\x8e\x2d\x7d\xa3\x75\x15\x99\xda\x97\ \x95\x2d\xaf\x1b\x47\x5b\x95\x04\xd5\xbe\xed\x2b\xb5\x74\xeb\xc4\ \xbb\xdb\xe4\xad\xb2\xcf\x97\x0a\x1d\x91\x5f\xe3\x46\x9a\xab\x43\ \x12\xd5\x15\xf8\x9e\x98\x44\x15\x89\x74\x4d\x14\xdb\xc8\x58\xa7\ \x81\x05\xf8\x54\x1f\xe7\x9d\x42\xe3\x55\xb6\x2c\xb3\x98\x53\x97\ \x5c\x34\x12\x41\xec\x94\xb1\x5c\xc7\xcb\xe8\xab\x38\x6e\x9d\x85\ \x5d\x97\x79\xdc\xe9\x7c\x3b\x91\xc7\x73\x37\xe2\x46\xfc\x82\xa1\ \x0d\xa1\xec\xe3\xe5\xc2\xb4\xba\x31\x89\x2a\x12\xe9\x40\xcf\xae\ \x3e\x81\x48\x64\x07\x91\x62\x2f\xfc\xfb\x94\x6b\xe6\xb1\xe4\x22\ \xd2\xf9\x86\x27\x73\x2f\x0a\x4d\xd9\xfb\xa4\x62\x5d\x4e\x56\xd2\ \xa6\xca\xc5\xdc\x29\xf1\x29\x11\x0a\x18\xa7\x82\x6b\xbb\xea\xb8\ \x55\xc7\x2b\x1e\xab\x93\xc8\xd7\x0d\x19\x2a\x23\x2f\x0e\xbd\x98\ \xf4\x65\x0e\x7d\x96\x77\x66\x61\xd1\x6f\x85\xf1\xb9\x65\xa3\x95\ \x22\x91\x88\x28\xb6\x91\xb1\x49\x8a\x73\xf1\xcf\x53\x79\xfb\x05\ \xf4\x9d\x21\x98\xb8\x75\x43\x61\xda\xdf\xb7\x2f\xcb\x97\x57\x09\ \x56\x99\x5b\x36\xb1\xb5\x08\x96\x09\x62\xfb\xb6\xa9\x60\x2e\xae\ \xc2\x22\x5b\xc6\x91\xab\x86\x0b\xb5\x1f\xaf\xfd\x18\x23\x71\x19\ \xb7\xaf\xab\x3b\x46\xfe\xbe\x81\xa3\xb0\x80\x9e\xe7\x59\xf4\x02\ \xef\x4d\xc2\x94\x83\x77\xe1\xc5\x92\x5d\x47\x22\xe3\x9e\x28\xb6\ \x91\xb1\xc6\x7c\xfc\xd7\x5e\x3e\xf9\x2a\xf6\x7f\xab\x50\x12\x2a\ \xb7\x66\xa9\xb6\x00\xdb\xdf\x77\xb2\x7a\x8b\xeb\xaa\xac\xe0\xb2\ \xd7\xc5\xb6\xf9\xdf\x3a\x61\x96\x80\x95\x38\x5e\xb8\x39\xcb\xb6\ \xa9\x3a\xf7\xb2\xe5\x89\xea\xf3\x2b\x13\xdd\x6e\xad\xfb\xcd\x98\ \x88\x63\x31\x9b\x3d\x9e\xe6\xa4\x75\xfc\x51\x12\x9a\xdd\x23\x4e\ \xe7\x17\x89\x6c\x41\x14\xdb\xc8\x58\x61\x00\x1f\xc7\x35\x87\x73\ \xec\x85\x34\x16\xa8\xb7\xec\xea\x7c\x9e\x65\x96\x6f\x5d\x55\xa8\ \xb2\xed\xaa\xf6\x51\x66\x45\xa7\x82\x0b\xf9\x21\x6e\xcb\x78\x70\ \x23\x07\x1f\x61\xeb\x49\x0f\xaa\xce\xbb\xca\x62\xee\x26\xa6\x5b\ \xf7\x19\x8b\x9f\x29\x7f\x9f\xff\x6d\x16\xa6\x44\x3a\x0e\xfb\x30\ \xf9\x19\xce\x78\x99\xf3\xf0\x12\x7e\x27\x14\xa9\x8a\x44\xc6\x3d\ \x31\x41\x2a\x32\xda\x49\xb1\x1c\x97\x4d\x65\xf1\xd9\x34\xe6\xb7\ \x56\x74\x23\x38\x65\x37\x40\x5d\x95\xa8\x6e\x0a\x47\x74\x33\xb6\ \xb6\x28\xf8\x83\xf8\x6f\xa1\x64\xe2\x47\x32\x1e\xe9\xe1\xfb\x7f\ \x4e\x63\x4a\xe1\xb3\x14\x3f\x4f\xdd\x79\x74\x73\x8e\x23\xf9\x5c\ \x75\x9f\x31\x13\x7e\x88\x41\x61\xee\xbe\x9b\x19\x7c\x31\xf4\x1f\ \xae\xc0\x8f\xc4\x24\xaa\xc8\x38\x27\x5a\xb6\x91\xd1\x4a\x8a\x43\ \x70\x55\x2f\x9f\x5a\xca\xec\xf3\x49\xf7\x57\xed\x1e\x2d\xcb\x12\ \xee\x94\xd1\x5b\x96\x84\x54\x97\x65\x5c\x97\x98\x54\x15\x7b\xed\ \x11\x54\xe9\x1e\xee\xc6\x7f\xc0\x83\x19\x87\x3e\xcd\xc2\x25\x24\ \xf9\x7e\xaa\x5c\xba\xc5\x73\xef\x24\x8c\xed\xf1\xe4\xe2\x39\xb7\ \xd3\x4d\x6c\xb7\xf8\x7d\xf5\xe0\x20\x1c\x15\x5e\x1e\xbc\x92\x37\ \x0e\xb1\x24\x09\x05\x31\x9e\xb4\x65\xbf\x21\x12\x19\x37\x44\xb1\ \x8d\x8c\x46\xa6\xe0\x8f\xf1\xf9\x43\x38\xfd\xad\xf4\x1e\x6d\xeb\ \x04\xa8\x2a\xa1\x2c\x13\xad\x91\xc6\x2e\x3b\xc5\x4f\xab\x04\xbf\ \xec\xb8\x2f\xe0\xbb\xac\x1f\xe4\x13\xc2\x50\x9a\xcd\xf8\xe5\x1a\ \xde\xde\xcb\xc0\xc1\xb6\x9c\xda\xaf\x9b\x4e\x43\xd9\x67\xeb\x26\ \x46\x5b\x46\x5d\xdc\xb7\x28\xe2\xf9\x71\xf6\x10\xd2\x94\xe7\xd1\ \xbb\x81\xc3\x9f\xe7\xfc\x26\x07\x0b\x33\x0c\xbd\x20\x8a\x6e\x64\ \x9c\x11\xc5\x36\x32\x9a\x68\x60\x19\x3e\x37\x85\x3f\x3d\x87\x69\ \xaf\x11\xaa\x55\x54\x59\x69\x9d\x44\x35\xa7\xcc\x7a\x2c\xee\xa3\ \xac\x7d\x55\x9b\x3a\x17\x6d\x31\x06\xfa\x5d\x9a\x4f\x84\x22\x11\ \x9f\x36\x1c\xe3\x5c\x87\x87\x1e\xe7\xdc\x03\xe9\xdd\xdb\xd6\x56\ \x71\xa7\xcf\x5a\xd6\xbe\xfd\xdc\xeb\x84\xb6\xaa\x4d\x37\x96\x7f\ \xfb\xfb\x49\x38\x82\x64\x36\xfd\x6b\x39\x76\x0d\x17\x64\x61\x28\ \xf1\xef\x85\xb8\x6e\x14\xdd\xc8\xb8\x20\x8a\x6d\x64\x34\x90\xbb\ \x8c\xff\xe3\x1e\xfc\xe7\x25\x2c\x38\x9f\x9e\x43\xd4\x8f\x67\x1d\ \x09\x75\xdb\x54\xb9\x52\xbb\x29\x1c\x51\xb5\x3e\x77\xb9\xde\x8e\ \x5b\x78\x34\xe3\xc3\x78\xbc\xd0\xe4\x81\xcd\x4c\x7a\x84\x93\x0e\ \x23\x9d\xa4\x3a\xf6\x5b\xe6\xae\x2e\xba\x94\xd5\x2c\xeb\xd4\x79\ \x28\x2e\xaf\x8b\xf1\x96\x89\xfb\xde\x38\x8a\x64\x5f\x06\x9e\xe3\ \xf4\xf5\x9c\x23\xd4\xc9\x78\x54\xa8\xe5\x11\x89\x8c\x69\xa2\xd8\ \x46\x76\x77\x06\x70\x61\xca\x67\x0f\xe0\xdc\xf3\xe8\x5f\x2a\x98\ \xb8\x6c\x19\x7f\xac\x12\x1c\xb6\xb6\x32\xeb\x62\xb4\x75\xfb\xea\ \x64\xad\xb6\xef\xa7\xca\x8d\x4d\xe8\x3d\x3c\x81\xef\xb0\x7e\x23\ \x7f\x89\x1f\xd8\xda\xca\xcb\x70\xeb\x06\xe6\x3c\xc9\x11\x87\x93\ \xf6\x2a\xb7\x20\xcb\xce\xa3\xca\xad\xdc\x8d\xab\x79\x24\x09\x58\ \x55\xae\xf9\xe2\xfe\x08\x85\xa9\x8f\x26\xe9\x67\xbf\xe7\x79\xed\ \x46\x4e\x16\xdc\xca\x4f\x88\x49\x54\x91\x31\x4c\x14\xdb\xc8\xee\ \x4a\x43\x18\x51\x72\xf5\x00\x1f\x5b\xc6\xcc\xd7\x93\xec\xa3\x3c\ \x7e\x49\xb5\xf8\xd5\xb9\x4c\xeb\xac\xd6\xa2\x90\x57\xc5\x45\xeb\ \xac\xdc\x32\xc1\x4d\x04\x1f\xf1\xff\x62\x68\x55\x98\x4d\xe7\xbf\ \xa8\x1e\x22\x33\x88\x1b\xd6\x72\xcc\x73\x1c\x7c\x18\xe9\x84\xd6\ \x8a\xba\xc4\xa9\x32\x31\xae\x72\xf9\x8e\x24\xce\xdb\x6d\x67\x25\ \xdf\x47\xf1\x73\x37\x85\x8e\xc6\x6c\x1c\x49\x4f\xc6\xec\x17\x42\ \x12\xd5\x51\x42\x02\xd5\xd3\xb6\x1e\xf1\x14\x89\x8c\x7a\xa2\xd8\ \x46\x76\x47\x66\xe0\x92\x09\xfc\x97\x23\x59\x72\x41\x6b\x38\x4f\ \xa7\xe4\xa7\xe2\xba\x76\x8a\xeb\x8b\xed\xea\xf6\xd1\xc9\x42\xec\ \xe4\xca\x2e\x9e\xcf\x66\xfc\x2f\x9a\x8f\xf1\x7d\x7c\x4c\xe7\xaa\ \x4b\xeb\x71\xc3\x2a\x4e\x7c\x9e\x59\x87\x93\xe4\x37\x6e\x95\xcb\ \xb8\xae\xb3\x51\x34\x9f\xab\xdc\xdc\x45\xaa\xac\xd7\xb2\x65\x65\ \x14\x7f\xb3\x09\x38\x1c\xf3\x98\xf0\x32\x47\xac\xe6\x82\xcd\x1c\ \x20\x24\x51\xad\x11\xa7\xf3\x8b\x8c\x21\xa2\xd8\x46\x76\x17\x52\ \xe1\xf9\xfb\x86\x84\xbf\x9b\xce\x05\xe7\x31\xe9\x55\x42\x66\x6b\ \xd3\xd6\x2e\xd3\x76\x8a\x0f\xfa\xba\x84\xa7\xba\xac\xdc\x32\x6b\ \xad\xb8\xbc\xdb\x38\x69\xd9\xfe\x12\x7c\x93\xe6\xfd\xdc\x81\xf7\ \x09\xd6\x5c\x37\xac\xc1\xcf\x56\x72\xe2\xb3\xcc\x3c\x8c\x24\xcf\ \xbe\xae\x72\xfb\xd6\x7d\x27\xc5\xcf\xdc\xbe\xbe\x6c\x5d\x5d\xc7\ \xa4\xcc\xba\x2d\xeb\xd4\x54\xfd\x16\x13\x05\xb3\xf6\x60\xfa\x56\ \x73\xfc\x8b\xbc\x39\x63\x4f\x3c\x20\x26\x51\x45\xc6\x08\x51\x6c\ \x23\xbb\x03\xb9\x67\xf1\xf3\xbd\xfc\xa7\x65\xcc\xb8\x80\x64\x9a\ \x61\x91\x2d\xb3\x4c\xd9\xfa\x01\x5e\x97\xf4\x43\xb9\x30\x14\xd7\ \xb3\xf5\xfe\xeb\xdc\xa6\x55\x82\xa4\x6d\x79\x9e\x10\xf5\x4d\xdc\ \x1d\xa6\x89\xbd\x48\xa8\xb0\x34\x12\x21\x59\x85\x1f\x3f\xcf\x92\ \xc7\x38\xe8\x70\x92\x3c\x86\x5b\x76\xce\xed\xe7\x58\x15\x63\xae\ \xea\x18\x54\xb9\xe7\xbb\x89\x59\x77\x63\xed\x17\xdf\x37\x85\x59\ \x23\x96\x60\x3a\x7b\x3e\xcd\xab\x5f\xe6\xfc\x24\x24\x4f\xdd\x2f\ \xc6\x73\x23\xa3\x9c\x28\xb6\x91\x5d\x49\x8a\x89\x09\xff\x16\xff\ \x74\x28\xc7\xbc\x8b\xe4\x08\xf5\x99\xbe\x65\x16\x64\x5d\xfc\xb2\ \x9d\xba\x87\x7f\xbe\xac\x4e\xa0\xcb\xb6\x2f\x8b\x6b\x16\xdb\x4e\ \xc0\xb7\x70\x27\x8f\x64\xbc\x55\x28\xda\xbf\x2d\x6e\xd2\xd5\xf8\ \xfe\x1a\x16\x3c\xc8\xdc\xf9\x24\x7d\x25\xe7\x50\x3c\xc7\xba\xef\ \xb1\xdb\xf6\x75\xeb\xcb\x2c\xdd\xba\x4e\x4d\x71\xdb\x7c\x7d\x13\ \xfb\xe2\x04\x4c\x66\xef\x27\x78\xfd\x26\xde\x20\x78\x00\x7e\xd7\ \x76\x88\x48\x64\x54\x11\xc5\x36\xb2\xab\x68\xe0\x74\x7c\x63\x2f\ \xfe\xe8\x7c\xfa\x96\x0b\x17\x64\x55\x02\x54\xd5\x43\xbc\xea\x61\ \x5e\x14\xbd\x62\x8c\x55\x61\x7d\xd9\x36\xc5\x36\x9d\xdc\xb5\xc5\ \xc4\x2a\xe8\xc5\xbf\xe0\xd7\xac\xc8\x78\x23\xee\xf4\xca\xe2\x91\ \x2f\xe1\xff\xbc\xc4\x41\x77\xb3\xe8\x50\x61\xac\x71\x1d\x65\xae\ \xf1\xfc\xdc\x3b\x25\x41\xb5\x6f\x53\xf5\x5d\xd6\x59\xb6\x65\xdf\ \x5d\xa7\x04\xad\x4c\x08\xde\x9e\x44\x92\xb2\xef\x13\x5c\xd4\xe4\ \x55\x82\x95\x1b\x2b\x51\x45\x46\x1d\x51\x6c\x23\x3b\x9b\x14\x87\ \xe2\xaa\x06\x9f\x39\x99\xfd\x2f\x14\xac\x99\xa1\x56\x83\xa2\x75\ \x5a\x96\x19\xac\xa2\x4d\x3b\x45\x2b\xb5\xce\x15\x5d\xb6\x4d\x55\ \x0c\xb6\x7d\x5d\x91\xe2\xb9\x34\xf0\x75\xdc\xc1\x93\x19\x17\xe0\ \xd7\xb6\x4f\xe2\xcf\x46\xfc\x78\x90\x3d\x7f\xcb\x31\xfb\x92\x4e\ \x37\xec\x76\xcf\xa9\xfa\xbe\xaa\xdc\xf0\xc5\x76\x65\x1e\x83\xaa\ \x64\xb2\xa2\x88\x57\x2d\x6f\xff\x5f\x7c\xdd\xbe\x2c\xdf\x6e\x0e\ \xc9\xb1\x58\xcf\x21\xad\x39\x74\x8f\xc0\x7d\x78\x5e\x14\xdd\xc8\ \x28\x21\x8a\x6d\x64\x67\x32\x19\x1f\x49\xf8\xef\x87\x72\xf2\xdb\ \x69\x2c\x52\x6e\x05\x15\xa9\x13\xd6\xaa\xcc\xd9\x22\x75\x56\x69\ \x99\xe5\xd6\x7e\xbc\xaa\x7d\x16\xcf\xa9\x68\xb1\x7d\x19\xf7\x85\ \x5a\xc7\x6f\xb2\xfd\x84\x36\x67\x23\xae\x1f\x62\xe5\xfd\x9c\xd2\ \x64\x8f\x43\x95\x27\x93\x55\xb9\xc6\x3b\xb9\x78\xdb\xb7\xad\x4b\ \x16\x2b\xb6\xaf\x8b\x23\x17\xcf\xa1\xb8\xef\xb2\xe3\x36\xb0\x00\ \x47\xd0\x58\xc3\x91\x2f\x70\x61\xc6\x3e\x42\x12\xd5\x9a\x0e\x1f\ \x21\x12\xd9\xe5\x44\xb1\x8d\xec\x0c\x1a\x38\x03\xd7\xec\xcd\x7b\ \x97\x33\xe5\x2c\x92\x49\xb6\x74\x19\xe7\x74\x72\x79\x2a\x2c\x6b\ \x7f\x5d\xe6\xce\xac\x0a\xf2\x55\xed\xaf\x4a\xa4\xca\x84\xa1\x6a\ \x1f\x1b\xf0\x65\x9a\x0f\xf1\x2b\x9c\x2f\x58\x62\x3b\x62\x28\xcb\ \x26\xfc\xaa\xc9\xed\x8f\x71\xda\x33\x0c\xcc\x17\xdc\x07\x9d\xce\ \xbb\xb8\x3e\x6f\x53\x67\x91\x16\xdf\x97\x7d\xff\x55\x89\x63\x75\ \x96\x6f\x99\xe7\xa2\x78\x9c\xa6\x50\xfe\x71\x11\xc9\x2c\xfa\x5f\ \xe0\xc4\x17\x79\x73\x12\x42\xe2\x0f\x08\x43\xa4\x22\x91\xdd\x92\ \x4e\x9d\xda\x48\xe4\x95\x32\x07\x7f\xd1\xcb\xdb\x96\x30\xf5\x55\ \x82\x79\x5b\x74\x77\x8e\x84\x6e\xac\xb1\x91\xb4\xdb\x5e\x64\x82\ \xc8\xbd\x80\x6f\x30\xf4\x44\x98\x5a\xee\x03\x42\x8c\x71\x47\x8f\ \x19\x4d\xb1\x10\xd7\x1c\xc8\x09\xe7\x93\x4e\x55\xfe\x3d\x6f\xeb\ \xf7\xf2\x4a\xb7\x1b\xc9\xf6\x75\x59\xe3\xf9\xfb\xcd\xf8\x2d\x6e\ \x64\x68\x65\x18\x4a\xf5\xd7\xf8\xb6\x50\x33\x24\x12\xd9\xad\x88\ \x96\x6d\x64\x47\x31\x19\xef\x4d\xf8\xdc\x21\x9c\xfd\x46\xfa\x8f\ \x13\x4c\x90\x4e\x2e\xda\xaa\x87\x2b\x5b\x6f\x5b\xf7\x40\x56\xb2\ \x5d\x3b\x65\xc7\x2f\x3b\xb7\xe2\xfa\xaa\xed\x7a\xf0\x88\x20\xb4\ \xcf\xf0\x35\xfc\xa9\x50\x11\x69\x67\xc4\x15\x33\x3c\x83\xff\xbd\ \x96\x59\xf7\x72\xc4\x94\x56\x1c\xb7\xea\xbc\x47\xfa\xdd\x57\x6d\ \x37\x52\x17\x7c\x99\xc7\xa1\xf8\xba\xea\x38\x45\x0b\x78\x26\x8e\ \x22\x9d\xc8\xcc\x95\x2c\xdf\xc8\x29\x78\x0e\x2b\x0c\xa7\x01\x44\ \x22\xbb\x9c\x28\xb6\x91\xed\x4d\x9a\x70\x12\xfe\x76\x80\x0f\x9f\ \xc5\x7e\xe7\x90\xec\x6d\xcb\x31\xb3\x75\xb1\xbc\xaa\x84\x99\x62\ \xfb\xba\x24\x9b\x32\x57\x69\xf1\xaf\xae\x5d\x71\x9b\xba\xf3\xc8\ \x1f\xfc\xb7\xe3\x3b\xac\x5b\xcb\x67\x71\x89\x60\xe4\xee\x6c\x5e\ \xc2\x0f\x37\xf2\xe2\x03\x1c\xfd\x32\x93\x0e\x34\x3c\xfd\xe0\x2b\ \xf9\xee\xdb\xb7\xe9\xe4\xbe\xaf\xfa\xbd\x8a\xbf\x5d\xb7\xbf\x45\ \xd5\x79\xe4\xf1\xdc\xd9\x58\xc0\x84\x26\x73\x56\x71\xde\x10\x47\ \x26\x61\x62\x87\x67\xc4\x4a\x54\x91\xdd\x80\x28\xb6\x91\xed\x45\ \x2a\x8c\xd6\xf8\xcb\x09\x5c\xb5\x88\xa3\x2e\xa0\x71\x68\x5b\x83\ \x2a\x77\x66\x9d\x55\xda\x4d\x0c\xb1\xcc\xc2\x2d\xfb\xaf\xf0\x5a\ \xc9\x76\x75\xe7\x57\xe5\x06\xdd\x2c\xf8\x8b\x6f\x60\xc5\xc6\x30\ \x27\xed\x67\x05\xd1\xdb\x55\x0c\xe2\xe6\x26\xbf\x5e\xc1\xc2\x15\ \xec\x37\x93\x64\xc0\x96\xc9\x53\xaf\xe4\xbb\xef\xf6\xfb\x6a\xdf\ \xa6\x48\x95\x97\x60\x24\xe4\xa2\xdb\x14\xe6\xed\x3b\x1c\x87\xb2\ \xc7\x4b\x2c\x58\x1d\xa6\xf3\x9b\x21\x8c\xcf\x5d\x53\x38\xa5\x48\ \x64\xa7\x12\xc5\x36\xb2\x3d\x98\x2c\x94\x59\xbc\x66\x06\xe7\xbf\ \x89\xfe\x93\x85\xf1\xa5\xed\x26\x45\x95\xf8\x75\xfb\xb0\xaf\xb2\ \xba\xea\x04\x41\xdb\xfa\xf6\x7d\x16\x97\x95\x9d\x63\x9d\x30\x13\ \x7a\x17\xeb\xf0\x2d\x9a\x77\x72\xf7\x66\x3e\x18\xde\x56\x4e\x2a\ \xb0\x33\xc9\xf0\x10\xae\x5d\xcd\xd4\xfb\x98\xd7\xcf\x84\x19\x6d\ \x0d\xb6\xf5\xbb\x2f\x5a\xa7\x59\x61\x59\x9d\x67\xa0\x9d\x4e\x56\ \x75\x37\x22\x5c\xfc\x3d\x9b\xc2\xc5\x78\x94\x90\x44\xb5\x8a\xa5\ \x2f\xf2\x86\x2c\x54\xfd\x7c\x58\x2c\xff\x18\xd9\x45\x44\xb1\x8d\ \xbc\x12\x1a\x58\x94\x70\xd5\x24\xfe\xf2\x14\x0e\x38\xdf\xd6\x33\ \xf3\x74\xf3\x9f\xad\x1f\x9c\xf9\xfa\xb2\x87\x7d\x99\x1b\xb7\x1b\ \x17\x71\xd5\xff\x3a\xf7\x70\x59\xfb\x1e\xc1\x47\xf9\x0d\x86\x1e\ \xe3\x07\x09\xef\xc7\x2f\xed\x7e\x0f\xf2\x35\xf8\xc1\x20\xcf\xfe\ \x8e\xc5\x2f\x30\x70\xb0\xd0\x11\x2a\x13\xd4\xba\xef\xbe\xea\x7b\ \xad\x5a\xd6\x2d\x55\xdb\x76\xb3\xcf\xb2\xf3\xc8\x5a\x7f\x53\x85\ \xf2\x8f\x7b\xb3\xf7\xb3\x9c\xbd\x81\x33\x85\xfe\xd1\x63\x42\xc2\ \x78\x24\xb2\xd3\x88\x62\x1b\xd9\x16\x52\xa1\x0e\xc5\x47\x1a\x7c\ \xee\x30\x8e\x7f\x0b\x8d\x85\xb6\x14\xd9\x2a\x77\x6e\x37\x0f\xd6\ \xaa\x21\x3e\x55\xae\xcb\xb2\xed\xca\xac\xd4\x3a\x17\x68\xd9\x76\ \x65\xdb\x27\xf8\x05\xbe\xcd\xfa\xb5\x7c\x4e\x98\xb9\x67\x45\xc9\ \xc7\xda\x5d\x18\xc2\x6d\x19\x37\x3e\xcd\x61\xf7\x31\x6b\x6f\xd2\ \x69\xaa\x93\xa4\xda\xa9\x12\xe0\xa2\x40\xd7\x25\x46\x75\x93\xf4\ \x56\xb5\x6d\x7b\xfb\xba\x04\xb5\xfc\x7d\xf1\x9c\xf6\xc7\x31\xe8\ \x65\xc6\x73\x9c\xb7\x29\xcc\xa1\xfb\x8c\x98\x44\x15\xd9\x89\x44\ \xb1\x8d\x8c\x94\x5e\x9c\x93\xf0\x85\xa9\xbc\xf3\x0d\x4c\x3e\xd3\ \xd6\x33\xf3\xd4\x59\x45\xda\x5e\x97\xb9\x78\xdb\xd7\x95\x89\x70\ \xf1\x01\x5e\x65\xf9\x16\xf7\x3b\x12\xf7\x68\x95\xab\x74\x50\xa8\ \x08\xf5\x0b\x56\x6c\xe6\x43\xf8\xaf\x76\x6d\x7c\x76\x24\x3c\x85\ \x6f\x6e\x60\xf0\x6e\x96\xac\xa1\xef\x50\xe1\x21\x50\x26\x56\x55\ \xdf\x7d\xd5\x77\xd3\xc9\x43\xd0\x4e\xdd\xef\x55\xf6\x5b\xd5\x59\ \xd7\x65\x56\x79\xfb\xbe\xf3\xf5\x87\xe0\x68\xd2\x21\x66\xaf\xe4\ \x2d\x9b\x59\x24\x4c\xe7\xf7\x9c\x98\x44\x15\xd9\xc1\x6c\xab\xe7\ \x27\x32\xfe\x48\x31\x3b\xe1\xf2\x06\x17\x9c\x48\xdf\x69\x82\x1f\ \xb9\xac\x30\x45\xb7\x8c\x34\x39\xa6\xdb\x38\xde\xb6\x9e\x4f\xd5\ \xbe\x1a\x82\x19\xf4\x55\x9a\x6b\xb8\x41\x88\xcf\x3e\xb0\x1d\x0e\ \xb1\x2b\x48\x05\x63\xef\x73\x7b\x71\xdc\x9b\x48\xe7\x1a\x0e\x34\ \x57\x7d\x6f\xdd\xc4\xd0\xab\x96\x6f\xeb\x36\x65\xeb\x3b\x1d\x23\ \xa7\xec\x5c\x33\x61\xf8\xd9\x4a\xfc\x2b\xee\x63\x5d\x33\x14\xfa\ \xfa\xb4\xf0\x13\x47\xd1\x8d\xec\x10\xa2\x65\x1b\xe9\x86\x7e\xfc\ \x39\xbe\x38\x87\xa5\x17\x15\xca\x2c\xe6\x74\x72\xd1\x16\xdd\x7f\ \x65\x96\x4b\xd5\x36\x55\xb1\xb9\x3a\xb7\x72\x27\x61\x28\xdb\xa6\ \x4c\xa8\x1b\xf8\x19\xcd\xaf\xb3\x79\x23\x57\x08\xe3\x67\x9f\xb3\ \xf5\x57\x30\x5a\xc8\x84\x42\x1b\x5f\x1e\x64\xd3\x1d\x9c\xb8\x96\ \x09\x87\x09\x2a\xdc\xed\x6f\x54\x65\xf5\x76\x23\x8e\x65\xae\xe9\ \xb2\xf7\x55\x56\x6e\xa7\xf0\x44\xd5\xfe\x13\x21\x7b\xbc\x0f\x47\ \x63\x2e\xbd\xcf\x71\xec\x1a\xde\x25\x78\x6d\xee\x14\xe3\xb9\x91\ \x1d\x40\xb4\x6c\x23\x75\xa4\x58\x86\xab\x06\x58\xbc\x9c\x74\xa1\ \x2d\x83\x5c\x55\x71\xb4\x4e\x62\x59\xdc\xa6\x7d\x7f\x6c\xfd\xf0\ \x2d\x6e\x53\x75\x8c\xba\xb8\x61\xd5\x7e\xcb\xd6\x11\x7a\xa2\x2f\ \xe0\x7f\xd1\x5c\x11\x66\xec\xf9\x80\x30\xca\x67\x2c\x59\x3f\x29\ \x16\x27\x5c\x33\xc0\x31\xed\xbf\x71\x95\x25\xdb\xad\xa5\xd9\xad\ \x95\xdb\xa9\x33\x34\xd2\x6d\xab\xe2\xf8\x55\xcb\x7a\x84\x5a\x9a\ \xff\x4a\xf3\x39\x9e\x4c\xf8\x74\xc6\x3f\x8a\xe5\x1f\x23\xdb\x91\ \x68\xd9\x46\xca\x48\x71\x20\xae\xec\xe1\xaf\x4e\xe2\xc0\xb7\x91\ \xcc\x10\xac\x82\x9c\xb2\xb8\x5b\x31\xa6\x36\x12\x97\x6e\x9d\x75\ \x59\x3c\x4e\x95\xc5\x55\x16\x53\x2c\xdb\x6f\x95\x30\xe7\xef\x53\ \xdc\x86\xaf\x33\xf4\x3c\x5f\xc5\x1f\x09\x75\x2b\x46\xab\x35\x5b\ \x45\x26\xc4\x72\xbf\xba\x91\x17\xef\x65\xd1\x93\xad\x42\x18\xed\ \xb5\xab\x29\xff\xbe\xeb\x84\xb2\x93\x08\xd6\x59\xaa\x75\x74\x73\ \x5d\x55\x59\xd2\x65\xf1\xdd\xa6\x30\xa3\xc1\x71\x24\x7b\x32\xf0\ \x14\xcb\x07\x79\xad\xe0\xbd\x78\xc8\x96\x97\x7d\x24\xb2\x4d\x44\ \xb1\x8d\x14\x99\x8c\x3f\xc6\xff\x38\x88\xd3\xde\xc1\x84\xc5\xb6\ \x7c\x10\x96\x25\xa3\xd4\x3d\xf4\x3a\xb9\x7a\xeb\xf6\x97\x14\xfe\ \xca\xb6\x2d\xb6\xaf\x3b\xaf\xaa\x87\x7d\xfe\xba\x47\x98\x9d\xfd\ \x5b\xf8\x05\x8f\x6c\xe2\x62\xfc\x67\x61\x3a\xb7\xb1\xcc\x46\xdc\ \x92\xf1\xbd\x95\xcc\xb8\x2b\x4c\x83\xd8\x73\x80\xad\x13\xa8\xa8\ \x4f\x4a\x2a\xa3\xb8\x7d\x99\x07\xa3\x6c\x79\x59\x47\xa8\xac\x7d\ \x91\x6e\x05\xb9\x78\x3d\x1c\x80\x63\x49\x53\x66\x3e\xc3\x9b\x86\ \x38\x51\x18\x2a\xb4\x33\xea\x5b\x47\xc6\x30\x51\x6c\x23\x39\x0d\ \x61\x48\xc4\xe7\xf7\xe2\x43\xe7\xb0\xcf\x6b\x49\xf2\x49\x03\x72\ \xca\xdc\x77\x9d\xdc\xb1\x45\x46\x6a\xf1\x56\x6d\x5b\x75\x3e\x65\ \x54\x3d\xbc\xdb\x97\xf5\x08\xd5\xec\xbf\xcd\xe0\x13\xfc\x4b\x16\ \xc6\xce\xfe\xd8\xee\x51\xa4\x62\x67\xd0\xc4\xb3\xf8\xde\x20\x0f\ \x3e\xcc\x11\x0f\x31\x75\x5f\x92\xb2\x49\x0d\xaa\x62\xa7\xd4\x0b\ \x5c\xf1\x7d\x99\x85\x5b\xd5\x89\xea\xd4\xb9\x2a\x1e\xa7\xec\x1c\ \x8b\x1d\xb7\x62\xdb\x1e\xa1\xa7\xb1\x90\xc6\x46\x0e\x7b\x9e\x0b\ \x9a\xcc\xc3\xa3\xc2\xf7\x33\xd6\xbc\x1b\x91\x9d\xc0\x48\x9f\x75\ \x91\xb1\xc9\x41\xf8\xd8\x04\xde\xbb\x88\xa9\xa7\x61\x4f\xd5\x59\ \xc6\x9d\x62\x76\x23\x89\xc1\x75\x4a\x74\x29\x6b\x5f\x75\x4e\x65\ \xcb\xbb\x39\x7e\x1e\x9b\xfd\x09\xee\x61\xc5\x10\x57\xe2\x4b\x58\ \x3b\xc2\xdd\x8d\x25\x52\xcc\xc6\xc7\xfb\x78\xe7\x62\xa6\x9c\x2a\ \x5c\x17\xc5\x50\x42\xd9\x6f\x57\x17\xc7\xa5\xf3\xf5\xd2\x4d\x7c\ \xbe\x8e\xed\xb5\x7d\x82\x27\x70\x5d\x98\x2e\xf1\xc9\xcd\xfc\x33\ \xae\x11\xe6\x9c\x88\x44\xba\x26\x5a\xb6\xe3\x9b\xc9\xb8\x28\xe1\ \xb3\x07\x72\xee\x1b\x98\xb4\xd4\xd6\xd5\x85\x28\xb7\x28\xab\xba\ \xf7\x65\xae\xc0\xb2\xf7\xed\xed\xeb\x1e\xd6\xdd\xc4\x05\xdb\xf7\ \x51\x5c\x5f\x77\x9e\x89\x3f\x4c\x20\x30\xf8\x28\xdf\x6f\xf2\x61\ \xfc\x6f\xbc\x5c\xb1\xd9\x78\x21\x13\xfa\x20\x3f\x1e\xe2\xf6\x27\ \x98\x75\x3f\x33\x7b\xe8\x99\x61\xd8\xb5\x5c\x67\x99\x96\x25\xc1\ \x95\xad\x2b\x13\xc0\xb2\x90\x41\xfb\xf6\xed\x27\x59\xf5\xbe\xcc\ \x82\xed\x94\x5c\x57\xe6\xe6\x1e\xc0\x42\x92\xfd\x19\x58\xc3\xd2\ \x75\xbc\x2e\x0b\x23\x88\x1e\x32\x7a\xc6\x58\x47\x76\x31\xd1\xb2\ \x1d\x9f\x34\x84\x71\x96\x97\xec\xc9\xeb\x96\xd2\x77\xbc\xf2\x5a\ \xc6\x74\x67\x35\x76\xca\x0a\xdd\x5e\x19\xab\xdb\xb2\x9f\x62\x3b\ \x82\x58\x3c\x8f\x1f\xe2\x01\x1e\x69\x06\x6b\xf6\xcb\x42\xc8\x36\ \xb2\x35\x53\x71\x51\xca\xc7\x0e\x64\xee\x59\x82\x3b\x24\xb7\x72\ \x47\x7a\x6d\x74\x4b\x5d\xbc\x76\x7b\x51\x27\xfc\xed\xcb\x52\x21\ \x9e\x70\x27\x6e\x0e\x73\xe8\xde\x8e\xab\x70\xad\xf1\xed\x05\x89\ \x74\x41\xb4\x6c\xc7\x17\x29\xf6\xc3\xc5\x13\xf8\x7f\x16\x70\xfc\ \x05\x34\xe6\x2b\x8f\xb7\x95\x59\x05\xc5\xe5\x0a\xdb\x14\xad\x83\ \x6e\xdc\xbe\x9d\x2c\xd7\x62\x16\x71\x71\xfb\x62\xdb\x4e\xee\xcb\ \x0c\xb7\xe2\x5f\x58\xff\x24\xdf\xca\xc2\xb8\xd9\x6b\x45\x6b\xb6\ \x8e\x97\x85\x92\x8f\xdf\x5b\x43\xe3\x2e\x0e\x5d\xc3\xc4\x99\x98\ \x68\xeb\x90\x43\x95\x55\x5b\xa4\xcc\xeb\x50\xe7\xa1\xe8\xb4\xff\ \x4e\xde\x91\x6e\x93\xa6\xea\xbc\x30\xb3\xb0\x90\xb4\x97\x03\x9e\ \xe7\x0d\x83\x1c\x2f\x64\x74\x3f\x25\x96\x7f\x8c\x54\x10\x2d\xdb\ \xf1\x43\x1f\x96\x27\x7c\x6a\x3a\x8b\x4e\x27\x9d\x2f\x3c\x54\xba\ \x7d\x30\x52\xde\xfb\xcf\x97\x17\xb7\xab\xca\x34\xad\xa2\x5b\x0b\ \x3a\x6f\x53\xf7\x00\x2d\x5b\x97\x08\xd9\x2d\xdf\xc7\xc3\xa1\x4c\ \xdf\xe5\xc2\x24\xef\xb1\x88\xc1\xc8\x48\x71\x2a\x3e\xb5\x27\x27\ \x2f\xa3\x6f\xb1\xe0\x57\x2d\x8b\xf3\x17\x45\xaf\xd3\xfa\xaa\x4e\ \x53\x95\x05\xda\x69\xfb\xb2\xe3\xe7\xd4\x1d\xa3\x7d\x7d\xd9\xf5\ \xde\xc0\x2a\xfc\x0c\x77\xb3\x6e\x03\xdf\x14\x2c\xdd\x7b\x44\xd1\ \x8d\x14\x88\x62\x3b\xf6\x49\x85\x4c\xca\x4b\xfb\x78\xdb\x89\xf4\ \x9e\x62\xd8\x65\xdc\x4d\x5c\xb4\x2e\xd9\xa4\xaa\x6d\xd9\x76\x9d\ \x8e\x93\xaf\xcf\xf7\xdd\x69\xbb\x6e\x62\xbc\xf9\xeb\x41\xfc\x1c\ \xbf\x60\xdd\x60\x78\x28\x7e\x52\x2c\xcf\xf7\x4a\xe9\xc7\x45\xf8\ \x8b\x99\xcc\x39\x9d\xc6\xdc\xd6\x8a\x3a\x8b\x53\x5b\x9b\x6e\x42\ \x03\xaf\x34\x74\x50\xb7\xaf\x6e\xc4\xbd\x6e\x9f\x84\x4e\xc6\x13\ \x42\xb5\x93\x47\x58\x35\xc4\xdf\x0b\x13\x54\x3c\x26\x5e\x5f\x91\ \x16\xd1\x8d\x3c\x76\x49\x85\xe4\xd1\x0f\xa5\x7c\xf1\x10\x96\x5e\ \x48\xcf\xc2\xd6\xca\xaa\xa4\xa1\x76\xaa\x84\xb5\xe8\xce\xad\xb2\ \x04\x8a\xdb\x75\x3a\x46\x71\xdf\x65\xfb\xaa\x72\x75\x57\xed\x2b\ \x15\x0a\x18\x7f\x8d\xa1\xfb\xb8\xb3\xc9\x47\xf0\x57\xe2\x64\xe2\ \xdb\x83\x4d\x42\xdc\xf2\x1b\x2f\xd2\xbc\x8b\xf9\x4f\xd2\x37\x5d\ \x98\xa8\xbe\x93\x8b\x97\xee\x7f\xc7\xaa\x7d\xd5\x5d\x77\x65\xc7\ \x18\xc9\xbe\xca\xf6\x5b\xb6\xef\xcd\x42\x01\x90\x63\x30\x93\x89\ \xcf\x71\xf2\x7a\xde\x94\x05\xa1\xfd\x9d\x30\x86\x39\x5e\x6b\xe3\ \x9c\x68\xd9\x8e\x4d\x1a\x38\x35\xe1\x8a\x3d\x39\xee\x35\xa4\x8b\ \x6c\x59\x68\x7e\x5b\x7a\xfa\x4a\xda\x55\xbd\x2f\x6b\xcf\x96\x0f\ \xaf\x91\x1c\xa7\x5b\x2b\x37\x3f\x4e\x3e\x9c\xe7\x5a\x9a\xf7\x85\ \xa4\xa7\xab\xf0\xb7\x62\x22\xcb\x8e\x64\x1e\x2e\x6d\xf0\x96\x45\ \xf4\x9f\x61\xcb\xa1\x42\xdd\x84\x11\xba\xb5\x7e\x47\xe2\x6e\x1e\ \x09\xaf\xc4\x8a\xce\xdb\xf4\xe0\xd7\xf8\x69\x98\xb4\xe2\x1e\x7c\ \x26\xe3\xdb\x62\xf9\xc7\x71\x4d\x14\xdb\xb1\xc7\x2c\x5c\xd6\xc3\ \x3b\x8f\xa5\xf7\x35\xc2\xcd\x5f\x74\x19\xb7\xd3\xc9\x7d\x5c\x45\ \x27\x0b\xa1\x78\x8c\x2a\x17\x31\xf5\x62\x5c\xb5\x8f\xe2\x39\xe6\ \xaf\x13\x5c\x8f\x1b\x19\x1a\xe4\xbb\xb8\xc4\xe8\x9d\xa1\x67\xb4\ \x91\x62\x29\x3e\xd5\xcb\x59\x27\x91\xbe\xba\xb5\xb0\x5b\x7f\x6a\ \x27\x97\x72\x55\xbb\xaa\x70\x47\x7b\xfb\x2a\xf3\xb2\xd3\x75\xdb\ \x6d\x18\x25\x3f\x8f\xfc\xf3\xde\x88\x9f\xd3\xdc\x18\xa2\x18\x97\ \x0b\xc3\xb9\xa3\x6b\x79\x1c\x12\xc5\x76\xec\xd0\x8f\xf7\xe2\x93\ \x07\x33\xfd\xf5\xa4\x33\x0c\x67\x69\x74\xe3\x9a\x6b\xa7\xec\xc1\ \xd2\xe9\x61\x56\xdc\xd7\x48\xfc\x66\x75\x6e\xc4\xaa\xfd\x16\xdb\ \x4d\x10\x0a\xca\x5f\x4b\xf3\xf9\xf0\xf2\x52\x41\x6c\x63\xb2\xca\ \xce\xa7\x37\x61\x79\xc6\x65\x93\x59\x74\x26\xe9\xb1\x82\xca\xb4\ \x27\x51\x95\x5d\x83\x75\x9d\xc1\x4e\x62\xd9\x49\x1c\xab\x3c\x25\ \x55\xc7\xaa\x12\xd7\x6e\x05\xbd\x47\x48\xe3\xbe\x0e\xbf\x62\x70\ \x13\xdf\xc3\x65\xc2\x08\xa2\x28\xba\xe3\x88\x28\xb6\xa3\x9f\x34\ \xe1\xd4\x8c\xcb\x07\x38\xf9\x4c\x1a\x47\x0b\x37\x7c\x9d\x38\x76\ \x7a\x5f\xd7\x8e\xea\x87\x55\xb1\x4d\x71\x59\xdd\xb6\x75\xe7\x5a\ \xd5\x96\x20\xb2\x4f\x0b\x63\x77\x1e\x66\x65\x93\xbf\x16\x26\x75\ \x5f\x2d\x3e\xd0\x76\x25\xa9\xe1\xc2\x29\x17\xef\xc3\xdc\x33\x51\ \x9c\x55\xa8\xca\x15\x5c\xa4\x4a\x74\xeb\xc4\xb3\x6e\xbb\xaa\x75\ \xdd\x9e\x53\x37\x6e\xed\xf6\xb0\xc6\xf3\x82\x6b\xf9\x6e\xd6\xb7\ \xe6\xd0\xbd\x42\x28\x8c\x11\x19\x07\x44\xb1\x1d\xdd\xcc\xc2\x27\ \x1a\x5c\xb4\x84\x81\xd3\x49\xfb\x95\x5b\x0e\x75\x22\x59\xe7\xce\ \x55\xb2\xae\x7d\xdf\x75\xb1\xb1\xba\x07\x56\xa7\x78\x5b\xd9\xb9\ \x94\xc5\x65\x37\x08\x7e\xb9\x3b\xd8\xb0\x31\x0c\xe3\xb9\x42\x70\ \x19\x47\x6b\x76\xf7\x21\xc5\xf4\x84\xf7\xa7\x7c\x78\x06\x33\xce\ \x68\x4d\x58\xdf\x54\xdf\x99\xab\x8b\xd9\x97\x79\x38\xba\xed\x00\ \x76\xeb\x49\xe9\x26\x6c\x51\x76\xbc\xb2\xfd\xe6\x21\x8e\xc7\xf1\ \x63\x9a\x8f\x84\x91\x68\x9f\xc3\x7f\x13\xe6\xb3\x8f\x8c\x61\xa2\ \xd8\x8e\x4e\xfa\xf1\x36\x7c\xe2\x20\xe6\x9e\x4d\x7a\xa0\x61\x6b\ \x96\xce\xf1\xce\xaa\x1e\x78\x7b\x7b\x25\xeb\xb7\xc5\xb2\xdd\x16\ \x17\x71\x37\xfb\xbb\x43\xa8\x59\xbb\x96\x9b\x84\x78\xd8\x0d\xe2\ \x98\xd9\xdd\x99\x14\xb3\x13\x3e\xda\xc3\x3b\x0f\x61\xda\x32\x1c\ \x2c\x24\x51\x75\x73\xbd\x8c\x34\x7c\xf1\x4a\x63\xb1\x23\x89\xf1\ \x56\x75\x14\x8a\xfb\xca\x97\xdd\x8f\x9f\x32\xf4\x0c\x0f\x26\x5c\ \x9d\xf1\xff\x89\x09\x7c\x63\x96\x28\xb6\xa3\x8b\x14\xc7\x09\x71\ \xb0\xd3\x96\xd1\xb7\x44\x79\x31\x81\x6e\x1f\x12\x9d\xe2\x57\x75\ \x2e\xe8\x6e\x1f\x64\x75\xe7\x50\xf7\xd0\x2b\x6b\x9b\xe0\x61\xc1\ \x1d\xb7\x62\xb8\xcc\xe2\xd7\x84\xfa\x02\x91\xd1\x41\x03\x0b\xf0\ \xd1\x3d\xb8\x60\x1e\x53\x4f\xc5\x0c\xc3\x96\x6e\xb7\x56\x65\xb7\ \x02\x59\x27\x84\x75\xe2\x38\x12\x4b\xbb\x8c\xaa\xf6\x0c\x97\x7f\ \xbc\x1d\x37\x31\xb8\x26\x4c\xa1\x7c\xa5\x50\x45\x34\x66\x2e\x8f\ \x31\xa2\xd8\x8e\x0e\x52\xe1\x59\xf4\xe1\x06\x1f\x5a\xc8\xb4\x57\ \x63\x6f\xe5\x85\x29\xea\x5c\x5d\x9d\xdc\xbe\x39\x9d\xd6\xe7\x6d\ \x46\xb2\x4d\x27\x6b\xb9\x6e\xdb\x1e\x3c\x23\x98\xae\x0f\xb0\x72\ \x30\xc4\xbc\xfe\x5a\x8c\x79\x8d\x66\x7a\x85\xce\xe3\xc7\xfa\x59\ \x7e\x24\x03\x27\x62\x5f\x5b\xbb\x97\x19\x59\x4c\xbf\x8c\x4e\x31\ \xd6\x6e\x62\xb2\xed\xed\xea\x3a\x95\x55\x42\x5c\x66\xb1\xf7\xe0\ \x45\xdc\x8c\x3b\x58\xf7\x52\xa8\x8f\x71\x35\x6e\x11\xea\xb1\x44\ \xc6\x00\x51\x6c\x77\x7f\xfa\x71\x6e\xc2\x25\xfb\xb1\xf8\xac\xb6\ \x58\x57\x4e\x27\x2b\xa0\x8c\x3a\x37\x72\xa7\x87\x8c\x8a\xb6\xed\ \xed\x47\xba\x5d\xd9\x79\x10\x1e\x44\x6b\xf0\x0b\xdc\xc1\xda\x97\ \xf8\x61\xcb\xe5\x76\x9b\xf8\x20\x1a\x2b\xf4\x0b\xe5\x1f\x3f\x32\ \x99\x33\x8e\x64\xf2\x89\xd8\xc7\x96\xa2\x5b\x65\xd5\xb6\xaf\x6b\ \x5f\x5f\x7c\x5d\xf5\xbe\x9d\xaa\x0e\x63\x5d\x27\xb5\xd3\x31\xbb\ \x39\x4e\x26\x5c\xeb\xcf\x09\x63\x84\xee\x65\xe5\x46\xbe\x91\xf0\ \xf9\x2c\x96\x7f\x1c\x13\x44\xb1\xdd\x7d\xc9\x5d\x6d\x9f\x98\xc4\ \x79\x27\xd0\x77\x52\x28\x7e\xbe\x55\x02\x54\x5d\x4f\xbf\x2a\x26\ \x55\x27\x8a\x75\xdb\xec\xe8\xf5\xf9\xff\x54\x28\xbb\x73\x3b\x7e\ \xc1\x86\xd5\xa1\x97\x7f\x95\xd0\xeb\x8f\x71\xd9\xb1\xc9\x64\x9c\ \x26\x88\xee\xa9\x47\x31\x79\x29\xa6\x28\x9f\x43\xb7\xfd\x3d\xd5\ \xae\xde\x4e\x9e\x9e\x6e\xd8\x16\x37\x72\x95\xe8\x76\x3a\xdf\x54\ \x98\xa5\xfe\x06\x3c\x12\xe6\x57\xfe\x12\xbe\x20\x94\x7f\x8c\x8c\ \x52\xa2\xd8\xee\x9e\x4c\xc7\xfb\x1a\x7c\x74\x2e\x33\xcf\x14\xa6\ \xea\x19\x52\x6f\x49\xb2\xf5\x83\x48\xc5\xf2\x3a\x6b\xb8\xee\xe1\ \x54\xdc\xbe\xea\x01\xa4\xb0\x4d\x37\xc7\x6b\xff\x7f\x2f\x7e\xce\ \xd0\xd3\xdc\x97\xf1\x37\x42\x5c\x36\x4e\x7f\x37\x3e\x98\x8c\x73\ \xf0\xd1\x49\x9c\xb0\x84\xfe\xa5\xad\x85\x65\x1e\x9d\x4e\x16\xef\ \x48\xdc\xbe\xc5\xfd\x74\x13\xd7\x2d\xdb\x77\xd5\x3d\x53\xb6\xaf\ \xb2\xff\xa9\x2d\xee\x83\xe6\xd3\xdc\xd7\xdc\xf2\x3e\x88\x43\xda\ \x46\x19\x51\x6c\x77\x2f\xfa\x70\x46\xc2\xa5\x53\x59\x7a\x3a\xe9\ \x51\xb6\x4e\x1a\xe9\x24\x70\x39\x65\xe2\x56\xf7\xbe\xaa\x4d\x9d\ \xcb\x8e\xf2\x07\x57\x59\x27\xa0\x7d\x7f\xc5\xed\x92\xd6\xdf\xa3\ \x42\x86\xf1\x23\xac\xc8\xb8\x46\x28\xea\xfe\xb4\xc8\x78\x64\x72\ \x12\x0a\x63\x7c\x7c\x12\xc7\x1c\x47\xdf\x89\x82\xcf\xb9\x2a\x21\ \xb0\xec\x9a\xcb\xd7\x57\x09\x6a\x3b\x9d\x42\x2f\xed\xc7\xe8\xe4\ \x52\xee\x24\xf2\x9d\x5c\xdf\xb9\xe8\x0e\x09\x99\xf7\x37\x32\xb4\ \x9a\x3b\x32\x3e\x2d\x26\x51\x8d\x3a\xa2\xd8\xee\x1e\xa4\x98\x8d\ \x4b\xf7\xe0\xc2\x63\xe9\x5f\x26\xcc\x13\x5a\x74\x9f\xe5\x54\x09\ \x5c\x71\x59\x55\xfb\xf6\x6d\x46\xe2\x76\x2e\xa3\x1b\x8b\xb5\xb8\ \xbe\xfd\x1c\x52\x61\xc0\xe1\x8f\xf0\x00\xab\xb2\x2d\x93\x9f\x62\ \x0f\x3e\xd2\x9f\x70\x5e\xc6\xc5\x93\x58\x74\x2c\xbd\x27\x0a\xc5\ \xff\xeb\xaa\x51\x8d\xf4\x7e\x28\xb6\x69\xa7\xae\x63\x5a\xb6\xbc\ \xae\xb3\x5a\x75\xdc\x3a\xcb\x38\x1f\x53\x7e\x23\x6e\x65\x68\x43\ \x10\xdb\x4f\x8b\xb9\x0b\xa3\x86\x28\xb6\xbb\x96\x54\xb0\x66\xdf\ \x97\x70\xc9\xc1\xcc\x7a\x2d\xf6\x37\xec\x32\xee\xc6\xb2\xa4\xb3\ \xa0\x75\xf3\x60\xa8\xdb\x4f\x95\x05\x51\x67\x49\x14\x8f\x5d\xf6\ \x00\x59\x8d\x9f\xe2\x4e\x06\x9b\x61\xea\xbb\x4f\x0b\x09\x21\x51\ \x64\x23\x45\xfa\x92\x30\x9b\xce\xc7\x27\xb2\xf8\x58\x7a\x4f\x12\ \xdc\xcb\xed\x93\x1d\x54\x59\xb1\xf9\x6b\x6d\x6d\xcb\x96\xd5\x89\ \x65\x95\x18\x76\x7b\xaf\xd6\x75\x5a\xdb\xdb\x14\xcf\x2f\xdf\x6f\ \x43\x48\x18\xfc\x11\xee\x62\xc3\xe6\x2d\x2b\x51\xc5\x24\xaa\xdd\ \x98\x28\xb6\xbb\x96\xa5\xb8\x7a\x12\x27\x9c\x43\xba\x44\xf9\xe0\ \xfe\x4e\x71\xd4\x6e\xe2\x54\xba\x58\x5f\xf5\xa0\xe8\xc6\x75\x5d\ \xb7\x5d\x71\x7d\x43\xf0\x7f\x5d\x4f\xf3\x97\x34\x87\x42\x11\xa8\ \x4f\xe1\x56\x51\x64\x23\x9d\xe9\x4d\x38\x37\xe3\xe2\x5e\x4e\x38\ \x86\xc6\xab\x30\x60\xeb\x99\xad\xda\x5f\xd7\x79\x6d\x8a\x94\x5d\ \xc3\xed\xef\xbb\xdd\x4f\x71\x9f\x75\xee\xeb\x2a\xd1\x2f\x3b\x46\ \x2f\x9e\xf4\x87\x12\xa5\xab\xf1\x3f\xb2\x90\x40\x18\x43\x2e\xbb\ \x29\x51\x6c\x77\x3e\xa9\x90\x00\xf5\x49\xfc\xe9\x09\xa4\xe7\x90\ \x36\x0c\x8f\x99\xed\x26\x3e\xda\xa9\xa7\xde\x49\x14\xbb\x71\xbb\ \x95\xed\xb7\x8a\x4e\x02\x4b\x10\xd9\x96\x2b\xac\x79\x33\xcd\xc1\ \x50\xf9\xe9\x32\x41\x6c\x23\x91\x91\xd2\x48\x38\x27\xe3\x2f\x1a\ \x9c\xba\x38\xcc\x30\x94\xee\x6d\xd8\xaf\xda\xad\xb7\xa5\xbd\x4d\ \x37\xd7\x72\x4e\xa7\x4e\xe7\xb6\x86\x66\x8a\xe7\x53\x25\xce\xbd\ \x42\x6d\xd2\x1f\xe2\xe9\xa0\xbf\x57\xe2\x7f\x60\x5d\x87\x5d\x47\ \x76\x32\x51\x6c\x77\x2e\x7d\x42\x51\xf6\xcb\xf6\x67\xe6\x1b\x49\ \x73\x97\x31\xf5\x02\xd9\xed\xcd\x59\xdc\xa6\xea\x75\x27\xeb\xb9\ \x6c\x7f\x2a\xd6\x57\x6d\xdf\xee\x2e\x1e\x14\xc6\xca\xde\x4c\x73\ \x3d\xb7\x65\xc1\xf5\xf5\x3d\x71\x18\x4f\xe4\x95\xd3\x97\xb0\x0c\ \x1f\x6f\x84\x71\xba\xbd\xcb\x84\x1e\x6d\x99\xe8\x32\xb2\x7b\xa9\ \x8c\x91\xde\xa7\x75\xf7\x48\x95\x15\xdd\xcd\xf9\xe6\xcb\x53\xfc\ \x46\x48\x2e\x5c\x15\x66\xbc\xfa\x0c\xbe\x21\xde\x5f\xbb\x0d\x51\ \x6c\x77\x0e\x29\x4e\xc0\xe5\x93\x59\xf6\x6a\x7a\x8f\xb7\xf5\x30\ \x86\x2a\x3a\x59\x94\x75\x37\x62\xb1\xdd\x48\x8e\xd5\x8d\x05\x50\ \xe7\xc6\x6e\x08\x0f\xbb\x5f\x0a\x22\xfb\x22\xb7\x67\x61\xf8\xc2\ \x77\x84\x1a\xb0\xd1\x65\x1c\xd9\x9e\xf4\x63\x69\xc2\x47\x27\xb0\ \x7c\x2e\x7d\xcb\x70\x80\x2d\x67\x19\xca\xa9\x73\x11\xe7\x74\xb2\ \x4e\xd5\xb4\x57\xb2\xbe\xb8\x5d\x37\x2e\xe9\x6e\xc3\x44\x79\xf9\ \xc7\x5b\x85\xf2\x8f\x2f\x71\x53\xc2\x15\x59\x08\xf1\xc6\x78\xee\ \x2e\x26\x8a\xed\x8e\x67\x26\x3e\xde\xc3\xfb\x8e\x62\xea\x99\xd8\ \x53\x75\x16\x65\xfb\xb2\xba\xb8\x51\x59\xbb\xf6\x75\x45\xea\x2c\ \xdb\xb2\xe5\x75\xfb\x28\x52\xdc\xa6\x47\xb8\xe9\x7f\x85\x5b\x68\ \xae\xe1\xce\x5c\x64\xb3\x50\xc3\x38\x8a\x6c\x64\x47\xd2\x8f\xc5\ \xf8\x70\x2f\x6f\x3a\x98\xc9\x27\x63\x8e\xf2\x8a\x54\x45\xba\xf1\ \xfa\x54\x79\x8b\x3a\xc5\x77\x47\xd2\xae\x78\x9c\xb2\x63\x17\xb7\ \x27\x88\xee\x8b\x42\x25\xaa\x3b\x58\xb7\x31\x78\x99\x3f\x23\x64\ \x2e\x47\x76\x11\x51\x6c\x77\x1c\xfd\xb8\x20\xe1\x92\x03\x98\x7f\ \x06\x8d\x43\x5a\x2b\x3a\xc5\x4a\xeb\x7a\xbe\x9d\x7a\xd6\x55\xdb\ \x17\xd7\x95\xed\xbf\xea\xdc\x8a\xeb\xaa\xce\x21\x17\xd9\x3b\x85\ \x21\x0a\x2f\x70\x4f\x33\x4c\x21\xf6\x4d\x61\x74\x4f\x14\xd9\xc8\ \xce\xa4\x17\x0b\x93\x50\x53\xfc\xbc\x99\x4c\x3b\x99\xf4\x30\xe1\ \x5a\x2d\x66\x30\x17\x5f\xe7\xef\xdb\xe9\x46\x18\xbb\x75\x23\x8f\ \x24\xa4\xd3\x8d\xe8\xb6\x2f\x67\x78\x48\xdd\x0d\x34\xef\x65\xd5\ \xe6\x30\xab\x50\x1c\x52\xb7\x8b\x88\x62\xbb\xfd\xc9\x67\xe6\xb9\ \x64\x4f\x96\x2f\xa5\xff\x38\xec\xa0\x90\xff\xec\x00\x00\x20\x00\ \x49\x44\x41\x54\xa1\xfe\xea\xee\xe4\xde\x6a\x6f\x53\x27\x7a\xc5\ \xed\xeb\xb6\x6d\xa7\xea\x86\x2f\x1e\xa7\x6c\x5f\xb9\xc8\xde\x23\ \x88\xec\x73\xa1\xda\xcd\x35\x42\xb5\x9b\xa7\xc5\x1b\x3b\xb2\x6b\ \xe9\x4d\x98\x8f\xf7\xf4\xf0\x96\x19\xcc\x3a\x91\xf4\x70\xe1\xbe\ \xac\x1a\xcb\x4e\x77\xa2\x57\xb7\xbc\x7d\x7d\x3b\xdb\xfa\xe0\xad\ \xf3\x48\xd5\x9d\xfb\x63\xc2\x10\xbb\x47\xc2\xcb\xcf\x0b\x25\x20\ \x63\xe6\xf2\x4e\x24\x8a\xed\xf6\x65\x06\xfe\xb4\xc1\x07\xe7\xb5\ \x26\xc8\x9e\x66\xeb\x2c\xe3\x4e\x37\x6b\x9d\xa5\x59\xb5\x5d\xd5\ \xcd\x56\xb5\x6d\xa7\xf6\xf9\x36\x75\x96\x6d\x8f\x50\xbf\xf8\x1e\ \xfc\x82\xe6\x33\x3c\xd8\xe4\xef\x84\xb1\x7f\x4f\x8a\x22\x1b\xd9\ \xbd\x68\x24\xcc\xcd\x78\x47\x0f\x6f\x9b\xce\xdc\x25\x34\x8e\xb4\ \xe5\x58\x5d\xb6\xed\xc1\x38\x12\xeb\xb3\x7d\xdd\x48\x2d\xe2\x6e\ \xd6\xb5\xb7\x21\x58\x00\x4d\xdc\x8d\x9f\x31\xf4\x1c\x77\x65\xc1\ \xca\xfd\x8e\x38\x3d\xe5\x4e\x21\x8a\xed\xf6\xa1\x4f\xa8\xe5\x7a\ \xe9\x7e\x1c\x73\x3a\x8d\xc3\x5b\x2b\xaa\xac\xc3\x32\xea\x5c\x4a\ \x23\x69\xd7\xc9\x35\x55\xd7\xae\xd3\xb1\x19\xae\x66\x73\x8f\x50\ \xcd\xe6\x69\x1e\xca\xf8\xa2\x20\xb2\x2b\x44\x91\x8d\xec\xde\xa4\ \x09\x07\x65\x21\xcc\xf3\xae\xbd\x59\x70\x14\xbd\x4b\x0c\x4f\x5b\ \xd9\x4d\x2e\x44\xa7\x87\x67\x5d\x6e\x85\x92\x65\x55\xe1\xa5\xba\ \x10\x4f\xf1\x7d\xa7\x0e\x74\x7e\xef\xfe\x0a\xb7\x86\x39\x74\x6f\ \xca\xc2\xf8\xdc\x9f\x88\xe5\x1f\x77\x28\x51\x6c\x5f\x19\x69\xc2\ \xbc\x8c\x4b\x27\x72\xc1\x71\xf4\x9f\x22\x28\x6f\x59\xa6\x71\x37\ \x96\x63\x37\xd6\x6d\xd5\x4d\x5c\x17\xa3\xed\x24\xb0\xdd\xbc\xcf\ \x67\xe2\xb9\x0b\xbf\x64\xe8\x19\x1e\xcc\xf8\x07\x41\x64\xe3\x8c\ \x24\x91\xd1\xc8\x74\x2c\xc7\x9f\x4c\xe2\x98\x23\xe8\x3f\x91\x74\ \xdf\xd6\xca\xaa\x11\x03\x9d\xe2\xa5\x23\x89\x03\x97\xed\xa3\xee\ \x3e\xaf\xda\xa6\xac\x6d\xd5\xb3\xa0\x21\x54\xc2\xb8\x09\xbf\x0d\ \x73\xe8\x5e\x9b\xc4\xa9\x2b\x77\x28\x51\x6c\xb7\x9d\xa9\xb8\xa8\ \xa7\x55\x66\x71\xb9\xe0\x43\xae\x2a\xb3\xd8\x49\x50\x15\x96\x55\ \x25\x54\xe4\x74\x72\x3f\x95\x51\x75\x4e\x55\xc7\xcd\x49\x85\xbb\ \xef\x4e\xfc\x82\xa1\x95\x3c\x88\xbf\xcb\x42\xc2\xc5\x8a\x2e\x0e\ \x1d\x89\xec\xee\x4c\x4e\x58\x96\xf1\xc1\x09\x2c\x3b\x8c\x29\x27\ \x09\xc3\x86\xba\xbd\x8f\xab\xee\xd9\xba\x7c\x8a\x91\xc6\x7f\x47\ \xba\xae\x53\xfb\x06\x9e\xc1\xf5\x42\x5d\xf2\xc1\xd0\x71\xfe\x9c\ \x70\x8f\xc7\xe1\x42\xdb\x91\x28\xb6\x23\xa7\x17\x27\x27\x5c\x36\ \xc0\xb2\x33\x85\x31\x06\x55\x57\x65\x99\x9b\xa8\x4c\x20\xab\xde\ \xd7\x09\x6c\x71\x79\xfb\xf1\xaa\x7a\xd8\x9d\xf6\xdf\xbe\x6d\x2e\ \xb2\xb7\x0b\x96\xec\xf3\x3c\x94\x70\x4d\x16\x6e\xc8\x98\x5c\x11\ \x19\x8b\x34\x84\x04\xc7\x0f\x27\x9c\x7b\x70\x10\xdd\x74\xae\xe0\ \x82\xcd\x74\x16\x5a\x35\xaf\xb5\x2d\x6b\xdf\xbe\x13\xdd\x6e\x5f\ \xd6\x39\xaf\xb3\xac\xf3\xf6\x3d\x78\x44\x48\xa2\x7a\x8c\x27\x9b\ \xa1\xfc\xe3\x35\x62\x82\xe3\x76\x23\x8a\x6d\xf7\xa4\x98\x99\x70\ \x69\x83\x77\x2f\xa6\xef\x2c\xd2\x3e\x21\xb1\xa2\xea\xe6\x6b\xa7\ \x4e\x00\xab\xe2\x37\xdd\xc4\x5f\x3b\xf5\xaa\x3b\xdd\x80\xc5\x75\ \x79\xe2\xd3\xad\x34\x6f\xa1\xb9\x8e\x07\x13\x3e\xdf\x12\xd9\x95\ \xe5\x5f\x4f\x24\x32\xe6\x58\x90\xf0\x27\x19\x17\xee\xcb\xf4\xe3\ \x69\x1c\x2d\x84\x89\x36\x17\x1a\xd6\x79\x9a\x3a\x85\x81\xca\xf6\ \x53\xf5\xba\x6c\x9b\xe2\x7a\x15\xaf\xeb\x04\x37\x5f\x96\x0a\xb9\ \x18\x3f\xa6\xf9\x7c\xc8\xc5\xb8\x42\xb8\xef\x63\x3c\xf7\x15\x12\ \xc5\xb6\x3b\xfa\x71\x61\xc2\xa7\x0e\xe0\xa0\xd7\xe1\x40\xc3\x45\ \xcf\xe9\x6c\x85\x76\x13\x5f\x6d\xa7\xee\x46\x1c\xc9\x76\x23\xb9\ \x61\x1b\x78\x09\x37\xb5\x26\x08\xd8\xc0\x7d\x09\x57\x65\xa1\xec\ \x5b\xac\xb5\x1a\x19\x8f\xa4\x98\x96\x70\x61\xc6\x07\x27\x32\xff\ \x68\xd2\x93\x84\x38\xd2\xa6\x0e\x1b\xd3\x7d\x67\xb8\x1b\x2b\x59\ \x87\xed\xcb\xda\xd7\x6d\x57\xb6\x2e\x9f\xb8\xfe\x36\xa1\xfc\xe3\ \x4b\x61\x3a\xdd\x4b\xc5\x4a\x54\xaf\x88\x28\xb6\x9d\x39\x01\x57\ \x4c\x64\xd9\xd9\xa4\xc7\xd9\xf2\x6a\xab\x73\x09\x97\xb9\x6f\x95\ \xb4\x2b\x2e\x6b\xdf\x77\x59\xdb\x3a\xb7\x70\x15\x55\x02\x0c\x13\ \xf0\x02\x7e\x4e\xf3\xd7\x34\x37\x71\x5b\x4b\x64\xbf\x23\x26\x4b\ \x44\x22\x39\x7d\x49\x98\xf8\xe0\x23\x29\xa7\x1d\x46\xef\x29\x42\ \x65\xaa\x21\xe5\x13\xda\x77\xe3\xd2\xed\xc6\x22\xed\xe6\x19\x52\ \x17\xb3\xad\x12\xe4\x3a\x2f\x5c\x4f\xeb\x73\x5d\x47\xf3\x26\x6c\ \x0e\x95\xa8\x3e\x25\xe8\x70\x74\x2d\x8f\x90\x28\xb6\xd5\x4c\xc7\ \xa5\x29\xef\x5f\xd2\x72\x19\xf7\xdb\xb2\xea\x4c\x4e\xa7\x5e\x64\ \xa7\x65\x9d\x2c\xe0\xe2\x7e\xeb\xda\x77\xbb\x7f\x82\xc8\x3e\x8d\ \x9f\xe1\x1e\x06\x87\xb8\x0e\x57\x0b\xc3\x00\xa2\xc8\x46\x22\x5b\ \x93\xb6\xfe\x16\xe3\x83\x09\x6f\xd9\x97\x29\xa7\xe0\x68\xc3\xf5\ \x89\x13\x23\x13\xca\x6e\x96\x17\xd7\x75\x13\x4a\xaa\xda\xae\x9d\ \x4e\x61\xaf\x86\x50\xfe\xf1\x87\xf8\x2d\x1b\x9a\xa1\x58\xcd\x67\ \x84\x09\x0f\x22\x5d\x12\xc5\x76\x6b\x7a\x71\x21\x3e\x39\x93\x39\ \xaf\x25\x3d\x48\xf5\xe4\xd4\xdd\xc6\x56\xcb\xda\x76\xea\xc1\xd6\ \xb9\x87\xba\x71\x25\x95\x1d\x33\x7f\x52\x3c\x24\x54\x7b\x7a\x84\ \xf5\x43\x5c\x9b\x85\x01\xee\xb7\x88\x22\x1b\x89\x74\x4b\x03\xb3\ \x12\xde\x99\xf0\xae\x49\xcc\x3d\x86\xf4\x58\xc3\x2e\xe6\x2a\x97\ \x6d\x37\x2e\xe2\xe2\xfb\x4e\xa2\x58\x67\x51\x97\x1d\xbb\xec\x5c\ \x8a\xfb\x6b\x6f\xdb\xc0\x53\xf8\x11\xcd\xdf\xb3\xaa\xc9\xdf\x0b\ \x99\xcb\x71\xd8\x5f\x17\x44\xb1\x1d\x26\xc5\x22\x7c\xa6\x9f\xd3\ \x5e\x4d\xdf\x71\x86\xe3\x17\x45\x3a\xdd\x30\x55\x31\xd5\xaa\xf5\ \xdd\xc6\x63\x75\xd8\x77\xd5\x31\x7a\x04\xbf\xcf\x7d\x42\x4c\xf6\ \x69\x56\x0e\xf1\xed\x2c\x54\x7c\xba\x53\x9c\x8a\x2b\x12\xd9\x56\ \xd2\x84\x29\x19\xe7\xe2\x4f\xfa\x38\x61\x6e\x98\xd9\x2b\x3d\x58\ \xb8\x17\xeb\x92\x28\x3b\x59\xa2\x23\x5d\xd6\xcd\xfa\x4e\xd6\xb3\ \x92\x73\xcb\x5f\x27\xc2\xb8\xa0\x9f\xd2\x7c\x32\x08\xed\x5f\x67\ \xfc\xa3\x58\x89\xaa\x96\x28\xb6\xad\x04\x08\x7c\x24\xe1\xcf\x8e\ \x62\xda\x99\xd8\x4b\x79\x0c\xa6\xec\x7d\xbe\xac\xaa\x47\xd9\xa9\ \xf7\xa8\x6d\xd9\x48\x7b\xc1\x75\xe7\xc4\xf0\x84\xed\xbf\x15\x4a\ \x2a\x3e\xcf\x23\x4d\xbe\x96\xf1\x4f\xc2\x3d\x13\x2d\xd9\x48\x64\ \xfb\x31\x80\x63\x12\xde\x33\x81\xe5\xd3\x99\x71\x9c\x50\x98\xb9\ \x5f\xf9\xdc\xd5\x9d\x9e\x1b\x75\x9d\xf3\xf6\xf7\x39\x55\x1e\xb6\ \xb2\x76\x55\xf1\xde\x4e\xc7\xcb\xdd\xe5\x77\xe1\x46\x06\x57\x86\ \x0e\xfb\xd5\x42\x9e\x47\x4c\xa6\x2c\x61\xbc\x8b\x6d\x1f\xce\x4d\ \xf8\xc4\x74\x16\x9d\x45\xe3\x30\xe1\xa2\xaa\xbb\x48\x73\x3a\xf5\ \x2a\x8b\x6d\xaa\x7a\x8c\xc5\xb6\x75\xc7\x2c\xdb\x67\xd9\x0d\xd4\ \x83\x35\xc2\x84\xd2\xbf\xa2\xb9\x9a\x7b\xb2\x50\xed\xe9\x6b\x62\ \x49\xc5\x48\x64\x47\xd3\x8b\xb9\x78\x4b\xca\x9b\xa7\xb0\x60\x01\ \x8d\xc5\xd8\x57\xb8\x4f\xbb\xa9\x99\x9e\x53\x67\x05\xb7\xb7\xa1\ \xba\x53\x5e\xf5\x0c\x2b\x6e\x33\x92\x73\x4a\xf1\xb2\x90\x31\x75\ \x2b\xeb\x5f\x0c\x45\xa9\xae\x14\xf2\x3f\x62\x47\xbe\x8d\xf1\x2a\ \xb6\x29\x16\xe2\x92\x49\x9c\x77\x5c\x6b\xbe\xcb\x7c\x66\x9e\xaa\ \x5e\x66\x3b\xdd\x08\x62\x71\xdb\x6e\xc4\xb9\x6c\xfb\x6e\xce\xa1\ \xdd\xc5\xf3\xac\x50\x88\xe2\x5e\x36\xac\x09\x2f\xbf\x88\xef\x8a\ \xd3\xdc\x45\x22\x3b\x9b\x34\x61\x46\xc6\x19\x42\x5c\x77\xe9\xc1\ \x0c\x1c\x8b\x83\x05\x45\x2e\x1b\xdd\x90\xbf\xce\xa9\xca\xdf\xa8\ \x8b\xf9\x8e\xd4\x8a\x1d\x49\xee\x47\x71\x79\x8f\x30\xa2\xe1\x46\ \xfc\x96\xb5\x1b\xf8\x5e\xc2\x95\x59\x18\x36\x14\x9f\x39\xc6\x9f\ \xd8\xe6\x2e\xe3\xf7\xf6\xf0\x91\xb9\xcc\x3a\x93\x74\x3f\xc3\x31\ \x95\xba\x8b\x9a\xad\x45\xb0\x9b\x44\xa5\x4e\xfb\xec\x44\x27\x77\ \x53\xda\x3a\xff\xc7\x85\x42\x14\x0f\xb3\xf6\x65\x6e\x4a\x42\x49\ \xc5\xeb\x84\x32\xa8\xf1\x82\x8f\x44\x76\x2d\x93\x13\x8e\xcb\x78\ \x47\xca\xf2\xfd\x98\xb5\x98\x74\x81\xe0\x7b\xae\x9a\xd8\xbe\xca\ \x62\x6d\x5f\xd6\x29\xa4\xd4\x6d\xb8\xaa\xce\xc2\xad\xf2\xd2\xb5\ \xef\x33\x15\xa6\xfb\xba\x81\xe6\xef\x42\x5e\xc8\x3f\x0a\x53\xfa\ \x3d\x62\x9c\x3f\x83\xc6\x93\xd8\xf6\xe1\x8c\x84\x4f\x4c\x63\xe9\ \xab\x68\x1c\xd5\x5a\x51\x25\x8c\x55\xff\x95\xb4\xa7\xfe\x46\x28\ \xae\xaf\x4a\x3e\x28\x7b\x5d\xb6\x4f\x86\x27\x06\xf8\x9d\xe0\x2a\ \x7e\x9c\xa7\x87\x42\x86\xfe\x3f\x08\x99\xc5\x31\xe9\x29\x12\xd9\ \xfd\x48\x31\x37\xe1\xdc\x8c\x77\xec\xc9\x82\xb9\x21\x21\x33\xdd\ \xdf\xf0\x74\x78\x8c\xcc\x82\xed\xd4\x29\x6f\xdf\x4e\xc9\xfa\xba\ \xfc\x90\xe2\xb6\x55\xe7\x92\xbf\x4f\x85\x84\x90\xeb\x42\x12\xd5\ \x23\x9b\x83\xe0\xe6\x65\x5e\xc7\xa5\xe8\x8e\x07\xb1\x4d\x85\xd8\ \xc9\xc5\x7d\x5c\xb8\x84\x81\x57\x61\x92\x6a\x6b\x36\xa7\x4e\x24\ \xdb\xd7\x53\x7d\x91\x8e\xd4\x5a\xae\x73\xfd\xe4\xeb\x13\xa1\xd2\ \xd3\x6f\x70\x47\x98\x9b\xf2\x91\x8c\xaf\x25\x7c\x25\x0b\x09\xc7\ \xb1\xca\x4b\x24\xb2\xfb\x93\x0a\xd6\xee\x69\x78\x57\xca\xb2\x59\ \x4c\x5b\xd2\x9a\xd8\x7e\xa2\xe1\xfc\x91\x76\xba\xe9\xbc\xb7\xd3\ \x29\x3f\x64\x5b\xbc\x77\x65\xeb\x8b\x6d\xf2\x4e\xc3\x9d\xf8\x19\ \xcd\x55\xdc\x91\x85\xe9\xfc\xbe\x27\x78\xdb\xc6\x15\x63\x59\x6c\ \x53\x21\x01\xf0\xdd\x3d\xfc\xc5\x2c\x66\xbf\x06\xb3\x0c\xcf\xcc\ \xd3\x4e\xb7\x56\xe6\x48\x2c\xd2\xba\x0b\x5c\x87\xfd\xb6\x6f\x93\ \xb7\x4d\xf0\xbc\xe0\x2a\xbe\x8b\xc1\x97\x42\x19\xd3\xbf\xc3\x37\ \xc5\x89\x01\x22\x91\xd1\x4c\x8a\x05\x78\x2b\xde\x36\x85\xd9\x47\ \xd0\xb7\x44\x48\xa8\xa2\x3e\x4f\xa4\x93\x57\xad\xd8\xb6\x4a\x40\ \xab\x8c\x89\x6e\xda\x56\x3d\x1f\xf3\x5a\xeb\xbf\xc0\x2f\x19\x7c\ \x91\x9f\x67\xc3\x49\x54\xe3\xc6\xfb\x36\x56\xc5\x36\x9f\xb9\xe3\ \x33\x7b\xb2\xec\x74\xd2\x63\x0c\xf7\x12\xab\xe2\x0e\x6c\x7d\xc1\ \x54\xf5\xe6\xd4\x2c\x2f\xae\xaf\xb2\x56\xeb\xce\x21\x27\x1f\xe7\ \xfb\x08\x6e\xa6\xf9\x60\xa8\xe0\x72\x43\xc2\x17\xb2\xe0\x32\x8e\ \x69\xf6\x91\xc8\xd8\x21\xc5\x94\x24\x94\x85\x7c\x4f\x0f\x4b\x0f\ \x62\xe0\x98\x96\xb5\xbb\x87\x2d\x27\x41\xa8\xb2\x46\xdb\xd7\x57\ \xc5\x72\x3b\x59\xb6\x9d\xbc\x7e\x55\xcf\xc8\xaa\xfd\x35\xb0\x16\ \x37\xe0\x37\x6c\xd8\x18\x86\x09\x5d\x21\x18\xbf\x63\xde\x1b\x37\ \xd6\xc4\x36\x4f\x80\xba\x24\xe5\x43\x47\xd3\xff\x1a\xc1\x1d\x53\ \x76\x81\xd2\x9d\x95\xd9\xcd\x05\xa9\xa4\x4d\x15\x75\x3d\xce\x9c\ \x7c\x7c\xec\x6f\xf0\x4b\x9a\xcf\x86\x01\xe3\xdf\xc4\x17\x84\x4c\ \xfb\x48\x24\x32\xb6\x69\x08\x43\x74\xff\x08\x6f\xeb\xe7\xa0\x85\ \xa4\x27\xb4\x92\x3a\x87\x74\xe7\xd2\xad\xa3\x5b\xaf\x5a\xd9\x36\ \x9d\x8e\x51\x65\x58\x4c\x10\x86\x45\xfc\x08\xf7\xb3\x2e\xe3\x4b\ \x59\x10\xdd\x27\x8d\xe1\x78\xee\x58\x11\xdb\x54\xb8\x30\x2f\xc0\ \x15\xfb\x72\xd0\xf9\x86\x67\xe6\xa9\x4a\x2e\xa0\xfa\x82\xaa\xa2\ \xca\x52\xad\xda\x7f\xd5\x76\x55\xdb\xf7\x0a\x73\xd8\xdd\x12\x26\ \x05\xb0\x31\xe4\x19\x5c\x83\x7f\x6e\xad\x1a\xb3\x17\x63\x24\x12\ \xa9\x64\x32\xce\xc2\x07\x71\xc6\xac\x50\xa1\xaa\x79\x14\xe9\x04\ \x61\x40\x6b\xfe\x7c\xe9\x24\xb8\x55\x02\xdb\x49\x38\x73\xaa\x84\ \xb6\x5b\x43\x25\x5f\x3e\x41\x28\x3f\x75\x6d\x48\xee\x5c\x25\x94\ \x8c\xfd\xac\x60\x00\x8f\x39\xc6\x82\xd8\xe6\x65\x16\xaf\x98\xc8\ \x59\xa7\xb7\xa6\xbf\x2a\x4e\x7f\x47\xe7\x8b\xac\x2a\xa6\x4a\xf5\ \xc5\xd6\x4d\xbb\xf6\x63\x14\xdb\x64\x42\x2f\x01\x1e\xc0\xcd\x78\ \x24\xb8\x8a\x7f\x92\x84\x89\xda\x7f\x68\x1c\xc5\x35\x22\x91\x48\ \x2d\x29\x0e\xc2\x1f\x27\x5c\x34\x81\x39\x47\x91\x1e\x8f\x03\x84\ \x9e\x78\xd1\x8b\xf7\x4a\xdc\xc6\xdd\x58\xb5\xdd\x88\x6b\x71\xfb\ \xf6\x67\xe0\x04\x21\xf9\xe4\x07\x58\xc5\x8a\x84\x4f\x65\x21\x73\ \x79\x4c\x3d\xf7\x46\xbb\xd8\x4e\xc7\xc5\x3d\xfc\xe9\x02\xa6\x2c\ \x17\xb2\x8c\x8b\x85\x29\xba\x89\x99\xd2\xbd\x1b\xb8\xd3\x7e\xda\ \xf7\x55\x5c\xd6\xde\xb6\x57\xa8\xf2\xf4\x6b\xfc\x2a\xbc\x7e\x32\ \xe3\x9b\x59\x70\x15\xdf\x27\x56\x60\x89\x44\x22\x5b\x93\x42\x42\ \x7f\x16\x8a\x65\xbc\xa7\x87\x33\xf6\x65\xca\x62\x1c\x25\x94\x9b\ \x2d\x4e\x84\x50\x25\x88\xdd\xba\x90\x3b\xe5\xb3\x54\xad\xab\x3b\ \xae\xb6\x6d\x13\xdc\x8a\x1b\x18\x5a\x17\x8a\x61\x5c\x2e\x64\x2e\ \x8f\x89\x78\xee\x68\x15\xdb\x3e\x9c\x87\x4f\xce\x60\xc1\xd9\xa4\ \x73\x0d\x0f\x0a\xef\xc6\xd2\xa4\xfe\x82\xe8\xa6\x4d\x27\xd7\x74\ \x19\x3d\xad\xff\x8f\x0a\x17\xd6\x83\x0c\x6e\xe4\xb6\x8c\x7f\x4a\ \xf8\x4e\x16\xc2\x19\x63\xe2\xe2\x8a\x44\x22\x3b\x85\x3e\x61\xa0\ \xc5\x05\x09\x6f\xee\x63\xf1\x21\xf4\x2e\xc1\xa1\x82\xe7\xac\xf8\ \x40\xa9\x0b\x85\x55\x3d\xdb\xba\x15\xd2\xf6\xed\xaa\x3c\x7a\x55\ \xa2\x9b\xd7\x0e\xb8\x11\xb7\xb2\x61\x43\x08\xed\x5e\x21\xd4\x0d\ \x18\xd5\xcf\xc5\xd1\x26\xb6\xb9\xcb\xf8\x93\xfd\x2c\x3f\x99\xfe\ \x13\x04\x37\xc4\x48\xe2\x0f\x75\xd4\x25\x3b\xd5\x65\xdb\x55\xf5\ \x0c\xf3\xf6\x3d\xc2\xd8\xd8\x7b\x70\x1b\xcd\x95\xac\xda\x14\x7a\ \x6d\xff\x10\x16\x59\x27\xc6\x63\x23\x91\xc8\xb6\x93\x26\x0c\x64\ \x61\xae\xdd\x77\x34\x38\x67\xa0\x95\x54\x75\x14\xf6\x13\x9e\x4b\ \x65\x73\x72\xb7\xd3\x29\x8f\xa5\x53\x82\xe7\x2b\x11\x95\x7c\x1f\ \x3d\x42\x10\xf7\x7a\xdc\xc5\xea\xa1\x90\x1c\xfa\xd7\xe1\xed\xe8\ \x7c\x4e\x8e\x26\xb1\x9d\x86\x0f\xf5\xf0\xe1\xf9\xcc\x38\x9d\x74\ \x9a\xf2\x4a\x2b\x65\x74\x8a\x51\x94\xb5\x2b\x6b\xab\xed\x7d\xdd\ \x7a\x86\xa7\xb5\x7b\x0a\xbf\xa1\x79\x2f\xcd\x17\xc3\xc5\xf2\x75\ \x7c\x23\x0b\x23\x7a\xa2\xab\x38\x12\x89\x6c\x6f\x7a\x31\x23\x09\ \x49\x55\x6f\xef\x63\xe9\x7e\x4c\x5e\x42\x7a\x98\x90\x6d\xd5\xb4\ \xa5\x6a\x55\x59\xa9\x23\x89\xcb\x96\x3d\x0f\xeb\x42\x6a\x45\xca\ \xf6\xfd\x84\x50\xfe\xf1\xf7\x3c\xb9\x39\x94\x7f\xbc\xc6\x28\x9c\ \x43\x77\x34\x88\x6d\x2f\x96\xe3\xd2\x7d\x39\xe6\x4c\x1a\xf3\x94\ \x07\xf1\xcb\xdc\xb7\x75\x16\x67\x59\xdb\x32\xd7\xc6\x48\x48\x04\ \xf3\x7b\x9d\x90\xf0\x74\x47\x6b\xee\xd8\x41\x6e\xca\xf8\x8a\x30\ \x90\x3b\x66\x15\x47\x22\x91\x9d\x41\x8a\xfe\x24\x0c\x21\x3a\x3f\ \xe3\xdc\xbd\x98\x7f\x08\xbd\x8b\x04\xdf\x73\x9f\x60\xed\x56\x3d\ \xf3\x3a\x3d\x0f\xeb\x9e\xbf\xc5\x36\x79\xbb\xaa\x7d\xd6\xb9\x9c\ \x7f\x87\x9f\x33\xf4\x04\x0f\x36\x87\xcb\x3f\xae\xac\x39\xec\x6e\ \xc5\xee\x2c\xb6\x79\x99\xc5\x4f\xf4\xf1\x96\xe3\x5b\x33\xf3\x4c\ \xb4\xe5\xd4\x54\x55\x3f\x74\x5d\x16\x5d\xd9\xf2\xba\x7d\xa9\x58\ \xd7\x7e\xc1\xf4\x08\x17\xec\xd3\x42\xc2\xd3\x83\x6c\x58\x1d\xf4\ \xf6\x3b\x19\xdf\x12\x3c\xc8\x63\x2a\xbb\x2e\x12\x89\x8c\x3a\x66\ \x24\x61\x32\x84\xb7\xf6\xb0\x6c\x1a\xb3\x0e\xa7\xb1\x40\xc8\x36\ \xcd\x9f\x63\xed\x74\x1b\xcf\xad\xdb\x26\x6f\x53\x67\x1d\x57\x65\ \x42\xe7\xef\x53\xc1\x0d\x78\x27\x6e\x66\xe8\xf9\x10\x7e\xbb\x0a\ \xd7\x1a\x05\xc5\x7d\x76\x57\xb1\x9d\x8a\x0b\x53\x2e\x39\x84\x83\ \xce\xc6\x4c\xe5\x13\x2f\xb7\x53\xe7\x12\xee\x26\x3b\xae\x8a\x3a\ \xd7\x72\x2a\xc4\x62\x1f\xc0\xaf\x43\xd1\xed\x95\x43\xc3\x56\xec\ \x0d\xe2\xb4\x76\x91\x48\x64\xf7\xa3\x91\x30\x3b\x0b\x93\xb3\x9c\ \xdf\xcb\x31\xfb\x33\x6d\x61\xcb\xcd\xbc\x57\xab\x51\x5d\x98\xae\ \x5b\xa1\xec\xf4\xba\xb8\x7d\xa7\x58\x72\x9e\xff\x72\x2b\x7e\xc5\ \x86\x17\xb9\x2e\xe1\x8a\x6c\x37\x9f\x7c\x65\x77\x13\xdb\x5e\x9c\ \x9a\x70\xe9\x5e\x2c\x7b\x35\x8d\x25\xc2\x97\xdc\x29\xcb\xb8\x4e\ \x10\xe9\xee\x87\x6e\x7f\x5d\x67\xf1\xe6\x53\xda\xb5\xac\xd8\xe6\ \xef\x18\x5c\x13\x8a\x4f\x7c\xd3\xb0\x15\x1b\x63\xb1\x91\x48\xa0\ \x37\x09\xfd\xe5\xde\x8c\x87\x8c\xf2\xac\xd2\x31\x48\x5f\xc2\xc2\ \x8c\xd7\xe1\x8d\x93\x98\x77\x30\xfd\x8b\x48\x0f\x16\x0a\xcc\xd7\ \x4d\xff\x57\x65\xed\x96\x51\xb7\x8f\x6e\xc9\xf7\xd1\x30\x9c\x44\ \x75\x0f\x6b\x37\x86\xe7\xef\xd5\xe1\xed\xee\x77\x8d\xed\x2e\x62\ \x9b\x0f\xd4\xfe\xf8\x1e\xbc\x77\x21\x03\x67\x08\x41\xfc\xf6\xcc\ \xb9\x4e\x01\xf7\xba\xc0\x7e\xdd\xb2\xaa\x7d\x14\xb7\x4b\x84\xd2\ \x26\xf7\xe2\xb7\x21\x76\xb0\x2a\x0b\x75\x8a\xbf\x92\xc5\x79\x63\ \x23\x63\x87\xb4\x62\x79\xdd\xb5\x9d\xa2\x91\x06\x41\xed\x4d\xe8\ \x6d\x06\x0f\xd5\x71\x09\x67\xf6\x84\xf1\xa0\xbd\x43\xfc\x0d\xfe\ \x5f\xac\xef\xb0\xbf\xc8\x2e\x20\x09\x53\xeb\x9e\x90\x71\x3e\x96\ \x0f\x30\x73\x2e\xbd\x47\x93\xce\x34\x3c\xf2\xa3\x2a\x9c\xd6\x29\ \xb9\xb4\xdb\xf0\x5f\xb7\x56\xb0\xd6\x39\x3d\x8e\x9f\xe0\x11\x9e\ \xdd\xcc\xdf\x67\x21\xa6\xbb\xc2\x6e\x74\x8d\xed\x0e\x62\x3b\x19\ \x6f\x4b\xf9\xc4\x4c\xe6\xbe\x06\x07\x1b\x9e\x99\xe7\x95\x66\xbc\ \x55\xc5\x5f\xbb\xdd\x47\xda\x3a\x97\x47\xfc\xc1\x8a\x5d\x3f\x18\ \x0a\x4e\x7c\x55\x28\xa4\xfd\xa0\xdd\xe8\x07\x8d\x44\xba\x20\x9f\ \xfd\xec\x0f\xe2\xd8\x5a\xd6\x9f\x85\x22\xf8\x53\x31\x2d\x0b\xb9\ \x33\xbd\x79\x3b\x34\x5a\x6d\x1b\xad\xbf\x3d\x5a\xff\x7b\xb3\xf0\ \x90\x1e\xc0\xd4\x94\x69\x3d\xcc\xe8\x61\x6a\x1f\x8d\x39\xa4\x0b\ \x69\x6e\x26\xfd\x2e\xd6\x84\xaa\x68\x17\x0b\x16\x48\xbc\x77\x76\ \x4f\xf2\x09\x11\x4e\xcb\xc2\x4c\x44\x67\xec\xc3\xd4\xc3\x49\x17\ \xb5\x6a\x33\xe7\xcf\xcb\xba\x78\x6e\x5d\xb8\xaf\xce\x0d\xad\xcb\ \xed\xf2\xe5\x84\x0b\xf1\x7e\xfc\x84\xe6\x33\x3c\xd2\x0c\x43\x85\ \xbe\x2c\x18\xc0\xbb\xfc\x3a\xdb\x95\x62\xdb\xc0\xe2\x84\xcb\xfb\ \x39\x6b\x19\x8d\x13\x95\xf7\x9a\x72\x3a\xf9\xf9\x47\x1a\xc7\x2d\ \xb6\xcb\x49\x5b\x7f\xcf\x09\xc9\x4e\x77\x31\xb4\x3a\xc4\x5e\xbf\ \x93\xf0\xd5\xdd\x3d\x36\x10\x89\x94\x90\x26\x41\x28\xa7\x63\x21\ \xe6\xe1\xc8\x8c\xb9\x29\x33\x53\xa6\x60\xa0\xd5\x26\x9d\x40\xb3\ \x57\x88\x8f\xf5\x08\x37\x6b\xfb\xeb\xb4\xf5\xba\x55\x94\x3c\xed\ \x15\x94\xb7\x1f\x53\x68\xee\x4d\x3a\x20\xf4\xa4\x7b\x0c\xd7\x28\ \xdf\x88\x6f\x86\x4e\xeb\xaa\x66\xa8\x10\xf4\xf7\xa2\x95\xbb\xbb\ \x93\x0a\x89\x55\xe7\x64\xbc\x1d\x27\xcf\x60\xf2\x82\xd6\xf8\xdd\ \x7d\x54\x0f\x23\x6a\xa7\x53\x88\xae\xdb\x98\x6d\x95\xf5\x9b\x9f\ \x28\xa1\xfc\xd4\x4f\xb1\x96\x3b\x33\x3e\x23\x18\x46\xeb\xbb\xf8\ \xac\x3b\x8c\x5d\x21\xb6\xa9\x70\x63\x5f\x92\xf0\x67\x47\x31\xf9\ \x35\x86\x5d\xc6\xdb\x12\x4c\xef\xf4\x03\x75\x12\x57\xad\x36\xbd\ \x42\x4a\x5b\x6b\x52\x76\x4f\xb1\x21\xe3\xe7\x09\xff\x94\x85\x02\ \x14\xa3\x26\xcd\x3c\x12\x69\x91\x62\x4e\xc2\x85\x19\x6f\x48\x58\ \xd4\x4b\xef\x34\xcc\x08\x63\xd5\x9b\xd3\xb1\x27\x69\xbf\x70\x0f\ \x4c\x68\xfd\xe5\xd3\x3b\x76\x43\x66\x38\xae\xd7\x3e\x8c\x24\x0f\ \xbf\x68\x5b\xd6\x2b\x64\x94\x7e\x8f\xe6\x3a\x7e\x2e\x58\xb9\xb7\ \x8b\x82\x3b\x1a\x48\x31\x3b\xe1\xdc\x8c\xb7\x27\x1c\x37\x83\xc6\ \x51\x58\x48\xba\x8f\xe0\x09\x2c\xce\x19\xde\x6d\xf2\xd4\x48\x0c\ \xa7\x7c\x59\xd9\x31\x7a\x5a\xe7\xf0\x73\x21\x73\x79\x43\x78\x79\ \x99\x90\xb4\xba\x4b\xae\xb3\x9d\x2d\xb6\x29\xde\x86\x4f\xef\xcb\ \x9c\xf3\x30\xdb\x70\xaf\x97\xee\xb3\xd7\xf2\x65\xed\x8c\xa4\x37\ \xd5\xee\xef\x1f\xc2\xfd\x34\x7f\x45\xfa\x20\xcd\x2c\x14\x9e\xf8\ \x0a\xbe\x21\x24\x74\xc4\x87\x40\x64\x34\x32\x0d\x97\x27\xbc\x7b\ \x16\xfd\x47\xd1\x9c\xd7\x7a\x20\xe6\x05\x57\x36\xd9\xfa\xe2\x2e\ \xbb\x8f\xaa\x1e\x96\x65\xdb\x74\x72\xf7\x11\x1e\x04\x9b\xf0\x7f\ \x70\x27\xeb\x9a\x21\x8e\x7b\x85\x51\x30\x84\x23\xf2\x07\xf2\x8e\ \xdc\x9b\x32\xde\x9c\x70\xcc\x7e\x21\xbe\xdb\x5c\x48\x3a\x55\xf8\ \x8d\xdb\x8d\xa8\x22\x55\xe1\xbf\x9c\x4e\x89\x57\x9d\xf2\x6f\x1a\ \x42\xe6\xf2\x75\xf8\x15\x83\x43\xc1\x68\xfa\xa4\xf0\x8c\xdf\xa9\ \xec\x2c\xb1\x4d\x85\x41\xd5\x57\xee\xc1\x39\xaf\xa6\x71\xb2\xad\ \xfd\xfd\x74\x4e\x68\xaa\xba\xd1\xcb\x02\xf4\x65\xfb\x23\x08\x6c\ \x53\x28\x41\xf2\x6b\xdc\x43\x73\x63\x78\xfb\x9d\x8c\xff\x99\x70\ \x47\x16\x34\x38\x8a\x6c\x64\xb4\x32\x0d\xdf\x9a\xc9\xc9\xe7\x92\ \x1e\x28\x3c\xf4\xca\x2e\xe8\xaa\x58\x5b\x59\x9b\xaa\x90\x4c\xa7\ \x87\x62\x55\xfb\x86\x90\xf4\xf0\x5d\x9a\xab\x42\x78\xe6\xe3\xc2\ \xa8\x8e\xc8\xe8\x21\x9f\xe2\x34\x17\xde\x37\xf6\x04\xe1\x6d\x1c\ \x4d\xba\x00\x7b\x0b\xd7\x5f\xa7\x31\xbc\x45\xca\xae\xab\x6e\xda\ \x17\xaf\xe1\x86\xe0\x96\xfc\x11\xee\x0d\x73\xe8\xfe\xb3\xe0\x5e\ \xde\x69\x95\xa8\x76\x86\xd8\x4e\xc5\x9f\xe1\xe3\x47\x32\x75\xb9\ \x90\x45\x51\x9c\x34\xa0\xea\x4b\x2d\xb3\x46\xab\x32\xd9\xda\xd7\ \x29\xb4\x69\xb4\x5e\x3f\x29\x74\x69\xee\x0e\x2e\xac\x95\x9b\xf9\ \x49\xc6\x57\x13\xae\xcb\x86\xe7\x51\x8c\x22\x1b\x19\xed\xfc\xfb\ \xfd\xf8\xcc\xfb\x68\x4c\xa8\x68\xd0\x4d\x68\xa6\xea\x1e\x55\xd2\ \xae\xb8\xdf\x3a\x01\x6f\x6f\x93\x17\x9f\xbf\x96\xe6\x6f\x78\xba\ \xc9\x47\x85\x61\x1c\x91\xd1\x47\x2a\x24\xd6\xcd\x49\x78\x13\xde\ \x30\x81\xc5\xd3\xe9\x3d\x12\x87\x0b\xbd\x40\xaa\x27\x47\xa8\x33\ \xb4\x3a\x25\x52\x75\xd2\x88\x54\xc8\x5c\xfe\x11\xcd\x47\x43\x1e\ \xce\xd5\x42\xde\xc0\x0e\x0f\x11\xee\x48\xb1\xcd\xcb\x2c\x5e\xb6\ \x2f\x0b\xcf\xa6\x71\xb8\x2d\x45\xb6\xec\x4b\x6d\xa7\xdb\x84\xa7\ \xe2\x3e\x8a\x02\xfb\x8c\x90\x3e\x7c\x17\x56\xb3\x72\x53\xe8\x41\ \x7f\x4b\xe8\xe8\x3c\x9b\xc5\x64\xa7\xc8\xf6\xa1\x38\x64\x66\x57\ \x75\xda\x52\xfc\xdd\x71\xbc\xfb\x0d\xa4\x65\xb9\x10\x75\x79\x0e\ \x6c\x2d\xb2\x55\xd6\x6f\x37\x1d\xe3\x32\x4b\xa4\xea\xde\xbf\x05\ \x3f\x0d\xe5\x4d\x3f\x2e\x58\x1f\x91\xd1\x4b\x2a\xa4\xe3\xcc\x4d\ \x82\x16\xbc\x66\x0f\x16\xef\xcd\xe4\x23\x48\x0f\x17\x26\x47\xc8\ \x47\x7c\xe4\x54\x5d\x3f\x4a\xda\x6c\x8b\x61\x96\x2f\xbb\x0f\x3f\ \x61\xe8\x39\x1e\x4c\xb8\x2a\xe3\x6b\x76\xe0\xc4\xf5\x3b\x42\x6c\ \x53\x2c\xc0\x25\x13\x79\xd3\x09\xad\x32\x8b\x7b\xe8\xbe\x1a\x49\ \xfe\x5e\x45\xfb\x3a\x81\xcd\xa7\xb0\x5b\x25\xa4\x81\xdf\x85\x95\ \xac\x6e\x4d\x63\xf7\xbf\x13\x7e\x98\x05\xd7\xc1\x06\xd1\x82\x8d\ \x6c\x1f\xfa\x70\x02\x5e\x2b\x64\xd8\xf7\x67\xc1\x3b\xfa\x15\x61\ \xf8\xdf\xae\xb8\xce\xfe\xc3\xcc\x60\xd9\xa6\x13\x6c\xed\xbe\x63\ \x64\xc9\x85\x55\x71\xb5\xaa\x98\x59\x59\x3b\x3a\x3f\x08\x53\x21\ \x53\xea\xfb\x3c\xbb\x89\x0f\xe0\xbb\xe2\x7d\x3a\x16\x48\x31\x39\ \x09\x69\x3a\xe7\x64\xbc\xa6\x8f\x63\xf6\x62\xea\x7c\x21\x35\x7e\ \x86\x60\xa1\x95\x85\x3b\xba\x11\xe0\x32\xea\xbc\xa0\x79\xde\xc0\ \x6d\xb8\x25\x14\x26\xba\x45\x28\xff\xf8\x43\x3b\xc0\x00\xdb\xde\ \x62\x3b\x0d\xef\xed\xe1\x23\x73\x38\xe8\x2c\xd2\x19\xea\x03\xe4\ \x9d\xdc\x04\xdd\x7c\xc9\x3d\xad\xe5\xcf\xe3\xf7\x82\x8b\xf8\x39\ \xd6\xaf\x0f\x49\xc5\xff\x27\xe1\xda\xd6\xc3\x2f\x0e\x31\x88\x6c\ \x6f\xe6\xe0\xb2\x89\x9c\x3b\x8b\x81\x83\x04\xe5\x7d\x1c\xf7\x87\ \xaa\x36\x97\xe3\xbf\xec\x82\xf3\x3a\x08\xff\x72\x30\x8b\x8e\x21\ \xdd\x1f\x7b\x1a\x1e\x50\xdb\x63\xeb\xfb\x29\xf7\x3a\xd5\x09\x6b\ \xd9\xf2\x7c\x5d\xa7\xfb\xb7\x48\x9d\xab\xef\x06\xfc\x24\x24\x27\ \xbe\x5e\xa8\x86\x1a\xef\xdb\xb1\x43\x3e\x39\xc2\xec\x8c\xd3\x12\ \x5e\x3f\x81\xc5\x7b\x31\x7d\x0e\xe9\x3c\x1c\x60\xb8\x72\x55\x71\ \x48\x51\x5d\x27\x90\xad\xb5\xa6\xaa\x43\x98\x2f\xeb\xc1\x8b\xb8\ \x19\xbf\x66\xdd\xfa\x20\xb6\x57\x0b\xb9\x03\xdb\xad\x12\xe0\xf6\ \x12\xdb\x5e\xa1\x42\xcc\x27\xa6\xb1\x74\x19\xbd\x0b\xd5\xbb\x90\ \x3a\x25\x41\x75\xfa\x9f\x8f\xca\x5f\x25\x08\xec\x3d\x41\x60\xd7\ \xbe\x14\xbc\x03\x3f\xc4\xf7\x85\xd7\x6b\xc5\x1b\x35\xb2\x63\x98\ \x8f\x2f\xce\xe1\x84\xe5\xa4\xd3\x6d\x79\x9d\x3f\x80\xaf\xb1\x7e\ \x53\xa8\xc6\xf3\x23\x3b\xff\x3a\x9c\x8b\x0f\x24\x9c\xd5\xcb\xcc\ \x7e\x06\x7a\xe9\x6b\x90\x4e\xa4\xd9\x2f\x3c\xd0\x26\x85\xff\xe9\ \xc4\xe1\xd7\xf6\x30\x5c\xd1\x22\xff\x4c\xed\x25\xfb\xd8\xf2\x81\ \xd7\x29\x79\xa5\xca\x9a\xad\x7a\x2e\x64\xf8\x3a\xcd\xfb\xf8\x36\ \xde\x21\x96\x3f\x1d\xcb\xf4\x27\xa1\x73\xb8\x14\xaf\x4d\x38\x66\ \x0a\x07\xcd\xa4\x31\xbf\x95\xdc\x37\x60\xf8\x99\x5f\x67\x88\x8d\ \x34\xae\xdb\xde\xa6\x47\x08\xe2\xfe\x0c\xf7\xb3\x72\x63\x18\x8d\ \xf2\x79\xdb\x69\x0e\xdd\x57\x2c\xb6\x09\xf3\x32\x2e\xee\xe3\x6d\ \x4b\x98\x72\x8a\xd0\x83\xae\x1a\x33\x5b\x45\x9d\x1b\x99\xf0\x45\ \x27\xad\xfd\xe6\x02\x7b\x5f\xa8\x14\xb2\x7a\x7d\x78\xae\xfd\x30\ \xe1\x07\xb8\x27\x8b\x02\x1b\xd9\xf1\x4c\xc3\xd7\x0f\x67\xd9\x05\ \xad\xa2\x0e\x45\xd1\xe9\xc1\xbf\xd2\xfc\x79\xf0\x54\x9d\x6e\xd7\ \x0c\xaa\x4f\x93\x30\xae\x7d\x06\xa6\x67\xe1\xbc\x67\x08\xe1\xb2\ \x29\x49\x78\x8e\x4d\xc1\xd4\x2c\xbc\xef\x9f\x40\xdf\x1e\xf4\x4d\ \x64\x72\x3f\x8d\x7d\xfc\x61\x4c\xae\xa9\xc2\xfd\x9d\x0f\x1d\xaa\ \x4b\x9a\xca\xa9\xb3\x2c\xca\xda\xe4\xcb\x5f\xc0\x35\x6c\x18\xe4\ \xed\x59\x28\x4a\x10\x19\xdb\xe4\xf5\x84\x66\x25\x2c\xc6\x6b\x32\ \x4e\xdd\x93\x83\xa6\x33\x79\x1e\xe9\x21\xc2\x35\x98\x97\x8d\xac\ \xb2\x7a\xcb\xc2\x90\x55\xaf\xcb\x8c\xc2\xc7\x70\x3d\xcd\xc7\x58\ \x31\xc4\x97\xf0\x05\xa1\xfc\xe3\x36\xb3\xad\x62\x9b\x07\xbe\x2f\ \xea\xe1\xe2\x03\x99\x73\x26\xe9\x41\xea\x15\xae\x53\x9c\x36\x5f\ \xd6\x7e\x72\xf9\xb4\x4a\xcf\xe1\x01\x9a\x0f\xe1\x69\x56\x0d\x06\ \x81\xfd\x41\x12\xac\xd8\x7b\xb2\x30\x3e\x2f\x0a\x6c\x64\x67\x90\ \xe2\xca\xfd\xf9\x37\xef\xa2\x31\x51\xb5\x6b\x6b\x13\xfe\x2a\x94\ \x2a\x7c\x35\x6e\xb2\x7b\x5c\xa3\xed\x89\x5c\x4d\xc3\x75\x8d\xfb\ \x31\x90\x85\x7b\x7b\x32\x66\x66\x21\x9c\x76\x78\xab\x53\x3d\xb3\ \x9f\xa9\xfb\x30\x30\x13\x0b\x5a\x61\xa2\x3d\x6c\xe9\x7e\xae\x4a\ \x5a\xd1\xb6\xbc\x53\xbb\xac\x75\x52\x3f\xc5\xf5\x21\x1c\xf4\x2a\ \x71\x0c\xee\x78\x23\x4d\x82\xb6\x2e\xcc\x38\x13\x67\x4c\x60\xee\ \x34\xa6\x1e\x18\xdc\xcd\xe9\xfe\x82\x37\x86\xf2\x10\x08\x9d\xad\ \xdc\x3a\xab\xf7\x3e\xfc\x3c\xcc\x49\x7e\x5f\x33\xd4\xf5\xfe\x9a\ \x60\xef\x8d\x98\x6d\x11\xdb\x06\x8e\xc3\x65\x03\x9c\xf5\x6a\xd2\ \x25\x86\x4d\xfc\x4e\x62\xda\xbe\xbc\xaa\x17\x92\x08\x02\xfb\x94\ \x10\x7f\x7d\x94\xe6\xb3\xe1\x03\xde\x91\x05\x81\xbd\x21\x1b\x9e\ \x1f\x76\x77\x78\x78\x45\xc6\x11\x09\x8b\x52\x7e\xfc\x4e\xa6\x1d\ \x62\xcb\xeb\xb7\x78\xb3\xf6\xe2\x1f\xf1\x3b\x3e\x9b\x85\x4a\x49\ \xbb\xdd\x6c\x24\x25\xe4\xb7\x73\xfe\x3a\xff\x3f\x2d\x65\x4e\x93\ \x63\x12\x5e\x9d\xb1\x74\x2a\xd3\x0f\xa5\x71\x4c\xa1\x5e\x6e\x91\ \xaa\x64\xac\x3a\xb7\x74\x26\x78\xb2\xfe\x96\xe6\x5a\x3e\x96\xf1\ \x5f\xc5\xfb\x7d\xbc\x92\x0a\x13\x5c\xcc\x15\xdc\xcd\x67\xe2\x84\ \x49\x4c\xdf\x9f\xfe\xc3\x30\x87\x74\x8a\x20\x50\x6c\xdd\x01\xac\ \x73\x39\x6b\xdb\xa6\xd8\xe1\xdb\x24\xf4\xf6\x6e\xa4\xb9\x3a\xc4\ \x71\x3f\x23\x84\x85\x46\xe4\xa9\x1a\x89\xd8\xa6\x42\x5d\xd5\x8f\ \x37\xf8\xd0\x42\x06\xce\xb6\x75\x99\xc5\xe2\x49\x97\x7d\x40\x85\ \xe5\xf9\xb2\xb5\x42\xc1\xff\xdf\xd1\x7c\x9c\xc1\xd5\x41\x60\x6f\ \x4a\x42\x92\xd3\x4d\xcd\x58\xf4\x3f\xb2\xeb\x49\x71\xf5\x3c\xfe\ \xfc\x22\xd2\xf6\x0c\x7b\xca\x6f\xee\x7b\xf1\x8d\xd0\x49\x3e\x31\ \xdb\x81\x43\x0b\x76\x01\xb3\x12\x4e\xcd\x78\x47\xca\xa9\x07\x31\ \xe5\x54\xd2\x43\x5b\x2b\xab\xc4\xb5\x4a\x78\xcb\xda\xa4\xc2\x83\ \xee\xdb\xc1\x85\xb7\x44\x2c\x99\x1a\x09\xa4\xc2\xa4\x17\x8b\x9b\ \x9c\x9e\x70\x56\x12\xac\xde\x81\x59\xe1\x1a\x4c\x0f\x14\x42\x1e\ \xed\x79\x00\x39\x9d\xb4\xa9\x28\xc0\x3d\x82\xb2\xde\x88\xdb\x18\ \xdc\x10\x26\xac\xff\x8c\x90\x3c\xdf\x55\x3e\x41\xb7\x62\xdb\x8f\ \x73\x13\x2e\x9f\xce\xbc\xd7\x0a\xdd\x8b\xf6\x23\xd4\xed\xa8\x2c\ \x56\x93\xd7\xae\x7c\x4a\x28\x95\xf8\x30\x9e\x64\xc3\xe6\xe0\x2e\ \xbf\x2e\xe1\x5f\xb3\xe0\x76\x8b\x93\xaf\x47\x76\x27\xfa\x70\xff\ \x85\x1c\x74\x78\x6b\x41\x5d\xef\xb8\x29\x14\x6c\xb8\x8a\xc1\xcd\ \x41\x2c\xee\xd9\x69\x67\xba\xf3\xc8\x2b\xc4\x7d\x20\xe1\xa2\x03\ \x99\x76\x56\x6b\x2e\xd4\xe2\x14\x99\x75\x9e\xae\xb2\xe5\x04\x4b\ \xe5\xb3\x78\x9e\xff\x3b\xe3\x53\xe2\xf3\x20\xb2\x25\x79\xac\x77\ \x6e\x12\xa6\x07\x3c\x3d\xe1\xe4\x84\x59\xfb\xd1\x7b\x20\xe9\x61\ \x98\x45\x3a\xc9\xb0\xc7\xa4\x48\xa7\x8e\x61\x26\xc4\x8a\x5f\xc0\ \xbf\xe2\xbe\x90\xfc\xf8\x65\x5c\xa9\x8b\x79\x9a\x3b\x89\x6d\x3e\ \x66\xf6\xd3\xbd\x9c\x7b\x1a\xe9\x29\xb6\xbc\x81\xaa\x4e\xaa\xfd\ \x84\xf3\x5a\x5e\x5a\x27\xfa\x7b\x9a\xbf\x27\x7d\x88\xa1\xf5\x21\ \x0e\x73\x6b\x2b\xb9\xe9\xba\x2c\x64\x7e\xc5\x52\x89\x91\xdd\x95\ \x13\x1a\x5c\x7f\x71\x48\x22\xea\x2a\x19\xa3\x17\x57\x05\x17\xd4\ \x07\xb3\x50\xad\x66\xac\x5e\xdb\x79\x91\xfa\x8b\x53\xde\x7d\x14\ \xfd\xe7\xb4\x26\x38\x28\xf3\x00\x54\xb9\xf3\xca\x5c\xcb\xbf\xc7\ \xff\x64\x75\xc6\x49\x82\x97\x20\x12\xa9\x22\x45\x23\x09\x1d\xc0\ \x93\x33\xce\x4c\x58\x9a\x32\x63\x06\xe9\x01\xc1\xf2\x6d\x1e\x48\ \xba\x67\x6b\x83\x21\xdd\x85\x3f\xf2\x36\xbd\x82\xab\xe5\x07\x78\ \x34\xcc\x60\xf5\xdf\x85\x29\xfd\x2a\x8d\xc3\x3a\xb1\x1d\x48\xf8\ \x0b\xfc\x9b\xf9\x0c\xbc\x5e\x48\x5b\x2c\xce\xe6\x90\x9f\x40\xbb\ \xa9\x9e\x0a\x3d\x00\xc2\x6c\xea\x0f\xb7\xc4\xf5\xf7\x34\x5f\x0c\ \x27\x72\x8f\x30\x9b\xce\xf7\x71\x53\x16\x27\x5d\x8f\x8c\x12\x12\ \xde\x3b\x83\x2f\x7c\x90\x46\x9e\xa3\xd0\x29\x29\xa3\x57\x18\xbf\ \x72\x5b\xc8\x6a\xfc\x80\xd1\x11\xb7\x7d\xa5\x1c\x83\x2b\x26\x71\ \xd6\xeb\x71\x94\xf2\x09\x47\xca\xbe\x3b\xb6\xf6\x14\xf4\xe2\x1f\ \xf0\xbb\x50\xe4\xe2\xed\x76\xf1\x74\x69\x91\x51\x41\x9e\x7b\x90\ \xa2\x37\x0d\x86\xe3\xd2\x66\x48\x56\x3c\x0e\xb3\xa7\xe0\x60\xd2\ \xd9\x34\x67\xb7\x26\x4f\xc8\x8b\xc0\xe4\x16\x5f\x7e\x2d\x96\x25\ \x52\xf5\x1a\x1e\x6b\xfa\x6c\xf0\xca\x5e\x21\xa4\x69\x6c\x55\xd3\ \xa1\x4c\x6c\x1b\x38\x0f\x97\xef\xcb\xfc\xe5\xad\x41\xc6\x9b\x4a\ \x1a\xe6\x37\x4c\x3e\xd7\xe5\xa0\x50\x58\xe2\x51\xe1\xa8\x8f\xd2\ \x5c\x13\xce\xf9\x81\x8c\x5b\x12\x7e\x9c\x85\x18\xec\x93\xd9\xf0\ \x89\x44\x91\x8d\x8c\x26\x2e\x9b\xcf\xff\xf5\x0e\xc3\xb9\x0a\x9d\ \x32\x1a\x13\xfc\x96\xe6\xb7\xc3\xcc\x72\xa7\x37\x43\xe7\x72\xac\ \x93\xd7\xc8\x7d\x5f\xca\x65\x8b\x99\x7a\x9e\xe1\x87\x57\x95\x65\ \x5b\xcc\x54\xd6\xb6\x6c\x23\xfe\x86\xe6\xcb\x5c\x92\x85\x59\x82\ \xc6\x43\xa7\x25\xb2\xfd\x48\xd1\x4c\x86\xdd\xce\xb3\x13\x4e\x68\ \xf2\xaa\x84\x13\x12\xe6\xf5\xd0\x3f\x1d\x07\x06\x0b\xb8\x79\x00\ \xe9\xde\x86\x2b\x20\xe6\x93\x29\xb4\xdf\xf3\x89\xe1\xdc\x82\x9f\ \x06\x0f\xd6\x7d\x09\x9f\xce\x42\x7d\xef\x3f\x54\xa2\x2a\x8a\xed\ \x02\x5c\xb6\x07\xe7\x9e\x4c\xdf\x29\x86\xc7\xd3\xe5\x89\x4c\xf9\ \xc4\xd1\x9b\x84\xaa\x1b\xcf\x0a\xe6\xf4\x23\x78\x3a\x2c\x5f\xbd\ \x39\x88\xeb\x1d\x09\x37\x66\xc1\x45\xfc\x58\x16\xb4\xb8\x58\x10\ \x24\x12\x19\x6d\x5c\x7d\x34\xff\xf6\x02\x5b\xc6\x7d\xca\x12\xa4\ \xf2\xf7\x99\x30\xcd\xd7\xdf\x86\x31\xa3\xc7\xdb\x05\xd3\x7b\xed\ \x42\x52\xe1\x41\xf6\x85\xd9\x2c\xfc\x23\xc3\x63\xe6\x8b\xd4\x25\ \x54\x69\xfd\x6f\x15\x0a\x59\x3b\x14\xac\xdb\x6b\x77\xcc\x29\x47\ \xc6\x09\x7f\xb0\x7c\x53\x7a\x9b\x61\xbc\xf9\x82\x84\xc5\x19\xc7\ \x26\x2c\xe8\x61\x4e\x83\x81\xa9\x34\xf3\xb1\xe6\xfb\x61\x1f\xc1\ \xd3\x9b\x17\x7d\xc9\x45\x6d\xa3\x90\x68\x74\x33\x83\x2f\x87\x97\ \x9f\xd6\x2a\xd9\x9a\x5f\xc7\x53\xf0\xa1\x94\x8f\x2d\x60\xfa\xd9\ \xa4\xfb\xb6\x76\x30\x28\x48\xf3\x9a\x50\xa1\xc9\xb3\xa4\x4f\xd0\ \x5c\x49\xba\x29\x04\x88\x57\x6c\xe6\x81\x84\x5f\x0a\x69\xd1\xf7\ \x24\xc1\x87\xbd\x41\xec\x79\x46\xc6\x1e\x57\x2e\xe4\xdf\xbf\x55\ \x75\xee\x42\xfe\x3a\x5f\x97\xbb\x41\x3f\x1b\xee\xa1\x8b\xb3\x90\ \xef\x33\x9e\x3a\x9d\xa9\x50\x21\xe8\x8b\x07\xb2\xec\x8f\x5b\xc3\ \x89\xea\xe2\xdd\xc5\x65\xf9\xff\x86\x30\x37\xe9\xf5\x3c\xb6\x99\ \x3f\x12\x26\x05\x8f\x44\xb6\x17\xf9\xb5\xd9\x40\x5f\x16\x0a\xbd\ \xcc\x17\xc6\xfa\x1e\x8e\x39\x3d\x1c\xd4\x60\x46\x0f\x03\x93\x68\ \xee\x85\xbd\x49\x07\x84\x31\xbf\x7b\xd3\x1c\x14\x32\x97\x1f\x0b\ \x39\x49\x3f\xc4\xa7\x12\x9c\x26\xf8\x99\x17\xcf\xa3\xf7\x50\xbc\ \x8c\xe7\x69\x3e\x8f\x97\xc2\xac\x21\x1b\x36\x85\x42\x12\x4f\x0a\ \x59\x57\xbf\xc5\x9d\x59\x10\xd9\x55\x59\xd8\x61\x6e\x2e\x8f\xa7\ \x87\x48\x64\x9c\x91\xf0\xef\x0e\xe1\xca\xf7\xb4\xcd\xa6\x53\x35\ \x7e\xaf\x7d\x59\x43\xa8\xf7\xfb\xe3\x50\xec\xfc\xf5\xd9\x36\x0e\ \x8c\x1f\xe5\xcc\xc0\xb7\xe6\xb3\x34\x77\xc3\xd3\xb9\xb3\xa2\xb0\ \x3e\x11\xa6\xe3\xbb\x95\x07\x9a\xfc\x89\x60\x41\x44\x22\x3b\x8a\ \x3f\x8c\x35\x4f\x42\x68\xa4\x1f\x53\x32\x0e\x4a\x42\x6d\xf4\x19\ \x38\x30\x63\x26\xa6\xf6\x30\xa5\x27\x08\x75\x63\x53\xe8\x67\x37\ \xf0\xb7\x09\xfe\x12\xef\xc1\x86\x84\x0d\x19\xeb\x93\x10\x53\x7a\ \x2c\xe3\x61\x3c\x96\x84\x10\xec\x2a\x61\xd2\xdd\xb5\x86\x2d\xd6\ \x28\xac\x91\x71\x45\xc2\x05\x7b\xf3\x95\x3f\x0f\x37\x51\xbe\x0c\ \xe5\x56\x5a\xbb\xf0\x6e\xc4\xe7\x19\x5a\xcb\x87\x8d\xed\xac\xe4\ \x3a\xe6\x25\xfc\x74\x39\x33\x4f\xb4\x65\x0c\xb7\x9d\x32\xab\x37\ \x27\x77\xcd\x5f\x8b\xdb\x79\x60\x33\x1f\xb1\xeb\x66\x57\x8a\x8c\ \x5f\x72\x11\x6e\x4f\xc2\xea\xcb\x42\xad\xe7\x34\x0b\x7f\x0d\xe1\ \xef\xd9\x44\xa8\x4b\x31\x05\x83\x3d\x61\x2c\xe0\xa0\xf0\x37\x54\ \xd8\x59\x24\x32\xde\x49\x05\xb1\xf8\xe5\xbf\x65\xf2\x40\x6b\x61\ \xd5\x38\xdb\xa2\xa5\xd6\x83\x5f\xe0\x07\x3c\xb8\x39\x4c\x4e\x70\ \x8f\xf1\x77\x6f\xa5\xb8\xb0\x8f\x2f\x7e\x88\xde\xbd\x5a\x0b\xcb\ \x62\xdd\x65\xaf\x15\xda\x5f\x47\xf3\xa6\x50\xbf\xf6\x13\x0a\x09\ \x29\x91\xc8\xee\x44\x9e\x44\xbc\x16\x2f\x67\xc1\x83\xbc\xc9\xf0\ \x03\xa0\x58\x78\x23\x12\x19\xcf\x64\x82\xd7\xe7\x2d\xd3\x98\x3e\ \x93\xa4\xe8\x2e\x2e\xbe\xce\xdf\xe7\x49\x14\x33\xf1\x34\x53\x9f\ \x0f\xee\xa7\x9f\x08\xb9\x53\xe3\xe9\x1e\xcb\x70\xff\x10\xc7\xbc\ \xc8\x61\x0b\x0a\xdf\x61\xde\x40\x61\x59\xd5\xeb\x43\x48\x26\xb2\ \xd7\x0a\xce\x1e\x0a\x21\xb3\x5f\x89\x82\x1b\xd9\x0d\xe9\x69\x7b\ \x3d\x9e\x6e\xf8\x48\x64\x9b\x49\xd8\x7f\x23\xcb\x8e\x2e\x49\xaa\ \xad\x1a\xbe\xd2\xbe\xfe\x10\x3c\xcc\x9c\x75\x41\x7b\x6f\x14\xc6\ \xe4\x8d\xa7\xfb\x6f\x33\xee\x7b\x9e\xb7\x1e\x44\xff\x54\xd5\x55\ \xa4\x92\xb6\xe5\x55\x43\x85\x0e\xc4\x4c\xf6\x78\x92\xa5\xeb\xc3\ \x88\x8a\xbb\x85\xb2\x8e\xe3\xe9\x3b\x8d\xec\xe6\xf4\x74\x6e\x12\ \x89\x44\xda\xc8\xf0\xf4\x8b\xbc\x63\x36\xfd\x7b\xab\xb6\x68\xcb\ \x48\x84\x31\x7b\x73\x48\x1e\xe5\xc8\x75\x21\xc3\xf1\x97\xc6\x5f\ \xc2\xd4\xb3\x19\xfb\x3d\xcf\xf1\x8b\x42\xe2\x49\xa9\xe5\xda\x69\ \x0c\xae\xd6\xf2\xa9\x98\x4f\xfa\x3c\xf3\x56\x87\x04\xb4\xd5\xc2\ \x48\xa1\xb2\x12\x01\x91\xc8\x4e\x27\x8a\x6d\x24\x32\x72\x56\x65\ \x1c\xb8\x8a\xe3\x8e\x22\x29\x5a\x5f\xda\x5e\xb7\xff\xb5\xaf\xef\ \xc7\x3c\x92\xa7\x39\x7c\x2d\x67\x64\x3c\x21\xd4\x83\x19\xe9\x70\ \xb9\xd4\xe8\xb4\xe0\x32\xdc\xb5\x96\x37\x4e\x64\x9f\x83\x6c\x2d\ \xa6\x55\xee\xf8\xe2\xd8\xdb\xfc\xf5\x1e\x38\x8a\x64\x12\x53\x56\ \x70\xee\xa6\xd0\x91\xb9\x53\xa8\x12\x3b\x1a\xbf\xa3\xc8\x18\x22\ \x8a\x6d\x24\x32\x72\x32\xdc\xbd\x86\xd7\x25\x4c\x9b\xa3\x7a\xc8\ \x8f\xb6\xf7\xc5\xe5\x2d\x71\x80\xe9\x4f\x73\xfe\xe6\xe0\x02\x5d\ \x21\x58\xb9\xc5\x91\x45\x39\xa9\x20\xf0\x93\x30\x2f\xe5\xb0\x56\ \x83\x97\x8c\xbe\x64\xab\x17\xb1\xea\x29\x5e\x7b\x18\x13\x26\xb5\ \xad\x28\xb3\x64\xeb\x86\x56\xb5\x2f\x9b\x85\x23\x49\x9f\xe5\xc8\ \x35\xa1\xf8\x45\x26\x24\xa3\x0d\x8a\xa2\x1b\xd9\x45\x44\xb1\x8d\ \x44\xb6\x8d\x35\x09\x0f\xaf\xe0\xb5\x7b\x32\xf1\x00\x5b\xcf\xe7\ \x5c\x26\xb0\x49\xc9\xfb\xb9\x98\x4f\x63\x1d\x47\xae\xe2\xdd\x19\ \x67\x24\x4c\x6b\x6d\x3f\xd8\xfa\xdf\x2b\x0c\xb0\x5f\x98\xf0\x0e\ \xfc\x55\x0f\xff\x29\xe5\xfd\xf8\x93\x2c\xcc\x26\x76\xbd\xd1\x27\ \xb8\xf7\x6e\xe2\x88\x55\x1c\xb9\xb0\xe0\x25\x28\x52\xe6\x3d\x28\ \x5b\x9e\x09\x1d\x99\x63\xb1\x0f\x93\x56\x70\xce\x60\xe8\x18\x3d\ \x2e\x0c\x63\x8c\xc5\x76\x22\x3b\x9d\xaa\xeb\x3a\x12\x89\x74\xc7\ \xbb\x27\xf0\x37\xaf\x63\xe0\x58\xc3\x4f\xf1\x6e\xc6\xde\x16\xcd\ \xd6\x09\x42\xa0\xf1\x0e\x61\x0e\xdc\x67\x68\x6e\x0e\xbb\xcc\xe7\ \xc0\x9d\x9c\xd2\xb7\x3f\x8e\xc4\x62\x4c\x14\x4c\xe1\x2f\x87\x39\ \x36\x3f\x90\x85\x22\xe8\xa3\x8d\xd9\xf8\xfe\xa9\xcc\x3f\x47\xf9\ \x77\x58\x17\xbb\xad\xab\xb3\x9c\xfb\xd8\x7f\x8c\x5b\x18\x1a\xe2\ \x7b\xc2\x3c\xa4\xb7\x1a\x7d\x1d\x93\xc8\x28\x26\x8a\x6d\x24\xf2\ \xca\xb9\xa8\x87\xcf\x9d\xcc\x94\xb3\x6d\x39\x33\x56\x9d\x5b\xb9\ \xcc\x9f\x99\x57\x9b\x6a\x18\xae\x3f\xfe\x52\x68\xdf\x9c\xd8\x9a\ \x12\xac\xb7\xb5\x2e\xaf\xc0\xd4\xc0\x0f\xc2\x78\xd3\x6f\x0a\x6e\ \xd3\xd1\x26\x22\x29\xce\xe8\xe1\xab\xe7\x32\xb5\xd8\x69\xa9\x1a\ \xb7\x5c\x96\x28\x55\xd6\x8e\xe1\x8e\xcc\x8f\x71\x17\x83\x43\x7c\ \xc7\xf0\xe4\xdf\x91\xc8\x0e\x27\xba\x91\x23\x91\x57\xce\xdd\x19\ \xb7\x3f\xce\x49\x0f\x33\x75\xa6\x50\x25\xa6\x6c\xe2\xf4\xb2\x24\ \x1f\x6d\xaf\xf3\xca\xe8\xf9\xcc\x22\xbd\x42\x70\x76\x12\x49\x5e\ \xb2\x2a\x5f\x97\xb6\x6d\xf3\x10\xd9\xe3\xdc\x8f\xaf\x1b\x7d\x71\ \xc9\x0c\x8f\x64\x3c\xf3\x28\x67\xed\x47\xef\xb4\xb6\x95\x55\xc9\ \x67\x55\xdf\x61\xd9\xf7\xbd\x59\xf8\x2e\x8f\xc4\x11\xf4\xac\x67\ \xfe\xf3\x5c\xd4\xaa\x77\xfb\x30\x9e\x33\xfa\xbe\xb7\xc8\x28\x22\ \x8a\x6d\x24\xf2\xca\xc9\x84\x07\xf6\x77\xd7\xb0\xd7\x9d\xcc\x7b\ \x8e\x09\xfb\xa0\x58\x21\x29\xa7\xd3\x30\xa1\xaa\xf8\x64\x4e\x3e\ \xad\x65\x8f\x30\x48\xf7\xfb\x6c\xde\x10\x26\x38\xb8\x6d\x5b\x3e\ \xc0\x6e\x40\x86\x7b\x86\x18\xfc\x3d\xaf\x9a\x49\x23\x1f\x7f\xdb\ \xde\x80\xea\x98\x6d\x95\xcb\xbe\xbd\x4d\x53\xc8\x04\x3f\x92\xe4\ \x30\xf6\x78\x89\xda\xbc\xb4\x29\x00\x00\x20\x00\x49\x44\x41\x54\ \x45\x2f\x04\xd1\x5d\x92\x84\xb1\xb9\x2b\x8c\x3e\xcf\x40\x64\x14\ \x10\xc5\x36\x12\xd9\x3e\x64\xc2\x10\x93\x1f\x6c\xe6\xba\xa7\xd9\ \xf3\x4e\x66\xdd\xcb\x84\xc1\x96\x55\xba\x87\x60\x5d\xf5\xd8\x7a\ \x38\x50\x5d\x3c\xa7\x7d\x5d\x2a\x88\xeb\xad\xc2\x20\xd2\x87\xf0\ \x03\x86\x56\xb5\x66\x16\x11\x32\x6e\x47\x2b\x9b\xf1\xab\x4d\x64\ \x0f\x72\xd2\xfe\x2d\xc1\xcd\x95\xaf\xfd\x7b\x2a\xeb\xbc\x94\x7d\ \x8f\x75\x42\xbc\x27\x16\x92\xcc\xa3\x6f\x33\x47\xbc\xc0\x9b\x37\ \x73\x7a\x12\x3c\xf7\x8f\x8a\x63\x74\x23\xdb\x91\x18\xb3\x8d\x44\ \x76\x0c\x7d\x98\x9f\x70\x6e\xc6\xd9\x7d\xcc\xef\x63\xea\x24\xd2\ \xe9\xd8\x97\xb4\x5f\x10\xdf\x89\x82\xa5\x9a\x18\x9e\xeb\x35\xab\ \xf8\x5b\x8f\x9f\x32\xf4\x5c\xc8\xa3\x5a\xd1\xb2\xde\xae\x6f\x25\ \x46\x8d\x95\xc2\x18\xfd\xf8\x77\x93\xf8\xc4\x79\xf4\x1f\xa1\x3e\ \x0e\xde\xa9\xf0\x45\x55\x02\x55\xfb\xba\x44\xf8\xf2\x6e\xc5\x5d\ \x6c\x58\x17\xe6\x1c\xfe\x0a\xbe\x8b\x07\x45\x6b\x37\xf2\x0a\x89\ \x62\x1b\x89\xec\x78\x06\x52\x66\x34\x99\x9d\x84\xb9\x31\x8f\xcc\ \xc2\xfc\xae\x03\xe8\xef\x09\xb3\x84\x34\x92\xa0\xb5\x69\x9b\x10\ \x34\xdb\xff\xa3\xd9\x0c\x7f\xdf\xc1\x95\x42\xce\x0f\xa3\xdb\x9a\ \xad\xa2\x0f\x1f\x9a\xc8\xe5\xaf\x63\xf2\xd1\xb6\x16\xdc\xb2\xb8\ \x6d\xd9\xba\xba\x36\xc5\xf7\xa9\x90\xfa\x7d\x57\xf8\x6b\x3e\xcd\ \x93\x9b\xf9\x49\xc2\x57\xb3\x30\x3d\xe2\x58\xe9\xd0\x44\x76\x32\ \x51\x6c\x23\x91\x9d\x4b\x9e\xd7\xd4\x8b\x46\x6b\x4a\xae\xbe\x2c\ \x18\xb7\x69\x1a\xc4\x36\x45\x33\x43\xb3\x4d\x68\x5b\x37\x6b\x33\ \xe3\x59\xe3\xa3\xd8\x7e\x03\xef\xeb\xe5\xca\xd7\x30\x70\xbc\xee\ \x04\xb7\xaa\xce\x72\x91\x3a\xab\x38\x15\x7c\xc8\x8f\x0b\x2e\x84\ \x87\x59\xf7\x22\xf7\x65\x5c\x9b\xf0\x7d\xdc\x93\x05\x5d\x8e\x16\ \x6f\xa4\x2b\xa2\xd8\x46\x22\xbb\x07\x69\xe7\x26\x18\x7f\x0f\xf7\ \x06\x2e\xec\xe1\x73\xaf\x6d\x09\x6e\x55\x69\xad\x76\xca\x2c\xd9\ \xe2\xfa\xb2\xb1\xce\x45\x72\xb7\xfe\x1a\x21\xd5\xfb\x6e\x9a\xcf\ \xb1\xee\x25\xee\x6a\x89\xee\xb5\x78\x30\x0a\xef\xb8\x22\x6d\x7b\ \xd1\x8f\xfe\x8c\xde\x2c\x74\xa0\xd3\xb6\xbf\x15\x58\x97\xb7\x8d\ \x62\x1b\x89\x44\x76\x77\x52\x5c\xd8\xe0\xf3\xe7\x31\xb0\xc8\x96\ \xaa\xd6\xc9\xaa\x2d\x8b\xd1\x56\x59\xc3\x75\x02\xdc\xd3\x5a\xfe\ \x3c\x7e\x27\x08\xef\x4a\xd6\xbd\x1c\x84\xf7\xba\x8c\x1f\x24\x3c\ \x90\x85\xac\xe6\xa6\x28\xbe\x63\x81\x14\x92\x20\xaa\x53\x30\x2d\ \x63\x4e\x12\x0a\xbf\x1d\x96\x85\xff\x53\x26\xd0\xdf\xa4\x7f\xf3\ \x70\x0e\xe3\xd7\x70\x85\xe1\x82\x34\x51\x6c\x23\x91\xc8\xa8\xe1\ \xfd\xbd\x5c\xfd\x0e\x26\x1f\x62\xb8\x3c\x66\x99\x70\xb6\xd3\x8d\ \xd0\xb6\xb7\x2d\x4b\xc0\x2a\xb6\x6b\xb4\xde\xaf\xc4\xef\x71\x1f\ \xcd\x67\x69\xae\x0f\x62\x7b\x0b\xfe\x55\x18\x86\xf5\x6c\x36\x6c\ \xdd\x44\xf1\xdd\xfd\x49\x85\xfc\x89\x7e\x4c\xc7\x22\x9c\x98\x71\ \xcc\x04\xe6\xf6\x32\x7d\x02\x7d\x03\x34\x67\x90\xe6\xc3\xfb\x5e\ \xa6\x79\x1d\xcd\x35\x21\x99\xee\x52\x21\xb1\x6e\x8b\x5c\x8a\x28\ \xb6\x91\x48\x64\xb4\x90\xe2\x3f\xee\xc9\xa5\xef\xa5\xb7\x7d\x1c\ \x6e\xb7\x65\x1c\x95\xb4\x69\x5f\x56\x57\x12\xb2\x8a\x9e\xd6\x89\ \xad\xc3\xc3\x34\x1f\x20\x7d\x08\x1b\x58\xb5\x29\x4c\x80\x70\x53\ \xc6\x4f\x13\xee\x68\xb9\x9b\xf3\x78\x7b\x14\xdf\x5d\x4f\xee\x12\ \xee\xc3\xf4\x84\x93\x33\xce\x4c\x59\x3c\x81\xb9\x7b\x30\x30\x93\ \xe6\xc1\xa4\xb3\x68\x4e\x6d\x8d\x22\x98\x60\xf8\x9a\xb8\x1d\x3f\ \x64\xf0\xa5\x50\xc1\xed\x93\x82\xe0\x6e\x45\x14\xdb\x48\x24\x32\ \x9a\xe8\xc5\x17\x67\x70\xe1\x7b\x48\xf7\x50\x2e\xae\x54\x3f\xdc\ \xaa\xac\xd5\xaa\x61\x41\x65\xcb\xca\x8e\x97\x57\xf5\x9a\x20\x24\ \x72\x3d\x2b\x8c\x83\x7e\x08\x8f\xd3\x1c\x64\xd5\x66\xee\x4c\xc2\ \x08\xa3\x9f\x65\xdc\x9e\xb2\xba\x19\x2c\xa0\x28\xbc\x3b\x8f\x3c\ \xeb\xbf\x57\xb0\x5c\xcf\xca\x38\xb3\xc1\x31\xfd\x0c\xcc\xc5\x6c\ \x61\xf6\xa8\xa9\x86\x7f\xcf\xbc\x72\x5b\x3e\x54\x6c\x13\xfe\x05\ \xf7\xf2\x74\x93\xcb\xf0\x25\x35\x89\x8b\x51\x6c\x23\x91\xc8\x68\ \x63\x1a\xfe\x65\x11\x27\x9f\x6f\xe4\x63\x6d\x8b\xeb\xca\xda\x8c\ \x44\x64\xdb\x29\x8a\x6f\x8f\xf0\xb0\x1e\xc4\xd3\x78\x88\xe6\x23\ \xa4\x8f\x05\xf1\xdd\x20\xcc\xb7\x7b\x1b\x7e\x96\x70\x7b\x93\x47\ \x0c\xc7\x7b\xf3\xea\x9d\x91\xed\x43\x2a\xb8\x87\x4f\xc5\x9b\x13\ \xce\xc0\xec\x03\x49\x0f\x17\xea\x76\x4e\x37\x9c\x89\x5e\x9c\xc5\ \x2b\x67\x82\x60\xba\x7e\x3b\xb8\x8d\x7f\x8e\x8f\x0a\xa3\xc5\x6a\ \x7f\xab\x28\xb6\x91\x48\x64\x34\xb2\x10\xdf\x7f\x1d\xb3\x4e\xb4\ \x75\x86\x72\xd5\xf8\xda\x3a\xea\xac\xdc\xb2\xb6\x75\xee\xea\xb2\ \x24\xad\x76\xf1\xdd\x2c\xc4\x7b\x1f\xa4\xf9\x58\x4b\x7c\xd7\x86\ \x87\xf5\x0a\xdc\x9e\x70\x63\xc2\xad\xcd\xf0\x10\x6f\xcf\x74\x8e\ \x02\x3c\x72\x06\x12\x4e\xcd\x78\x2b\x96\xef\xc1\x8c\xc3\xb1\x90\ \xe6\x9c\x96\x5b\x78\x93\xe1\x61\x65\x75\x9e\x92\x54\x98\x36\xea\ \x17\xac\x4f\xb8\x22\xe3\xaf\x74\xe9\x99\x88\x62\x1b\x89\x44\x46\ \x23\x29\xde\xd9\xcf\xe7\xdf\x45\xff\x8c\x92\x06\x9d\x62\xb8\x0a\ \xcb\xcb\xde\x77\x9b\xbd\x5c\xb7\x6d\xf1\x7c\xda\x49\x0c\xc7\xff\ \xd6\xe2\x09\x9a\x0f\x93\x3e\x11\x0a\x6a\x34\x07\x43\x28\xf8\x2e\ \xdc\x96\x72\x73\xc6\xed\xd9\x96\xd6\x6f\xa4\x9c\xc9\x09\xa7\x65\ \x9c\x8f\xe5\x13\x99\x3e\x8f\xf4\x28\xd2\x39\xc2\x77\x5e\x56\x8b\ \xb3\xca\x93\xd1\x10\x3c\x13\xdf\x08\x89\x70\xf7\xe1\x03\x42\x22\ \x5c\xd7\xbf\x41\x14\xdb\x48\x24\x32\x5a\xe9\xc5\xd5\xd3\xf9\xd0\ \x1f\xb7\xc5\x6f\x47\x62\xd1\x76\x23\xac\x9d\xd6\xd5\xb5\xe9\xe6\ \x5c\x8a\x22\x9c\x0f\xd2\xdc\x28\x58\xbf\x8f\xd2\x7c\x9c\xf4\x29\ \x06\x5f\x60\x30\xe3\x31\xdc\x92\x70\x63\x16\xf2\x73\x1e\x10\x86\ \x9b\x8c\x77\x7a\x13\x16\xb7\x2c\xd8\x37\x4d\xe2\xa0\xb9\x34\x16\ \x92\xce\x16\x2e\x96\xa6\xce\xe5\x3e\x8b\xbf\x5d\x82\x9b\xf1\x13\ \x06\x37\xf1\xf7\x42\x12\xd4\xca\x91\x9e\x5c\x14\xdb\x48\x24\x32\ \x9a\x99\x91\xf0\x4f\x0b\x38\xe3\x2d\xa4\x9d\x92\xa3\xea\xe8\x56\ \x18\x77\x74\x9b\xe2\x67\xc8\x1f\xf8\x9b\x85\xe2\x1a\x8f\xe3\x11\ \x9a\x4f\xb5\x0a\x6c\x0c\x85\x5c\xac\xdb\x13\x6e\xd4\x12\xdf\x6c\ \xb8\xac\xe4\x58\xb7\x7e\x53\x61\xdc\xeb\xf2\x8c\x77\x4c\x60\xe1\ \x6c\x26\x2f\x22\x3d\x4c\xa8\x3b\x5e\x25\xb0\x75\xe4\x2e\xff\x17\ \x84\x31\x3c\x0f\xf1\x50\x93\x4f\xe0\xdb\xb6\xb1\x3c\x6a\xfb\x31\ \x17\x09\x6a\xbd\x5a\x08\xdc\x97\xc5\x08\x62\xbc\x20\x12\x89\xec\ \x6e\x2c\x4c\xf9\xfa\x49\xcc\x3b\x87\x34\x8f\xdf\xe6\x74\xb2\x34\ \xab\xc6\xe5\x96\xd1\xe9\x41\x5d\x16\xe7\xeb\x94\x68\xd5\x89\x62\ \x2c\x39\xff\x1b\x12\x7c\xcc\x4f\x09\x89\x57\x4f\xe3\x39\xd6\xbe\ \x1c\x84\xf6\x0e\xfc\x38\xe1\xd6\x2c\xb8\x3d\xd7\x1b\x3b\x49\x57\ \x29\xa6\x24\x2c\xcb\x78\x47\xc2\xb2\xfd\x99\x76\x44\xb0\x62\x4d\ \x69\x6b\xb8\x2d\xdf\x7d\x9e\x55\x7e\xa7\x60\xcd\xae\x0e\xb5\xc8\ \x3f\x29\x78\x10\xb6\xf9\xbb\xcb\x8f\x97\xe2\x33\x78\x8b\xf0\xfb\ \xad\x4d\xc2\x0f\xb6\x2a\x0b\x01\xfb\xfb\x93\x10\x27\x78\x36\xe1\ \xd9\xe6\x70\x55\x8c\xb1\xf2\xe3\x45\x22\x91\xd1\x4b\x8a\xd3\x7a\ \xfe\x7f\xf6\xee\x3c\x4e\x8f\xaa\xce\x17\xff\xbb\xaa\x9f\x74\x3a\ \x9d\x26\x84\x24\x84\x00\x21\x09\x01\x42\x64\x8d\x2c\x12\x41\x11\ \x51\x16\x45\x04\x11\x10\x45\x45\x71\x19\x75\x9c\xf1\xce\xcc\xf5\ \x37\xd7\xeb\xcc\xf5\xe7\x78\x75\xc6\xeb\x75\xd4\x9f\x3a\x8e\x2b\ \xe3\xe8\xb8\x31\xe8\x08\x88\x1b\xee\x8a\x80\x80\x8a\xb2\x23\x22\ \x3b\x49\x08\x21\x84\x2c\x9d\xee\xe7\xf9\xfd\x71\x9e\xa2\xab\xab\ \x4f\xd5\xd3\x1d\xb2\x3c\x49\xea\xf3\x7a\x75\x3f\x55\x67\xab\x53\ \x55\xa7\xce\xf7\x7c\xd7\xc3\x45\x4b\x99\xf7\x7c\xe3\xb3\x24\x8e\ \x59\x27\x97\x4d\xc2\x9d\x74\xb6\x55\x44\xbc\x93\x98\x72\xbc\x86\ \x58\xc5\x3a\x59\xdb\x79\xce\x77\x0d\x96\x0b\x86\x57\xf7\x86\xe3\ \x95\x1b\xc2\x1c\x7e\x55\xc2\x0f\x5a\xc1\xf2\xf9\x01\x81\x56\x6f\ \x6f\x68\x24\x2c\x6e\xf1\x22\xbc\x6c\x1a\x8b\x0e\xa0\xef\x70\xd2\ \xbd\x8c\x04\x1a\x29\x33\x74\x1b\x8f\x5b\x57\x2a\xec\xaf\x78\x25\ \x7e\xc7\x03\x43\x61\xc3\x8f\xcf\xc8\x85\x5d\xdc\x54\xe4\xdf\xe3\ \x62\x21\xf2\xc5\x59\xb3\xe9\x3b\x08\xeb\x84\xd0\x64\x6b\xb0\x36\ \xc4\x03\x5d\x35\xcc\xaa\x84\xbb\x5a\xfc\x2a\x09\x22\x8b\xbb\x5b\ \xe1\xe5\xd5\x51\x52\x6a\xd4\xa8\xb1\xad\x90\xe2\xc4\x94\x8f\x1f\ \xca\xfe\x2f\x20\xed\x33\x7a\x2f\x5c\xca\x5d\x7f\x3a\x11\xdd\xe2\ \xa4\x2c\x57\xbe\xec\xbc\x8a\x68\x17\x09\x71\xbe\x7e\xb1\x5c\xd9\ \x6f\xec\xbe\x18\x89\xe7\x3c\x64\x44\xec\x7c\x7b\xe0\x7c\x87\x56\ \x06\xc2\x7b\x75\x8b\x6f\xb7\xb9\xde\xbb\x75\xff\xae\x51\x33\xb0\ \x14\x2f\x6f\x70\xe2\x9e\xcc\x39\x8c\x74\xb1\xb0\x6d\x56\x5e\x4c\ \x9c\x61\x53\x9e\x7d\x8f\x10\x0d\xec\x7b\x0c\x3d\xcc\xcf\x5b\x41\ \x6c\x7c\x9d\xcd\xb4\x30\x29\xf6\xa9\x1f\xe7\xf6\xf0\x8e\x03\xd8\ \xff\xa4\xf6\xde\x9b\x1b\x04\xc2\xfb\xb8\x20\xc3\x7e\x18\x6d\x53\ \xf5\xa1\xc7\x59\xb6\x91\x7b\x12\x6e\xcc\x08\x70\x5b\x81\xbf\x4a\ \x4d\x78\x6b\xd4\xa8\xb1\xf5\x90\x0a\xea\xb0\x8f\xcc\xe6\x59\xa7\ \x93\xce\x33\x76\x32\x2e\x4e\xb2\x0a\x79\x54\xfb\xd2\x96\xb5\x51\ \x55\x7e\x53\xf2\xcb\x08\x43\x55\xb9\x58\x9b\x59\x88\xa4\x75\x02\ \xe1\xbd\x35\xb8\x1b\x35\x1f\x0d\x9c\xdb\x75\xb8\x38\x09\x51\xae\ \xba\x89\xe3\x6d\x24\x2c\x6c\x73\xb1\xe7\x4c\xe3\xb0\x85\xf4\x2f\ \x11\x82\x4d\x64\xee\x53\x19\x9e\xca\xb3\xcf\xfc\x6a\x7f\x86\x6b\ \x58\xb5\x81\x7f\xc5\x47\x04\x03\xe4\xcd\x86\x32\xe9\xc5\x62\xbc\ \x73\x80\xb3\x9e\x4d\xff\x91\x46\x82\x70\x67\x96\x72\x2d\xe1\xe5\ \xad\x6c\xf7\xe8\x1e\x3c\x18\x08\xf0\xaa\xf5\xc1\xe7\xf7\xda\x16\ \x3f\x49\xf9\x4d\x33\x14\x79\xca\x6c\x78\x8d\x1a\x35\x6a\x8c\x03\ \x73\xf0\xb7\xbd\xbc\xe6\x08\xa6\x1f\x2f\x70\x11\x45\x2e\x37\x8f\ \x2a\x0b\xe4\x4e\xf9\xe3\x15\x3d\x97\xa5\x97\x89\x37\x45\xd2\xab\ \xda\xc8\xca\x57\xb5\x97\xb7\x74\x7e\x00\x37\xe1\x4e\x86\x1e\x0b\ \x06\x40\x57\xb6\xb8\x44\xd0\xf7\x6e\xab\x7d\x7b\xfb\x71\x48\xc2\ \x05\x3d\xbc\x68\x77\xe6\x1e\x46\x7a\x10\x76\x33\xda\xdf\xe9\xa9\ \x3e\xfb\xcc\x08\x6a\x19\x2e\x0b\x62\xf7\xdf\xb7\x82\x74\xf7\x7b\ \xb6\x00\xb7\x5f\xa5\x9f\xef\xc3\x79\x29\xef\xdc\x97\x85\x2f\x20\ \xdd\xdd\xe8\xd5\x44\x86\x2c\x36\xe8\x46\xe1\x0d\xdd\x2b\x50\xdb\ \xfb\x69\xae\x63\xd9\x06\x6e\x4e\xf8\x51\x2b\xdc\xc4\x5d\x76\x1e\ \x4b\xb9\x1a\x35\x6a\x6c\x1b\xa4\x42\x84\xa0\xf7\x4c\xe7\x88\x63\ \xe9\x3d\x1c\x93\xc5\xf5\x7a\x8c\x9f\x08\x96\x11\xb9\x62\xbd\x2a\ \x63\xa9\xf1\x88\x9a\x8b\xed\x57\x89\x4a\x63\x9c\x78\xd5\x75\xb2\ \xf2\x0d\xc1\x72\xea\x2e\xfc\x16\xf7\xb2\x7e\x6d\x90\x4e\x7e\x3e\ \xe1\xf2\x56\xa0\x45\x5b\x9a\xdb\x4d\x05\xbb\xa6\x67\xe1\x75\x7d\ \x9c\xb8\x0f\x03\x47\x63\xbf\x76\x1f\x33\xba\xb3\xb9\x9e\x7d\xa6\ \xe7\xbe\x0e\x3f\x0c\xf7\xfc\x15\x21\xe4\xe2\xdd\x9b\xf5\xce\x72\ \xa8\x22\xb6\x84\x87\xb0\x3f\xde\xdd\xcf\x99\x27\xd0\x77\x74\x3b\ \xa3\x6a\x10\x64\xc4\x77\x83\xf0\xa6\xfe\x28\x88\x2e\x56\x30\xb4\ \x3e\x04\xe6\xfe\xa9\xb0\x17\xe4\x0d\xad\x20\x6e\x1e\x52\x13\xde\ \x1a\x35\x6a\x6c\x7e\x4c\xc3\x79\x78\xdb\xee\x2c\x3a\x86\xc6\xa1\ \x02\xd1\xad\x9a\x70\x3a\x71\xb4\xc5\xb2\x55\x93\x7a\x95\x28\x78\ \x3c\x5c\x6c\xd9\x35\xf3\x65\xc7\xab\xdb\x2d\x22\x9f\xdf\x10\xd4\ \x84\x37\xe2\x86\x10\x8a\xf0\xae\x26\x5f\x6b\xf1\x79\x81\x1e\x6f\ \x6e\xa2\xdb\x48\x98\xdd\xe2\xcc\x84\xd7\x4e\x61\xc9\xc1\x34\x9e\ \x81\x3d\x8c\x8e\x45\x5c\xec\x6f\x86\x4d\x79\xf6\xd9\x1e\x78\x97\ \xe3\x66\xee\x4b\x78\x57\x8b\x7f\xb7\x85\x17\x15\x9d\x88\x6d\xd6\ \xb7\x86\x30\x60\xdf\xb3\x80\xb9\x67\x91\x4e\x33\x7a\x85\x58\xa5\ \xeb\xe8\x69\xff\x3d\x26\x70\xbc\xb7\x08\x8e\xda\x83\xdc\xd7\x0c\ \xb1\x25\xbf\xd5\xe2\xc7\x82\xeb\x51\x4d\x78\x6b\xd4\xa8\xb1\xb9\ \x31\x03\xaf\xc0\x9b\xa7\xb3\xe8\x08\x1a\x47\x60\x17\x71\x69\x5d\ \x27\x82\xd5\x69\xd2\x17\x29\x3b\x1e\xee\xb4\x98\x1e\x4b\x1b\x4f\ \x9b\x65\xc4\xb7\xac\x7e\xbe\x9d\x86\x20\xa5\xbc\x99\xe6\x2f\xb1\ \x2c\xf8\xf2\x7e\x09\x1f\xb2\x79\x88\x6e\xaf\xe0\x1b\xfb\xba\x94\ \x73\x77\x65\xde\x51\x78\x3a\x06\x8c\x44\x76\xda\x9c\xcf\x3e\x43\ \x8f\xe0\xbf\x73\x19\x43\xab\x03\xd3\xf7\x66\x81\x2c\x6d\x71\x9a\ \x33\x1e\x62\x9b\xc7\x02\xbc\xbf\x97\xb3\x4f\x26\x7d\x86\xf8\xea\ \x23\x43\x51\x1c\x92\xc9\xc8\x1b\x02\xd7\xfb\x47\x9a\xb7\x90\xde\ \x16\xf6\x81\x5c\xd9\xe4\x87\x09\x97\xb4\x82\xe5\xf5\x6a\xdd\xa3\ \xac\xaf\x51\xa3\xc6\x8e\x81\x01\x9c\x85\x3f\x9f\xc4\x92\xa7\xd1\ \x58\x4a\xba\x8f\x30\x97\x15\x7d\x74\xab\xb8\x4d\x85\xbc\x4e\xbf\ \xc5\x76\xaa\x08\x61\xd9\x7c\x9a\xf5\xa9\x93\x8e\x39\x56\xbe\x78\ \x4f\x65\x75\xf2\xed\x4f\x12\xe4\xaa\xdf\xc7\xbd\xac\x6a\xf1\x6f\ \xad\x40\x74\xef\x33\x71\x02\xd5\xc0\x92\x84\xbf\x48\x38\x73\x6f\ \xa6\x3d\x4b\x30\x10\x4a\x04\x22\x9b\x89\x77\xcb\x9e\x59\x11\x13\ \xe1\xec\x87\xc3\x7d\x34\xaf\x09\x8c\xed\x7b\xf1\x61\x15\xbb\xf4\ \x6c\x6e\x4c\x94\xd8\x12\x38\xdd\x57\xe0\x03\xf3\x99\xf3\x52\x41\ \xd8\x9e\x05\x71\x1e\x2f\xb2\x1d\x15\x26\xb5\x8f\xef\x15\x74\x06\ \x37\xe3\x89\xa0\xd3\xfd\x61\xca\x57\x9b\x41\xcf\xbb\xba\xb4\xa1\ \x1a\x35\x6a\xd4\x98\x38\x7a\x93\xb0\x77\xe9\x1b\xf0\xe2\xd9\x0c\ \x1c\x89\x25\x02\x35\xde\xd0\x2e\x34\x5e\x71\x6d\xb1\x8c\x48\x7e\ \x0c\x55\x1c\x66\xfe\xfa\xf9\xf2\x9d\xb8\xbc\x58\xdb\x65\xd7\x8e\ \xe9\x86\x63\x6d\x4f\xc6\x1d\x02\xd1\xbd\x3f\xcc\xcf\xff\x22\x10\ \xdd\x4e\x5e\x27\xd9\x76\x76\xcf\x6f\xf1\xb6\x94\x13\x17\xd1\x7b\ \x3c\xe6\x09\x04\x76\xbc\x8b\x88\x4d\x79\xf6\x04\x0a\x7f\xbf\x60\ \xf9\xb5\x22\x48\xc9\xff\x4c\x88\x6b\xbc\x55\xb1\x29\xc4\x96\xf0\ \x00\xf7\xc2\x07\x27\x73\xd6\xf3\x68\x1c\x63\xf4\x13\x2f\x5b\xb5\ \x15\x91\x7f\xa1\x45\xc2\x7b\x0b\xcd\x35\x81\xd0\x5e\x91\xf0\x1f\ \xad\xc0\xf6\xd7\x56\xcd\x35\x6a\xd4\xd8\x5c\x48\xb1\x57\xc2\xb9\ \x2d\xce\x4f\x59\x72\x20\xe9\x91\x58\x28\xc8\x3b\x8b\xdb\xad\xc5\ \x44\xb7\x22\x79\x13\xe1\x76\x63\x6d\x4c\x84\x4b\xed\xc4\x45\x17\ \xcb\x74\xaa\x5b\x56\xbe\x81\xdb\x04\x0e\xf1\xe1\x20\x7e\x7d\x87\ \xa0\xfe\x8c\x59\xef\xf6\x27\x9c\xd5\xe2\x6d\xbd\x2c\x59\x42\x7a\ \x2c\xe9\x4c\x63\x37\x01\x98\xc8\x33\x99\xc8\xb3\x4f\xf1\x13\xfc\ \x9c\xf5\x1b\x83\x4b\xcf\x7b\x6c\x23\x4b\xeb\x4d\x25\xb6\x19\x7a\ \x71\x5e\xc2\xbb\xf7\x65\xc1\x8b\x84\x8d\x26\x8b\x5c\x6e\xd5\x00\ \x2b\x5b\x49\xf5\x18\x21\xbc\xed\x48\xdb\x83\x6b\x83\xe8\xe2\xd2\ \xb6\xa8\xf9\x3a\xf5\xa6\xcb\x35\x6a\xd4\xd8\x3c\x48\xd1\x97\x70\ \x04\x5e\x95\x84\xad\xd8\xe6\x1e\x10\x62\xec\x36\xf7\x6d\xdb\xa9\ \xa4\x82\x38\xb2\xe8\x82\x92\xfd\x8e\x97\x9b\xac\x22\x2c\x65\x69\ \xe3\xe1\x68\x3b\x71\xe2\x55\x7d\x99\x88\x88\xbb\x85\xab\xf0\x33\ \xd6\x6f\x08\xe1\x0c\xdf\x25\x84\x85\x24\x90\x81\x57\xe2\xcd\xbb\ \xb0\xf0\xa8\xa0\x72\x4c\xfb\xc5\xad\x8a\xf3\xed\x16\xef\xad\x93\ \xc8\x3b\x5f\xae\x48\x3f\x56\x08\x1d\xbb\x27\xc4\x8a\x7e\xbb\xb0\ \x3b\xde\x36\x53\x4d\x3e\x55\x62\x4b\x3b\x10\x34\xde\x33\x35\xf8\ \xe5\xf6\x2e\x35\xa2\xa3\x1d\xcf\xc0\xaa\x5a\xb5\x64\x32\xfc\x0d\ \x82\x18\xe3\x77\x34\xef\x62\xed\x46\x6e\x4d\x82\x64\xe0\xf2\x56\ \x78\xc9\x43\xea\xd0\x91\x35\x6a\xd4\x78\x6a\xc8\xc4\x9e\xd3\x5b\ \x1c\x9b\x70\x5a\xc2\xd2\x5e\x16\xf5\xd1\xbb\x17\xe9\xde\x98\x43\ \x73\x26\xe9\x14\x41\xc4\xda\x63\x2c\x21\x28\x9b\xcb\x44\xca\x65\ \x7f\xc3\xc2\x44\xb6\x31\x77\x9c\x59\x8c\x66\x7f\x99\xfa\xad\x91\ \xfb\x9b\xd2\xfe\x4d\x73\xed\xe4\x27\xc2\x2a\x42\x9d\xcf\xef\x44\ \x9c\xf3\x48\x05\x82\xf6\x7d\x9a\xb7\xf3\x50\x5b\x97\xdb\xc0\x1b\ \x66\x31\x6f\x29\x8d\xc3\x8d\x48\x2c\x8b\xfd\x28\xb6\x5b\x45\x58\ \x63\x7d\x2b\xeb\x6b\x2a\x70\x62\x3f\x62\xfd\x13\x7c\xbd\x15\x7c\ \x67\xef\xb1\x8d\x69\xc3\xe6\x20\xb6\x19\xb2\xe8\x53\xef\xdc\x97\ \xfd\x4f\x11\xcc\xb7\x27\xaa\xcb\xa5\x7a\x95\x93\x08\x56\xcd\x37\ \xd3\xbc\x19\x0f\xb0\x72\x98\xeb\xda\x62\xe6\x1f\x86\xa4\x1a\x35\ \x6a\xd4\xd8\x2c\x68\xa4\x4c\x6b\x32\x2f\x09\xd1\xa9\x0e\x6f\x71\ \x48\x83\x85\x93\x98\xdd\xa0\xbf\x87\x74\xaa\x60\xd9\xdc\x2b\x10\ \x97\xde\xf0\x97\x26\x68\xd2\xcc\xa2\x58\x0d\x09\xe2\xb8\xec\x6f\ \x43\xfb\xaf\x2d\xaa\x4e\xdb\x04\x75\xb0\xc5\x50\x93\xa1\x56\x38\ \x1e\x6c\x05\x42\x91\xd1\xdd\x34\x09\x3a\xe7\xde\x84\xde\x94\xde\ \x06\x7d\x93\x69\xee\x8a\x99\xed\x58\xc1\x7b\x09\x81\x20\xb2\xfd\ \x72\x8b\x5c\xe5\x44\x38\xdb\x4e\x79\x37\xe1\x7b\x0c\x3e\x41\xfa\ \xbc\x60\x74\xf6\xa4\x74\x32\x43\x95\x88\x3d\xd6\xaf\xaa\x7e\xc4\ \xb8\xdc\x1e\x21\xca\xe1\x77\x70\x0b\x0f\x0c\x07\xbf\xd9\x2f\xe9\ \x12\xd5\xe3\xe6\x24\xb6\x84\x45\xc5\x22\xfc\xfd\x2e\x9c\x75\x1c\ \x7d\xcf\x18\xe7\x45\xc6\x2b\xf6\x60\x84\xe8\x0e\x0b\x7e\xbc\xbf\ \xc3\xed\xac\x5f\x11\xc4\xcc\x57\xa4\x5c\xdc\x0c\x8b\x9b\xad\x66\ \x69\x56\xa3\x46\x8d\x1d\x1e\x59\xe4\xc3\xfe\x9e\x40\x80\x07\x5a\ \xcc\x16\x22\x56\xed\x95\xb2\x67\x2b\x30\x1d\x7d\xad\x10\x14\xa8\ \xbf\x5d\x3e\x4f\x28\x07\x93\x30\x2f\xad\x4d\x78\xbc\x15\x08\xc1\ \x1a\xac\x6e\x05\x2b\xd9\xf5\xed\xf3\xb5\x49\x38\x1f\x42\x33\x69\ \xff\x19\x69\x30\x63\x64\x1b\xad\x60\xd3\x35\x27\x09\xf4\x75\x7e\ \x2b\xb8\xd5\x2c\xee\x63\x5e\x3f\x33\x66\xb5\xe3\x08\x2f\x34\x3a\ \x0a\x53\x19\xc1\x2b\x13\x51\x57\x89\x6d\x53\x41\x11\xfa\x5d\x61\ \x4e\x7e\x81\x60\x65\x3c\x94\x2b\x9f\x6f\xa3\x93\xc8\x58\x49\x7e\ \x8c\x4e\x30\xa2\x4b\xbe\x82\xe6\x2a\xbe\xd7\xe6\x66\x6f\xd4\x45\ \x1e\x2d\x9b\x9b\xd8\x66\x18\xc0\xd9\x29\xef\xdc\xaf\xcd\xe5\xce\ \xd6\xf9\xc1\xe7\xd3\xf2\xe8\x24\x82\x4e\x85\xd0\x91\x77\xe1\x37\ \x21\xec\xd6\xea\x75\x21\xe4\xd8\x97\x05\x37\xa2\xbb\xd5\xe2\xe5\ \x1a\x35\x6a\x6c\x19\xa4\x85\xf3\x6c\x37\xb4\x46\xee\xbc\xf8\x5b\ \xac\x53\xac\xff\x54\xfa\x90\x26\xc1\x49\x64\x76\x8b\xc5\x09\xcf\ \x6e\x71\xfc\x00\x8b\xf7\xa1\xef\x08\xd2\x85\xca\x23\x33\x51\x4e\ \x58\xcb\x88\x71\x46\xfc\x9a\xb8\x46\xd8\x6c\xfd\x50\x3c\xbf\xa2\ \x0e\xe3\xe3\x5c\xab\x08\x6e\x16\xb9\xf0\x07\xb8\x81\x55\x83\x7c\ \x50\x30\x84\x9a\xf0\xe6\xee\x5b\x1a\x5b\x8a\xd8\x32\xc2\xe5\xbe\ \x6b\x80\x33\x8f\x2f\x44\x9f\x1a\x8f\x8e\xa0\x88\x4e\x2f\x22\x1b\ \x6d\x8f\xe0\xf7\xb8\x99\xa1\x15\xdc\xd3\x0c\x04\xf7\xe2\xb6\x51\ \xd5\x6a\x35\xe1\xad\x51\xa3\xc6\xce\x81\x14\x92\x10\xd4\xe3\x10\ \xbc\x2c\xe1\xd4\xbd\x98\x77\x0c\xe9\xd3\x04\xa2\x5b\xb6\x3b\x52\ \x96\x36\x11\xc9\x63\x8f\x11\x57\x9b\x19\xc2\x4e\x02\xbb\x46\xae\ \x91\xd5\x29\x12\xe3\x18\x33\x16\xbb\x7e\x8f\xa0\x33\xfc\x16\xcd\ \xfb\x02\x73\xf5\xb7\x42\x70\xa4\xae\xe1\x66\xf3\xe8\xd9\x82\x6d\ \xb7\x84\xd5\xc5\xb7\x07\xb9\xe7\x0e\x0e\x7f\x90\xe9\x73\x31\xd5\ \x88\x18\x23\x7b\xb0\x55\x22\xe3\x56\xae\x6c\x95\x21\x55\x66\x64\ \xd0\x2f\x88\x4c\x0e\x27\x9d\xcb\x6e\xc3\x3c\x7d\x2d\x2f\x1d\xe4\ \x04\x4c\x4a\x46\x76\x0e\xac\x89\x6e\x8d\x1a\x35\x76\x64\x64\xd3\ \xe2\x5a\x41\xc2\xf7\xed\x16\x97\xaf\x66\xe5\x6d\xcc\xff\x13\xbb\ \x4e\x23\xd9\xcd\x58\x22\x9a\xff\xcd\x1f\x97\x89\x9e\xf3\x44\x72\ \x9a\xc0\xd9\xde\x89\x5f\x08\xf6\x3b\xbb\x19\x4b\xa4\x8b\xc7\xb1\ \xf3\xb2\xeb\x5d\x83\x4b\x59\xb3\x92\x2f\xe0\xf5\x82\xd8\xb8\x6b\ \xe7\xf4\x2d\x49\x6c\x33\x6c\x14\xdc\x66\xaf\x78\x84\x7d\x7e\xcf\ \x82\x3e\x1a\x73\x54\xcb\xe0\x63\x0f\x3a\xf6\x32\x44\xea\x31\x22\ \xa7\x99\x85\x43\x49\x0e\xa4\x77\x2a\xf3\xd7\x70\xda\x7a\xce\x68\ \xb1\xaf\xe0\x90\xbd\x4a\xf7\xef\xe7\x58\xa3\x46\x8d\x1a\x9b\x03\ \x2d\x41\xbd\xfa\x93\x16\x97\xaf\x0a\x86\xa6\x07\xac\xa6\x7f\xae\ \x91\x8d\x1a\x8a\xf3\x6c\x99\xe4\xb1\x8c\x58\xb6\x04\x8e\xf9\x50\ \x81\xca\xff\x48\x60\xb2\xe6\x18\x3b\xa7\x97\x5d\x27\x76\xcd\x54\ \x98\xb0\x2f\x0d\x91\xa0\xfe\xb8\x91\xff\x2e\x6c\xf0\xfe\xd8\xf8\ \x6e\x7f\xdb\x61\x6b\x10\x5b\xc2\x73\x7b\x04\xdf\xdc\xc8\xfd\xb7\ \x71\xc4\xc3\x0c\xcc\x25\xe9\x17\xd7\xdd\x8e\x87\xf0\xc6\x5e\x5a\ \x8c\x43\x6e\x0a\xd6\x0a\x0b\xf1\x74\x92\x39\xec\x36\xc8\x31\x6b\ \x39\x6f\x88\x63\x21\x0d\xa6\xeb\xeb\x72\x97\xad\x51\xa3\x46\x8d\ \x1d\x19\x8f\xe2\xca\x26\xd7\x3e\xc0\x82\x3b\x99\xbb\x3b\xe9\x0c\ \x71\x2f\x90\x2a\xae\xb4\x58\x36\x3b\x6e\x09\x3b\xd9\xf4\x09\x7a\ \xd5\x26\xf6\x89\xd4\xef\x34\x9f\x67\xed\xde\x82\xff\x64\xf0\xfe\ \xe0\x33\x7b\x81\x40\xc7\x63\xe1\xad\xbb\x0e\x5b\x8b\xd8\x66\x18\ \x12\x62\x54\x7c\x6b\x05\xf3\x7e\xc7\x82\x29\x34\xf6\x54\x2e\xb7\ \xcf\x1f\xc7\x08\x70\xac\x8c\x42\x99\x3c\xb7\x9b\x08\xc6\x5a\x4f\ \xc7\x62\x7a\x27\xb1\xdf\x2a\xce\xdc\x18\x22\x9d\xec\x8e\x3f\xe1\ \x09\x23\xe2\x97\x1a\x35\x6a\xd4\xd8\x51\xd1\x12\x7c\x50\x2f\x5f\ \xcb\xdc\x9b\x39\x6c\xb2\x40\x10\x63\x3a\xd6\xe2\x3c\xdb\x49\xe2\ \xa8\xdd\xce\xde\xc2\xbc\xfb\x03\xc1\xdc\x7a\xa1\xb1\x5c\x6c\x56\ \x27\x46\x78\x37\x08\xdb\xc4\xfd\x88\x65\xeb\x83\x4b\xcf\x3b\xf1\ \xe0\xa6\xdd\xf2\xb6\xc1\xd6\x26\xb6\x19\xf2\x5c\xee\x51\x0f\x32\ \x75\x7e\x8e\xcb\xed\xc4\xad\x8e\xe7\x45\x57\xd5\x23\x2c\x85\xa6\ \x08\x16\x5c\xc7\x90\xcc\x64\xc6\x6a\x8e\x7f\x82\xd7\xe1\xc0\x24\ \xe8\x9b\x1f\x16\xc6\x4a\x4d\x74\x6b\xd4\xa8\xb1\x23\x22\xc5\xdc\ \x84\xff\x96\xf0\xd2\x59\x4c\xbd\x53\x10\xd5\x2e\x52\x4e\x04\xe5\ \xd2\x8b\xc7\x45\xee\x36\xab\x37\x53\x20\xe2\x57\x0a\x5c\xd7\xbe\ \x46\xdb\xee\xc4\xec\x73\x7a\x84\x95\xc0\x97\x69\xfe\x81\x5f\xb6\ \x78\x2d\x2e\xb6\x1d\xaa\xfe\xb6\x15\xb1\x65\x84\xcb\xbd\xf4\x11\ \xe6\xff\x86\x45\xfd\x24\xd9\xee\x1b\x13\x21\xa0\x45\xc2\x1c\x13\ \x4b\x67\xe7\xb1\x17\x4a\x50\xe0\x1f\x83\xfd\xe9\x5d\xcf\x61\x2b\ \x78\x55\x8b\x93\x85\x85\xd8\xdd\x46\xc7\xcc\xae\x51\xa3\x46\x8d\ \xed\x1d\x33\xf0\xd7\xf8\xd4\x1c\x4e\x3a\x83\x81\xd3\x04\xae\xf3\ \x47\x02\x91\x3b\xcc\xd8\xb8\xd0\x19\xaa\xf4\xb8\x65\xd6\xca\xd3\ \xb1\xa7\xb0\xbb\xcc\x54\xc1\x31\xb8\x25\xce\x38\xf5\x08\x84\xf9\ \x5b\x21\x12\xd4\x47\xf0\x46\x61\x7b\xf4\xed\x72\x1e\x8e\x3d\xab\ \x6d\x81\x5e\x61\xbf\xdc\xf7\x2f\x64\xce\x99\x82\xa9\x78\x46\x74\ \xcb\x2c\x90\x63\x88\xbd\xe0\x98\x88\xba\xcc\xb4\xbd\x29\x18\x09\ \xac\x11\xac\xdd\xae\xc7\xea\xb0\xc1\xf0\x17\x5b\x5c\x24\x6c\x87\ \x58\xa3\x46\x8d\x1a\xdb\x2b\xa6\x0b\x84\xeb\x6d\x7b\xb0\xd7\xf3\ \xf0\x34\x81\xfb\xc9\xe6\xc1\xb5\xf8\xac\x60\x41\x7c\x81\xd1\x91\ \x00\xcb\x5c\x2f\x33\x74\xb2\xab\x49\xf1\x6b\x61\x07\xa1\x0b\x04\ \xdd\x5d\xbe\x5c\x43\x10\x2b\x5e\x4c\xf3\xc1\x60\xd0\xfc\xe7\x42\ \x74\xc0\xae\xb5\x34\x1e\x0f\xb6\x25\x67\x9b\xc7\xb0\x10\x08\xea\ \xbf\x1e\x65\xce\x0d\x1c\xd8\x47\x3a\xcf\x58\xa7\xeb\xe2\xea\x47\ \x24\xbf\x4c\xaf\x1b\x2b\x1b\x23\xbc\xc3\xc2\x83\x59\x28\x70\xbb\ \xb3\x19\x58\xcd\x71\x8f\xf3\x1a\x3c\xbd\x2d\x62\xde\x94\xfd\x1c\ \x6b\xd4\xa8\x51\x63\x5b\x61\x5a\x12\x36\x4b\xff\xfc\x2c\xce\x7a\ \x21\xd3\x5e\x28\x88\x77\x8b\x16\x46\xbd\x02\x57\x7b\x95\xb0\x19\ \xcc\xa1\xe2\x93\xdd\x78\x8d\xa4\xf2\xc7\x2d\x81\xbb\x7d\x44\xf0\ \xd5\x39\x22\x57\x66\x92\xc0\xe4\x7c\x95\xa1\xc7\xf8\x3c\x5e\x25\ \x84\x4d\xd8\xee\xe7\xda\x6e\x21\xb6\x8c\x98\xa4\x5f\x31\xcc\x9d\ \x77\x72\xf4\xdd\x4c\xdb\xd7\x68\xbf\xdc\xa2\xb8\xa1\x48\x30\xcb\ \x5e\xb4\x48\x9d\x22\x8a\x06\x55\x59\xdd\xd9\x24\x47\x90\x2c\x62\ \xf2\x30\x4f\x5b\xc9\x39\xc3\x21\x38\xca\x06\x41\xc4\xbc\xdd\xe9\ \x0f\x6a\xd4\xa8\xb1\xd3\x60\x40\xd8\x85\xe7\xa2\xdd\x38\xef\x64\ \x76\x7b\x11\x49\xe6\x86\x43\x7c\x3e\x9d\x24\x70\xbc\x3f\x14\xdc\ \x34\xf6\x33\x96\x93\x2d\xd3\xd3\x16\xcb\xc4\xe6\xee\x39\x02\x31\ \x9f\x29\x70\xb7\x6b\xf1\x55\x5c\x1b\xe2\x1a\xbf\x09\xff\x2c\xa8\ \x8f\xb7\x4b\xb1\x71\x11\xdd\x44\x6c\x33\x6c\xc4\xef\x5a\x5c\xf1\ \x28\xb3\x7f\xcb\x81\x53\xda\x3b\x6d\xc4\x06\x06\x63\x57\x4e\x31\ \x62\x9c\x3f\x2e\x53\xf2\xc7\x0c\xaf\xf2\xab\xb1\x5d\xf0\x34\x92\ \x43\xe9\xed\x61\xc1\x63\xbc\x68\x03\x67\x25\x61\x5c\xde\x2f\x48\ \x9f\x77\x88\x81\x51\xa3\x46\x8d\xed\x1e\xfd\x09\x67\xe0\x13\xd3\ \x78\xc3\x73\xd8\xe3\xcc\x10\xe8\x07\x63\xe7\xcd\xec\x38\x8f\x29\ \x58\x80\x6f\x09\x04\x71\xf7\x8a\x7a\x31\x42\x5c\x36\xd7\xb6\x84\ \xe0\x43\xab\x04\x6e\x65\x0a\xbe\x44\xf3\x81\x10\x74\xe3\x7c\x61\ \xef\xf2\xe2\xb6\xb7\xdb\x35\xba\x91\xd8\x32\x12\x7d\xea\x3b\x43\ \xfc\xf1\x4e\x8e\xbc\x8f\x81\x7d\x48\xf2\x5c\x6e\x11\xc5\x97\x5a\ \xe6\x34\x5d\x3c\x2e\xd6\x8f\x19\x01\xe4\x89\x6e\x9f\xb0\xca\x3b\ \x9c\xc6\xae\xcc\x5e\xcd\x49\x4f\x70\x96\xa0\xef\x7f\x48\xe0\xd0\ \xb7\x7b\xb1\x47\x8d\x1a\x35\xb6\x4b\xf4\xe2\x39\xf8\xd0\x54\xfe\ \x6a\x29\xfb\x9e\x49\xcf\x7e\x46\xb6\xe0\xcb\x50\x35\x27\x66\xe7\ \xd3\x05\x3d\xea\x0f\x71\x90\x30\xff\xe5\xcb\x14\x8f\xcb\x38\xdc\ \x22\x92\x76\x47\x7f\x84\x9b\x59\xb1\x96\x7f\x10\x42\x2e\x3e\x60\ \x07\x64\x5a\xba\x95\xd8\x66\x18\xd4\xd6\xa5\x3f\xc2\x1e\x37\xb3\ \xff\x64\x7a\x8a\xd1\xa7\xca\xac\x8c\xcb\xac\x98\xc7\x73\x2c\x92\ \x5e\x24\xba\x93\x30\x17\x4b\x48\xf7\x64\xb7\x35\x3c\x73\x0d\x2f\ \x6d\x85\x31\xf9\x88\xb0\x01\x46\x57\xc6\xe9\xac\x51\xa3\xc6\x0e\ \x87\xde\x84\xa3\xf1\xbe\x3e\xfe\x6e\x09\x87\x9e\xc9\xa4\x83\x85\ \x89\xbe\xe8\xb5\x51\x46\x28\x8b\xe9\x4d\xcc\x13\x38\xd0\xbb\x84\ \xc9\x4d\xa1\x7c\x99\x8e\xb6\xd8\x66\xf1\xb7\x81\x6b\x59\x3b\x14\ \xc4\xc6\x9f\xb5\x03\xef\xd4\xd6\xed\xc4\x36\xc3\x32\x21\xc6\xf2\ \x03\x77\x72\xc8\x43\x4c\xdb\x8b\x64\x40\xb9\x59\x7a\xec\xbc\x2a\ \x3d\x46\xa0\x63\x65\x8b\xcb\xad\x96\xb0\x5a\x9c\x8d\xc3\x49\x16\ \x30\xb0\x91\x25\x6b\x38\x73\x38\xc4\xce\x78\x42\xf0\xd7\xdd\x50\ \xd2\x9d\x1a\x35\x6a\xd4\x78\x2a\x48\x71\x30\xfe\xae\x97\xf7\x2c\ \x66\xe9\x8b\xe9\x3b\x52\xe0\x42\xab\x82\x53\xc4\xac\x85\xf3\xf9\ \x19\xa1\xcc\x08\xee\x8f\x05\x4e\x77\x8f\x48\x1d\x85\x3a\xf9\xf3\ \xd8\x75\xb2\xb9\xf4\x37\x6c\xdc\xc8\xe7\x5a\x81\x96\xef\x70\x1c\ \x6d\x86\xed\x85\xd8\x12\xb8\xdc\xeb\x5a\xfc\x68\x05\xb3\x6f\x65\ \xe1\x64\x1a\x7b\x98\xb8\xee\xa0\x6a\x15\x17\x33\x59\x8f\xb5\x11\ \x6b\x9f\x60\x2a\x7f\x08\xf6\x63\x4a\x8b\x83\x1e\xe7\x8c\x41\x8e\ \x13\xf4\x0f\x0f\x09\x76\x00\x35\x6a\xd4\xa8\xb1\x39\x30\x0f\x7f\ \xd3\xe0\xff\x2c\xe0\xc4\xd3\x18\x38\x56\xb0\x88\x2a\x53\x93\xc5\ \xd2\x62\x4c\x45\x71\x6e\x9c\xda\x4e\xbf\x46\xb0\x4e\xee\x51\xae\ \xef\x8d\x71\xd1\x31\x37\xcc\x61\x5c\xcb\x86\x8d\xfc\x47\x2b\xf8\ \xd0\xee\xb0\xd8\x9e\x88\x6d\x86\x87\xf1\xed\x0d\x3c\x7c\x27\x07\ \x3f\xc4\xb4\xb9\x6d\x5d\x6e\xcc\x31\x9a\xd1\x2f\x9b\xb1\x2b\xab\ \x62\xb9\x2a\x54\xe9\x28\xb2\x36\x5b\xc2\x60\x7f\x9a\x10\x12\xb2\ \xc1\xc2\xc7\x78\xf1\x20\xcf\x13\x56\xa1\xf7\x0b\x44\x77\x87\x5d\ \xc5\xd5\xa8\x51\x63\x8b\x62\x06\x2e\x48\xf9\xd8\x9e\x9c\xf9\x02\ \xa6\x3f\x57\xd8\xbd\x27\xc6\x58\x88\x9c\x57\x31\x17\x8c\x9d\x33\ \x9b\x82\x51\xca\x75\xc2\x24\xb6\x8f\xb1\x73\x6e\xcc\x40\xb5\x8a\ \xd1\xd9\x80\x5f\xb0\x76\x98\x4f\x0a\x12\xcc\x1d\x76\x4e\xdc\x1e\ \x89\x2d\x81\xcb\xfd\x55\x9b\xcb\xdd\xeb\x16\x61\x27\xa1\x3d\xdb\ \x99\x31\x9d\x41\x95\x88\x38\xa6\x6f\x88\xa1\x93\x31\x41\xb1\xfd\ \x6c\x03\x84\x45\x38\x84\x9e\x7e\xf6\x5e\xc5\x69\x1b\x38\x0d\x53\ \x93\x10\x87\xb9\xb6\x60\xae\x51\xa3\xc6\x78\xd1\x8f\x17\xe0\x13\ \xd3\x79\xe3\x89\xec\x7e\x1a\xc9\x6c\x71\x9b\x95\x4e\x12\xbd\x4e\ \x12\xbb\xe2\xbc\xd6\x10\x6c\x55\xae\x16\x24\x78\x0d\xf1\xb9\x70\ \x3c\xe2\x69\x82\x15\xec\xaf\x82\x51\xf2\x07\xec\xe0\x0c\xc8\xf6\ \x4a\x6c\x33\x2c\xc7\xa5\x83\x2c\xbb\x9d\xc3\x1f\x68\xfb\xe5\xf6\ \x29\x77\x13\xca\x8e\xcb\x14\xfa\x65\xe5\xf2\xe7\xf9\x41\x14\xe3\ \x9a\x8b\x75\x9a\xc2\x00\xdd\x57\xd8\x75\x68\x3a\xbb\x3f\xc2\xf3\ \x36\x70\x0e\xa6\x27\xc1\xf6\xa0\xde\x5f\xb7\x46\x8d\x1a\x65\xe8\ \xc5\x91\xf8\x60\x1f\x7f\x77\x0c\xf3\xcf\x26\x99\xaf\x3c\x96\x80\ \x48\x7a\x0c\x55\x4c\x48\x91\x58\x37\x05\xf7\x9f\xeb\x85\x48\x7b\ \x73\xc5\xb9\xd9\x4e\x12\xc0\x44\xe0\x8e\xef\xc0\xed\xdc\x8c\x8f\ \xda\xc1\xe7\xbf\xed\x9d\xd8\xb6\x04\x5d\xe8\xf5\xad\xb0\x5f\xee\ \x82\xdf\xb2\x70\x6a\xce\x2f\xb7\xb8\xc2\xea\xa4\xb7\x88\x89\x9a\ \x8b\x83\x25\xa6\xcf\x2d\x13\x5f\xe7\xaf\x9b\xed\xb1\xbb\xb7\xb0\ \xf9\xc1\x2c\x76\x5d\xc1\x73\xd6\x86\x50\x95\xb3\x05\x9d\xc5\x6a\ \x3b\xf8\xa0\xab\x51\xa3\xc6\xb8\x91\xe2\x80\x84\xf7\x36\xf8\xc0\ \xc1\x1c\xfe\x32\x7a\x0e\x2d\x14\xaa\x62\x1e\x8a\x44\x33\xc6\xc9\ \x8e\xc7\xa6\x25\x4b\x6b\x08\xba\xd6\x5f\xe3\xf0\x48\xb9\x32\x8e\ \xba\x28\x15\x4c\xf1\x4b\x9a\x0f\x73\xa9\xb0\xa9\xcf\x0e\xcb\xd5\ \xb2\xfd\x13\xdb\x0c\x99\x5f\xee\x25\x1b\x79\xe8\x56\x96\xde\x47\ \xff\x01\xc2\x72\xb0\xcc\xc8\xa9\x6a\x45\x58\xc5\xad\x8a\x9c\x17\ \xeb\xc4\xf2\xf2\x75\xb2\x15\xe2\x52\xec\xc9\xc0\x23\x1c\xbb\x86\ \x57\x27\x61\xb1\x78\x97\xe0\xab\xbb\x43\x0f\xbe\x1a\x35\x6a\x94\ \x22\x15\x82\x2b\xfd\x4d\xc2\x27\xf7\xe1\x59\xe7\xd0\x7b\x9c\x40\ \xec\xaa\x74\xad\x55\x28\x63\x1c\x3a\xd5\xc9\x97\x6b\x0a\x86\xa0\ \xd7\x0a\x3a\xdc\x4c\x4f\xdc\xe9\x5a\x45\x0c\xe3\xe7\x0c\x3f\xc1\ \xbf\xe0\x37\x1d\x3b\xbf\x9d\x63\x47\x21\xb6\x19\x86\x05\xfd\xfd\ \xc5\x2b\x59\x7c\x3d\x0b\x77\x21\xd9\xdb\x58\x17\xa1\x32\x23\x82\ \x18\x27\xdc\x69\x55\x98\x6f\x33\x7f\x5e\xcc\x8b\xad\x18\x87\x05\ \x4b\x87\xa5\x98\x4f\xdf\x63\x1c\xbd\x8a\x0b\x05\x55\xef\xdd\x82\ \x05\x73\x8d\x1a\x35\x76\x1e\xf4\x25\x21\x8a\xd2\x17\x76\xe7\xac\ \x33\xe9\x3f\x45\x50\xd6\xc6\x62\xc5\x57\xf9\xcf\x32\x76\x2e\x2a\ \xd6\x2b\xaa\xc4\x8a\x75\x63\xfa\xd7\x29\x42\x70\xf8\xe5\x82\xdf\ \x6d\xde\xbd\xa8\x6c\xde\x2c\xf6\x65\x35\x7e\xcc\xaa\x16\x1f\x14\ \x0c\x5f\x77\x68\xe6\x62\x47\x23\xb6\x19\x56\xe3\x2b\xc3\x81\xcb\ \x7d\xc6\x7d\x4c\x5d\x68\x44\x97\x5b\x45\x08\xb3\xb4\xd8\x00\x55\ \x52\xa6\x38\xd0\x63\x03\xbf\x6c\x75\x97\x27\xba\xbb\x0a\x4a\x99\ \x03\x98\xb4\x96\xc3\x57\xf2\xea\x56\xf0\xd5\xbd\xbf\xfd\xb7\x43\ \x0f\xc6\x1a\x35\x76\x72\xa4\x49\xf0\x58\xb8\x68\x2a\x6f\x3e\x89\ \x99\x67\x0a\x8b\xf1\xfc\x46\x01\x45\xe6\x40\x21\xaf\xcc\xa2\xb8\ \x58\x2e\x96\x36\x11\x77\xa1\x5e\x41\x77\x7b\x98\xd1\x6e\x40\x55\ \x12\xc4\xac\x7e\x2a\x6c\xe1\x77\x63\x98\xd7\xfe\xc9\x0e\x1c\xcc\ \x22\xc3\x8e\x4a\x6c\x5b\xc2\x62\xeb\x06\x7c\x73\x25\xfb\xfe\x8e\ \x85\x7d\x39\x5d\xee\x78\x94\xf8\xc4\xb9\xda\x18\x97\x5b\xe5\x6b\ \x16\x5b\x79\x96\x11\xe2\xa6\x10\x83\xf9\x50\x1c\xc4\xa4\x8d\x2c\ \x5e\xc1\x79\xcd\x10\x19\xe6\x7e\x61\x41\x59\x13\xdd\x1a\x35\x76\ \x2c\x1c\x84\x0f\x4d\xe2\x5d\x47\xb3\xef\x39\xf4\x2c\x50\xad\xea\ \x2a\xe3\x68\xcb\xb8\xcb\x62\x3b\xb1\x36\x8b\xf3\x53\x91\xeb\xcd\ \x5f\xbb\x5f\xd0\xdb\xce\x16\xe4\xdd\x55\xd7\x28\x5e\xa7\xbd\xcd\ \x5e\xf3\x1e\x7e\x82\xff\xb0\x13\xcc\x69\x3b\x2a\xb1\xcd\xd0\x12\ \xc2\x26\x7e\x73\x90\x87\xee\x6c\x5b\x2c\xef\x23\x0c\x94\xaa\x2d\ \xa3\x62\x2e\x3e\x55\x2b\xb5\xe2\x79\x95\xbf\x5a\x27\xf7\xa1\xcc\ \xb0\x6b\xaa\xb0\xf1\xc1\x41\xf4\x6e\x64\xd1\x23\xbc\xac\x4d\x74\ \x1f\x14\x08\x6f\x6d\x48\x55\xa3\xc6\xf6\x8d\x59\x78\x07\x3e\x7e\ \x20\x47\x9f\xcd\xe4\x25\x24\x59\x78\x45\x26\x2e\x16\x66\x2c\x21\ \xce\x7e\xcb\x24\x79\x0a\xf5\x3a\x19\x86\xa6\x42\x1c\xda\x1b\x05\ \xae\x7b\xb1\x11\x55\x5d\xac\xbd\xfc\xb5\xb2\xfb\xba\x8a\xe4\x51\ \xbe\x84\x9f\xa9\x89\xed\x0e\x83\xcc\x62\xf9\x7b\x6d\xbf\xdc\x85\ \xbd\xf4\xec\x65\xfc\x7e\xb5\xf9\xb4\x58\xb9\x32\x31\x71\xb1\x5e\ \x95\x38\x39\xd6\x97\x6c\x05\xb9\x98\xe4\xe0\x36\xd1\x5d\xc9\xd9\ \xc3\x81\xe8\x2e\x17\x08\x6f\x1d\x7f\xb9\x46\x8d\xed\x0b\x03\x09\ \xaf\xc0\xa7\xe7\xf0\x92\x17\x33\xf5\x39\x46\x82\xf3\x30\x7e\x75\ \xd6\xa6\xa0\x8a\x41\xe8\x74\x9d\x1e\xc1\x82\xf3\x62\x86\x96\x87\ \xed\xf0\x06\x8e\x20\x19\xcf\x5c\x99\x61\x08\x57\xb3\x7e\x2d\x9f\ \xc0\x2d\x13\xe8\xfa\x76\x8b\x9d\x85\xd8\x12\xc6\xd2\x32\x21\xfa\ \xd4\x83\x77\x72\xe8\xc3\xec\xba\xb7\x91\x30\x64\x55\x2b\xc8\xfc\ \x79\x99\x21\x41\x0c\x9d\xc4\x3c\x65\x3a\xde\x58\xe7\x33\xa2\xbb\ \x98\xc9\x43\x2c\x5a\xc5\x99\x43\x1c\x95\xf0\xa8\x40\x74\x77\xa8\ \x2d\xa9\x6a\xd4\xd8\x01\xd1\xc0\x09\xf8\xd8\x2e\xbc\xe5\x04\xf6\ \x7c\x91\xb1\x41\x29\xaa\x08\x5e\x4c\x2c\xbb\xa5\xf3\xb2\xdf\x61\ \x61\xf7\x9f\xef\xb3\x6a\x35\xff\x9c\xf0\xf1\x16\xa7\x1f\x44\x5f\ \x5f\x45\xbd\x62\xda\x13\xf8\x05\xab\x86\x03\xb1\x7d\x48\xcd\xd9\ \xee\x90\xd8\x80\x5f\xb7\xb8\x72\x39\x7b\xde\x1a\xe1\x72\xab\x06\ \x0b\xe3\x13\x23\xc7\x06\xd8\x44\x44\xc9\x65\x1f\x5d\x26\x5e\x5e\ \x4c\x72\x20\x7d\xc3\x2c\x7e\x8c\x33\x86\x38\x22\x09\x22\xf3\x07\ \xd4\x9c\x6e\x8d\x1a\xdd\x86\x14\x07\xe2\x5d\x93\xf9\x87\xa7\x73\ \xf0\x4b\x68\x2c\x6a\x67\x56\xb9\x27\x16\xc5\xbf\xb1\xf9\x22\x56\ \x37\x56\xa6\x98\x36\x1e\x9d\x6e\x4b\x58\x21\x2c\xc3\x7f\xe2\x26\ \x7e\xb3\x91\xb7\xe1\x73\x09\x8f\x6d\xe4\xcc\xf9\xcc\xde\xbd\xa4\ \x7e\x11\x49\xbb\xad\x5f\xb1\x2c\xe5\xa3\x2d\x1e\x8b\x14\xdb\xe1\ \xb0\x33\x12\x5b\x82\x7a\x21\x8b\xb1\xfc\xe0\x1d\x1c\xbe\x2c\xa2\ \xcb\x2d\x23\xb2\xb1\xc1\x54\xa5\xa3\xcd\xa7\x8f\x57\xdc\x1c\x13\ \x25\xe5\x3f\x90\x9c\x4e\xd7\x01\x4c\x6e\x13\xdd\x17\x6f\x0c\xc6\ \x81\xcb\xda\xf7\x57\x13\xdd\x1a\x35\xb6\x3d\x66\xe0\xc2\x1e\x3e\ \x32\x9f\x53\xce\x60\xca\x33\x84\xa8\x72\x19\x3a\x71\x95\xe3\x21\ \xb0\x55\xba\xd8\xe2\x79\xac\x5e\xd5\x9c\x75\x2d\xbe\xc9\xda\x15\ \x61\xc3\x80\x37\xe3\x57\xc2\xfc\x32\x88\x17\xcc\xe1\x80\x7d\x8d\ \xd6\xdb\x96\x11\xf3\x54\xe0\x08\x6e\xe2\xbe\x16\x1f\x6f\xb7\xb1\ \xc3\x63\x67\x25\xb6\x19\x36\x08\xba\xdc\x2b\x97\x33\xff\x26\xe6\ \x4f\xa5\x27\xb6\x93\x50\xf6\x5b\xb6\x52\x2b\x0e\x30\xe2\x83\xad\ \x13\x17\x3b\x1e\xa2\x9d\xcf\x2b\x10\xdd\xbe\x8d\x1c\xfc\x18\x2f\ \x19\x0a\x36\x0b\x0f\x0a\x84\x77\x58\x8d\x1a\x35\xb6\x36\xfa\xf0\ \xfc\x84\x8f\xcd\xe4\x75\x27\xb2\xfb\x29\x42\x10\x88\x8c\x28\x95\ \xf9\xfb\x8b\xe4\x17\xf3\x8a\x04\xb7\xac\x4e\xac\xfd\x32\x82\x9d\ \x6f\x2b\x15\x62\xc8\x5e\x8a\xab\xb8\x67\x23\x6f\xc7\xfb\x85\x00\ \x42\x59\xb1\x16\x96\xf4\xb1\xf4\x30\x92\xa2\xc5\x66\xec\x9a\xa9\ \x10\x2a\xef\xce\x10\xa6\xf1\x22\x3b\x89\xa1\xe7\xce\x4e\x6c\x09\ \x83\xe5\x61\xed\x18\xcb\xb7\x70\xd4\x4a\xa6\xcc\x25\x29\xfa\xe5\ \x96\x89\x5c\x62\xe6\xf9\x45\x14\x3f\x88\xf1\x70\xbf\x45\xe2\x1e\ \xfb\x38\xb3\xe3\xa6\x40\x74\x0f\xc2\x7e\xf4\xad\xe7\xb0\xc7\x82\ \x21\xd5\x81\x82\xbb\xd0\x0a\x35\xd1\xad\x51\x63\x6b\xa0\x21\x2c\ \x76\xff\xa1\x8f\x7f\x38\x8a\x03\xce\x8c\xb8\xf2\x50\x4d\x50\xf3\ \xf9\xb1\x74\xca\x17\xe3\x55\x28\x6b\x33\x9f\x9f\xe2\x76\x7c\x8d\ \xc1\x7b\xf9\x91\x60\xcc\xf5\x43\x63\xed\x42\x92\x24\x04\x92\x7a\ \xc9\x91\x15\xd7\xc9\xf7\xb7\x07\xb7\x04\xb7\x9f\xeb\xf1\xd5\x09\ \x74\x7d\xbb\x46\x4d\x6c\x47\x30\x28\x48\x4b\xbe\xb3\x8c\x03\x7e\ \xcf\x3e\xd3\xe8\x99\xdd\xce\x8c\xad\x1c\x8b\xc7\x72\x65\x62\x1c\ \x6b\x59\x99\x18\x37\x5b\x6c\xbb\x8c\x38\x17\xeb\x36\x85\xed\xfd\ \x0e\x15\x88\xee\x13\x1c\xfe\x18\xe7\xb5\x58\x20\xec\x32\xf4\xa8\ \x9a\xe8\xd6\xa8\xb1\x25\x90\x0a\x8c\xeb\x9b\x7b\xf8\xd8\xbe\x9c\ \x70\x16\xbd\x47\x1a\x99\x68\xab\x16\xd2\x0a\xe7\x31\x91\x72\x3e\ \x3d\xc6\x8d\x16\xe7\x9d\xaa\xb4\x58\x9b\xa9\x30\x11\x5e\x49\xf3\ \x7b\x3c\xb6\x8e\xf7\xe1\xaf\x05\xc9\x6f\xd4\x61\x22\xa1\x2f\xe5\ \x95\x4b\x68\xf4\xb4\xdb\x88\xdd\x5b\xd6\xdf\x14\xb7\xd2\x7a\x20\ \x48\x15\x2f\x2d\x69\x77\x87\x43\x4d\x6c\xc7\x62\x19\xbe\x3e\xc8\ \xa3\x37\x73\xc4\x4a\xa6\xcc\x23\x99\xac\xdc\x77\xad\x98\x1e\xd3\ \x85\x94\x11\xdc\x2a\x31\x51\x59\x5a\xec\xc3\x2c\xfe\x66\xc1\x31\ \x96\x60\x5f\x26\x3f\xca\x11\x8f\x73\x7e\x33\xc4\x5e\xbe\x43\x30\ \x4a\xd8\x29\xc4\x37\x35\x6a\x6c\x05\xf4\xe2\x84\x84\x7f\xdf\x8d\ \x57\xbd\x80\x5d\x4f\x11\xa4\x4d\x79\x1b\x90\x4e\xfa\x51\x85\xf3\ \x4e\x73\x4b\x11\x65\x79\xc5\xf3\xa2\xc4\x8e\x11\x5d\xea\x57\x68\ \xde\xc6\x6f\x5a\xbc\x06\x5f\xd4\x41\xa7\x9a\xd0\xdb\xe2\x9c\xa7\ \xb1\xcb\x40\xee\x52\x65\x12\xbb\x14\xb7\xd0\x7a\x30\x84\xd6\xbd\ \x5c\x4d\x6c\x77\x6a\x6c\x14\xb6\x6c\xfc\xce\x32\x0e\xb8\x91\xf9\ \xbb\x92\xee\x69\xec\x87\x93\x1d\xe7\xd3\xaa\x44\xc6\xf9\xf2\xc5\ \x76\x8a\x79\x55\xe7\x31\xee\x3a\x5f\x26\x4b\xcf\x88\xee\x51\x98\ \xcf\xe4\x95\x1c\xf5\x78\x88\xbb\x3a\x13\xb7\xe1\x71\x3b\xc9\x60\ \xaf\x51\x63\x0b\x20\xdb\x47\xfd\x83\x29\xff\xe7\x38\xf6\x7e\x19\ \xc9\x1c\xa3\x57\xb2\x65\x73\x43\x8c\x98\x56\xa1\x58\xa7\x4a\xc4\ \x5c\x3c\x2e\x6b\x2b\xbb\x89\x9f\xe1\x52\xd6\xaf\xe6\xd3\x78\x2d\ \x6e\xed\xd0\x9d\xac\x9d\xc9\x2d\xce\x59\xc4\xec\x99\xed\x4b\x56\ \x2d\x08\x52\xdc\x44\xeb\x21\xae\xb1\x13\xec\xf6\x93\xa1\x26\xb6\ \xd5\x58\x86\xff\x1c\x64\xf9\x2d\x2c\x7d\x98\x29\x0b\x85\x7d\x1c\ \xf3\x56\x77\x65\x04\xb6\x4c\x6c\xac\xe4\xb8\x6c\x25\xd8\x89\x8b\ \x56\x28\x57\x3c\x26\xc8\x8d\xa7\xe1\x19\xd8\x9b\x29\xcb\xc2\x2e\ \x43\xe7\x0b\x31\xc5\x6f\x12\x36\x6e\xae\x51\xa3\xc6\xf8\xd1\x97\ \x9c\xb1\x80\x8c\x00\x00\x20\x00\x49\x44\x41\x54\x04\xcb\xdc\xff\ \x98\xc7\xb1\x17\x90\x1e\x66\xf4\x82\x3c\xff\x9b\x1d\x97\xcd\x01\ \x45\x95\x54\x95\xe8\x97\xb1\x73\x41\x31\x4f\x24\xaf\x78\xbd\x86\ \x20\xe2\xfa\x0a\xcd\x5f\xf3\xc7\x61\xde\x88\x0f\x9b\xc0\x7c\x90\ \x92\x36\x39\x7b\x01\xf3\xf7\x2a\x5c\xbf\x28\xc2\xce\xc4\xc8\xbf\ \xa7\xb5\x2c\x30\x34\xdf\x55\x13\xdb\x1a\x6d\x0c\x09\xba\xdc\xcb\ \x97\xb3\xef\xaf\xd9\x6f\x9a\xb0\x93\xd0\xb0\xb1\x04\xb7\x6c\x25\ \x59\xc5\xbd\x96\x99\xf5\x67\x79\x9d\x44\xcf\x65\x7d\x88\x11\xf0\ \x61\x4c\xc7\x31\x98\xc3\xd4\xe5\x3c\xe7\x09\x5e\xde\x2e\x72\xab\ \x9d\x20\x20\x78\x8d\x1a\x4f\x11\x59\x60\x8a\x2f\xed\xc2\x6b\x5f\ \xcc\xd4\xd3\x04\x57\x9e\xfc\xee\x62\x31\xdb\x8b\x7c\x7a\x1e\x65\ \x16\xc4\x9d\xac\x95\xb3\xdf\x2a\xb7\x9f\xa2\x74\x2d\x3b\x9e\x24\ \x04\x8f\xff\x0a\x43\x2b\xb8\x44\x98\x07\xae\x33\x41\xf5\x52\x2b\ \xe8\x6d\x4f\x9f\xcb\x81\xfb\x46\x2a\x17\x17\x00\x09\x6e\x1e\x21\ \xb6\xdf\x53\x13\xdb\x1a\x05\x2c\xc7\xa5\x1b\x79\xe0\x36\x8e\x7e\ \x20\x70\xb9\x49\x9e\xcb\xa5\xda\x7a\xb9\x8c\x18\xc7\x56\xaf\x65\ \x46\x58\xe3\xf9\x28\x8b\x1f\x55\xbe\x5c\xf6\xdb\x14\x82\xb2\x1e\ \x45\x32\x93\x5d\x97\xf3\xfc\xb5\x9c\x2d\xe8\x67\x6e\xb3\x93\xf8\ \xbe\xd5\xa8\x31\x41\x2c\xc0\x3f\x36\x78\xdf\xd1\x2c\x38\x8f\x64\ \x4f\x23\x0e\xed\x65\x8b\xde\x89\xe8\x5a\x3b\x71\xac\x65\xc4\xbc\ \xca\xe5\xa7\x68\x6c\xb9\x1e\x97\xd0\xfc\x05\xcb\x37\xf2\xdf\xf0\ \x5e\x21\x28\xce\xa6\x10\xbe\x56\xc2\xf1\x33\x38\x6a\x71\xe4\x5a\ \xc5\xfb\x4c\x04\x31\xf2\x72\x7e\x89\xef\x6f\xe2\x35\xb7\x3b\xd4\ \xc4\x76\x62\x18\x14\x2c\xe8\xbe\xbb\x82\x79\xbf\x65\xff\x5d\x48\ \xf6\x12\xd7\xcf\x64\xc7\xb1\xf4\xb2\xb4\x4e\xab\xd7\xaa\xe3\xb2\ \x36\xaa\xfa\x04\x73\x70\x04\xe9\x00\x33\x97\x73\xca\x7a\x4e\x17\ \x22\xaa\xdd\xae\x0e\x8c\x51\xa3\x06\xc1\xc8\xff\xf5\x09\x9f\x5a\ \xc0\x73\xcf\x66\xf2\x91\xca\x09\x68\x27\x71\x6e\x96\xb7\xa9\xf5\ \xcb\x16\xd1\x55\xdc\x33\x81\x9b\xbd\x43\x88\xfe\x7f\x3f\xdf\x6f\ \x71\x81\x20\xca\x7d\x2a\x8b\xeb\x24\xe1\xe8\xa9\x3c\x7b\x89\xe0\ \x6b\x5b\xb5\x00\xc8\xc4\xc8\xcb\xb9\x0a\x57\xaa\x89\x6d\x8d\x12\ \xb4\x04\xbf\xdc\x6f\x6d\xe4\xfe\xdb\x39\xf2\x41\x06\xf6\x35\xb2\ \x5f\x2e\x71\xd1\x4d\x3e\x5d\x24\x3f\x76\xae\x70\x1e\x13\x29\xc5\ \xd2\x8b\xd7\xeb\x64\x94\x91\x08\x66\xca\x4b\xe8\x99\xcc\x9c\xe5\ \xbc\x70\x90\x13\x93\xa0\xb7\xfe\x93\xda\x5d\xa8\xc6\xce\x89\x34\ \xe1\x38\x7c\x7c\x57\xde\x78\x32\xb3\x4e\x26\x99\x66\xb4\x44\x2b\ \xf6\x7d\xe7\xcf\xcb\x38\x4e\xe3\xc8\x2b\xfb\xbe\xab\xda\x89\x95\ \x69\xe1\x0a\x5c\xc9\xaa\xb5\x81\x93\xfd\x1f\x42\x7c\x89\xa7\x4a\ \xec\x92\x84\x23\xfb\x39\xe9\x68\x92\x4c\xbd\x16\xeb\x53\x96\x76\ \x23\xad\x47\x82\xff\xee\x8f\x37\xc3\xf5\xb7\x0b\xd4\xc4\x76\xd3\ \xf1\x64\xf4\xa9\x15\xcc\xfb\x3d\xfb\xed\x22\x04\x14\x2f\x13\x05\ \x95\x89\x89\x62\x1f\xe7\x78\x0c\xa1\x62\x75\xcb\x74\x3c\x65\xed\ \x16\xf3\x1a\x98\x8f\x43\x69\xb4\xd8\x67\x05\x67\x0e\x73\x38\xee\ \x15\x02\x86\xd7\xee\x42\x35\x76\x06\xa4\xd8\x03\xff\x73\x12\xff\ \x74\x38\x87\xbc\x84\x49\xfb\xe6\x0a\x74\x12\xd9\x96\xa1\x6c\x3e\ \x88\xb5\xa7\x50\x36\x96\x56\xc5\x45\xb6\x84\x49\xfe\x41\x21\x7a\ \xc4\xad\xdc\xd0\xe4\xf5\xc2\x1e\xb2\x4f\x54\x74\x73\x22\x48\x70\ \xf8\x54\x5e\x78\x54\x07\xce\x36\x2b\x7c\x03\xad\x55\x7c\x07\xbf\ \x50\x13\xdb\x1a\xe3\x40\x4b\x20\x40\x97\x6f\xe0\x91\xdb\x39\x7c\ \x39\xfd\x73\x49\x8a\xfb\xe5\x76\xfa\x98\xb2\xc6\xca\xb8\xd0\xfc\ \x5f\x71\x00\x97\xd5\x2b\x5e\x67\x3c\xfa\x9e\x56\xfb\xaf\x17\x8b\ \x48\x0e\xa4\x77\x1d\x8b\x57\xf1\x92\x61\x16\x24\x81\xcb\x5d\xa9\ \x26\xba\x35\x76\x5c\xf4\xe2\x85\xf8\xd4\x9e\xbc\xf4\xc5\x0c\x2c\ \x15\xf7\xb5\x2f\x2e\x82\xc7\xf3\x6d\x12\xa7\x2e\x31\xa2\x54\xb4\ \xd7\x18\x0f\x8a\xfd\xbb\x06\x97\xb2\x76\x25\x9f\x17\x08\xed\x4d\ \x36\xaf\xa4\x2a\x49\x38\x68\x32\x67\x1c\x63\x74\xc8\xc6\x32\x82\ \x7b\x03\xc9\x63\x5c\x26\x18\x9f\xd6\xc4\xb6\xc6\xb8\xb1\x01\xd7\ \x34\xf9\xe9\x32\xe6\xde\xd6\x8e\xb1\xbc\xbb\xf2\x0f\x53\x49\x7a\ \x8c\xeb\x2c\xd3\xcf\xc6\xda\xac\x12\x13\x97\xa1\x6c\x85\x9e\x0b\ \x01\x99\xcc\xa7\x7f\x35\x47\x3d\xc6\x8b\x5a\xec\x8a\x7b\x04\xaf\ \x81\x9d\xe2\x43\xa9\xb1\x53\x20\xc5\x7e\xf8\xa7\x3e\xfe\xd7\x71\ \xcc\x3f\x9d\x64\x77\xe5\x1e\x03\xb1\xef\x6c\x22\x86\x4a\x55\x22\ \x60\x91\x7a\xb1\xeb\xc7\x24\x54\x3d\x42\xa8\xb8\x4b\x69\x5e\xcb\ \x1f\x37\xf2\x57\xf8\x67\xac\xb2\xf9\xbf\xd9\x24\xe1\x80\x5e\xce\ \x3e\xc6\xc8\xbe\xb6\x55\xf7\xf6\x6b\xac\xe6\xeb\xed\xc3\x9d\x62\ \x0e\xa9\x89\xed\xe6\x43\x0b\xf7\xe3\xf2\xf5\x3c\x76\x3b\x07\xad\ \x60\xda\xde\x82\x23\xeb\x44\x57\xa5\xc5\xb4\xb2\x8f\x6b\x3c\xf5\ \xab\xda\xeb\x74\xcd\x8c\xd3\x9d\x2e\x84\x80\xdc\x83\x5d\x57\xf1\ \xec\x27\x38\xb9\x15\xc6\xcf\x1f\x6d\x3e\x71\x54\x8d\x1a\xdb\x0a\ \xd3\x71\x7e\xca\x27\xf7\xe5\xc4\x97\xd2\x7b\xb8\x38\x57\x5a\x24\ \xac\xc5\x3c\xe3\xcc\x2b\x93\x62\x8d\xa7\x7e\x15\x12\xfc\x1e\x5f\ \x67\xf0\x7e\x2e\x6d\xf1\x06\x21\xae\xf1\x96\x32\x76\x4c\x12\x16\ \xf4\x72\xfe\xd2\x8a\x3e\x65\x68\xe2\x7a\x9a\x6b\xf8\x0a\x7e\xb7\ \x85\xfa\xd4\x75\xa8\x89\xed\xe6\xc7\x06\x5c\xdd\xe4\xe7\xcb\xd8\ \xe7\x36\xe6\x0d\xb4\x63\x2c\x77\x22\xa4\x54\x7f\x98\x8c\xfd\x20\ \x8b\x6d\x15\xf5\x3f\x65\xab\xe8\xb2\x72\xb1\xbe\xe5\xd3\x67\xe3\ \x70\x92\x69\xec\xbe\x92\x93\xd6\xf1\x5c\xac\x16\x74\xba\x1b\x22\ \xb7\x58\xa3\x46\x37\xa3\x81\x23\xf0\x91\x69\xfc\xe5\xf3\x98\xf5\ \x02\xc1\xf4\xb8\x6c\xbb\xb8\x18\x97\x19\x93\x30\x55\x2d\x68\xcb\ \xbe\xc1\x62\x5e\xf1\x1a\x55\x5c\x6e\x8a\x75\x82\x69\xf1\x4f\x78\ \x60\x5d\x30\x82\xfa\x3b\x81\x09\xd8\x92\x48\xb0\xef\x64\x5e\xb9\ \x34\x97\x50\xb6\x48\x18\xc4\xaf\x58\xb7\x9e\xcf\xe1\xae\x2d\xdc\ \xb7\xae\x41\x4d\x6c\xb7\x0c\x5a\x82\x4d\xc2\xa5\xeb\x79\xfc\x36\ \x0e\x7e\x84\x5d\xe6\x0b\xd1\xa7\xca\x0c\x22\xaa\x44\x51\x8c\x1d\ \xc0\x31\x71\x55\x91\x28\x57\x89\x74\x62\x04\xbc\xd8\x4e\x31\x3f\ \x6f\xb9\x7c\x18\x69\x83\xbd\x97\x73\xc6\xc6\x10\x11\xf2\x4f\x82\ \x0e\xbb\xb6\x5c\xae\xb1\x3d\x60\x16\xde\xd2\xe0\x63\x07\xf1\xf4\ \xb3\xe9\xd9\x5f\xdc\xca\xb8\x4c\x37\x5b\xb6\x68\x8d\xa5\x17\xf5\ \xaf\xb1\x85\x74\x1e\xc5\xef\xb9\x98\x96\xef\x5f\x8a\xbb\xf1\x9f\ \x0c\xdd\xc1\x55\x4d\xde\x24\x70\x8e\x5b\xc3\x5f\x3e\xc1\x01\x93\ \x79\xf9\xd2\x76\x97\x8a\x0b\x90\xfc\xf9\x7a\x5c\xcb\x13\x43\x7c\ \xb6\xb5\xe5\x17\x02\x5d\x83\x9a\xd8\x6e\x39\xb4\x04\x4e\xef\x97\ \x2d\x7e\xf2\x30\x0b\x6f\x62\xde\xae\xa4\x7b\x18\x1b\xd2\x2d\xab\ \x90\x4f\xab\x5a\x3d\x17\x3f\x5a\x85\x3a\xc5\xf3\xd8\x47\x5b\x3c\ \x8f\x7d\xec\x55\xe8\x11\x14\x5c\x07\xd3\xb3\x8e\xfd\x57\x72\x6e\ \x33\x18\x33\xdf\x22\x70\xbb\xb5\x11\x55\x8d\x6e\x44\x03\xcf\x4a\ \xf8\xd7\xe9\x5c\x78\x3a\x03\xcf\x15\x7c\x50\x3b\x7d\x83\xf9\xb4\ \x3c\x62\x44\x35\x26\x22\x8e\xd9\x67\xe4\xdb\xaf\x6a\x3b\x86\xac\ \xcd\x9f\xe0\x5b\xac\x5e\xcd\x27\xf0\x16\x21\x30\xcd\xd6\x42\x92\ \xb0\x68\x32\x2f\x7f\x66\xae\xbb\x65\xf3\xd2\x1a\x5c\xcb\xca\x26\ \x17\xb5\x46\xef\x8d\xbb\x43\xa3\x26\xb6\x5b\x1e\x2d\x61\x33\x8d\ \x4b\x06\x59\x7d\x33\x47\x2c\xa3\xff\x00\xa3\x3f\x6e\xca\xb9\xcf\ \xaa\x0f\x34\x86\x58\x99\xd8\xc7\x3f\x91\xba\x65\x13\x4d\x53\xe0\ \xd6\xdb\x5b\xfa\xf5\x3e\xc2\x11\xab\x79\xa5\x60\xd1\xf9\x3b\x61\ \xc1\xb1\x53\x7c\x4c\x35\xb6\x0b\xcc\xc2\x3b\x1b\x7c\xe4\x08\x0e\ \x38\x57\x88\x00\x55\x14\xc5\x74\x22\x70\x9d\x16\xb5\xb1\x3a\x65\ \x8b\xd9\xe2\xb7\x39\x1e\x82\x9b\x08\x93\xf7\x4a\x7c\x99\xe6\x8d\ \xdc\xd1\x0c\xba\xd9\x4f\xda\xfa\x36\x14\x49\xc2\x81\x93\x39\x2f\ \x23\xb6\x65\x8c\x42\x22\x84\xa9\xba\x21\x44\xe4\xfb\x54\x2b\x18\ \x6c\xed\x14\xa8\x89\xed\xd6\x43\xb6\x93\xd0\x15\xcb\x39\xe4\xd7\ \xec\x33\xab\xf0\xa1\x4f\x64\xf5\x5c\x25\x22\x1e\x8f\x58\x4b\x21\ \x3f\x76\xed\x4e\x13\x4a\xbe\xde\xb0\xa0\xe7\x3a\x1a\xbb\x33\xe5\ \x7e\x9e\xbb\x9e\x73\x04\x8b\xe5\x5b\x05\xba\x5c\x13\xdd\x1a\xdb\ \x0a\x29\x4e\xc2\x17\x67\xf2\x92\x73\x99\xfc\x4c\xe5\x8b\xcb\xec\ \x37\xf6\xa7\x90\x1f\xab\x5f\xf6\x5d\xe5\xff\xca\x74\xb0\xe3\x31\ \x8c\xea\x15\x82\x18\x7f\x99\xe6\xa3\x61\x1b\xbc\xf3\x05\xcb\xde\ \x6d\x21\x4d\x4a\x12\x16\x4f\xe6\x65\x55\x9c\x6d\xf6\xb7\x0c\x37\ \xf2\x60\x2b\x2c\x0c\xd6\x6d\xdd\xae\x6e\x3b\xa4\xdb\xba\x03\x3b\ \x19\x9a\xb8\x19\x27\xad\xe5\x6f\xbe\xcc\xea\x2f\x09\x54\x38\x35\ \x62\xf9\x9b\xfd\x95\x11\xdf\xd8\x2a\x38\xf6\xb1\xe6\x91\x4f\x2f\ \xf3\xdd\x2b\x5e\x5b\xa1\x4e\xb1\x7e\xac\xbd\x41\x1c\x28\xf8\x19\ \x9c\xc6\xc2\x7e\x2e\x12\xa4\x5c\x27\x0a\xe2\xbb\x1a\x35\xb6\x36\ \x66\xe3\x93\x0d\x2e\x3b\x9e\xc3\xde\x4a\x3a\x4f\xf8\xee\x88\x8b\ \x78\x8b\x28\x8e\xff\x32\x95\x4e\x2c\x9f\xb1\xdf\x59\x56\x6f\x3c\ \x52\xab\xfc\x77\x99\x0a\x26\xc5\x17\xe1\x52\x96\x6d\xe4\x55\x78\ \x9d\x60\x2b\xb1\x2d\xd1\x5b\x5c\x7c\xc4\x9e\x59\xe2\xc9\xed\x84\ \x56\xdb\xc9\x36\x3d\xa9\x89\xed\xd6\x47\x13\x83\x2d\xfe\x3f\x3c\ \xf3\x16\x7e\xfc\x31\x9a\x37\x1b\xa1\x44\x65\xa2\xa4\xe2\x8a\x37\ \x96\x97\xe5\xc7\x3e\xf6\x2a\x82\x9c\x27\x98\xb1\xd5\x75\xfe\xb8\ \x6a\x35\x9e\xb5\x35\x24\x6c\xe7\xf7\x36\x2c\xe5\x19\x93\x82\x03\ \xfb\x17\x70\x90\x7a\xdc\xd5\xd8\x3a\x48\x13\xce\xc3\x35\x73\xb9\ \xf0\x8d\xf4\x3e\xcf\xd8\x05\x65\x99\x24\xa7\xca\x46\xa2\x6c\xf1\ \x5b\x66\x13\x91\x2f\x9b\x95\x8b\x19\x41\x56\xa1\x21\x04\x2b\xff\ \x28\xcd\x3f\x84\xdd\x72\x8e\x13\x8c\xa0\xba\x21\x7e\xf9\xc0\x24\ \xa3\x3f\xec\xb2\xb9\x63\x4d\x98\x03\x57\xd8\xc9\x88\x6d\x2d\x46\ \xde\x76\x68\x09\x7a\x8b\x8b\x07\x79\xec\x56\x96\x2c\x67\x6a\xde\ \x62\x79\xbc\xa8\xfa\x60\x27\xf2\x31\xc7\xea\x4e\x54\xee\x5b\x9c\ \x84\x7a\xb0\x08\x07\xd2\x58\xcd\x41\x8f\x72\x6e\x2b\x6c\xad\x7b\ \x93\xda\x3f\xb7\xc6\x96\xc3\x5c\x7c\xac\x97\xbf\x7b\x1e\x33\x4f\ \x27\x99\x6a\xd3\x64\xac\x65\x8b\xcb\x4d\xf9\x3e\xb2\xfa\x55\xea\ \xa2\xfc\x35\x52\x81\x13\x4c\x84\x5d\xd6\xaf\x64\xd5\x06\xfe\x41\ \xd8\xa9\x67\x85\xee\x30\x42\x4c\xf0\xac\xe9\x9c\x7a\xb4\x91\x08\ \x52\xb1\x7b\xec\xc1\x6f\x69\x3d\x18\xc2\x34\x5e\x66\x27\x52\x2d\ \xd5\xc4\x76\xdb\x63\x23\xae\x6d\x71\xe5\x72\xf6\xbb\x95\x79\x53\ \xdb\x16\xcb\x65\x2e\x39\x31\xfd\x11\xa3\x07\x77\x95\x6e\x49\xc9\ \x79\x59\xbd\x32\xfd\x53\xd9\x6f\x8c\x43\x98\x8a\x43\x48\xf6\x0c\ \x7b\xe8\x1e\xfb\x04\xa7\xe1\x71\xdc\x29\xa8\x7c\x77\x9a\x8f\xae\ \xc6\x16\x45\x6f\xc2\xcb\xf0\x6f\xf3\x38\xfe\x7c\x1a\x8b\xdb\x19\ \x45\xf5\x4b\x6c\xcc\xc6\xf4\xab\x4a\xf2\xca\xda\x2a\xa6\x97\x95\ \xa9\xaa\x4f\x98\x9c\xef\xf2\x64\x98\xa5\xe6\x1d\xfc\xaa\xc9\xab\ \x71\xb1\xa0\xb1\xe9\x96\x6f\x26\x49\x39\x71\x37\x4e\xcc\x62\x23\ \x97\x2d\x26\x12\xfc\x92\xd6\xa3\x61\xff\xdc\x9f\xeb\x9e\x7b\xd8\ \xe2\xa8\x89\x6d\x77\xa0\x29\xf8\xe5\x5e\xb6\x8e\x47\x6f\xe7\xb0\ \x47\x18\xd8\xc7\xe8\xe8\x53\x65\xe2\x5d\xb9\xb4\xd8\xe0\x8e\x89\ \xbe\x62\xc7\x31\x6b\xc9\x98\x1b\x43\xd9\xb5\xca\xfa\x95\x6f\x6b\ \x77\xc1\x3f\x77\x2a\xb3\x97\x85\x9d\x85\x9e\x29\xf8\xe7\xde\x1b\ \xe9\x42\x8d\x1a\xe3\x45\x16\x6a\xf1\xff\xf4\xf3\x8e\x13\xd8\xe3\ \x74\x23\x31\xca\xab\xb8\xc9\xf1\xa8\x4a\x8a\x79\x19\x3a\x7d\x17\ \x55\x46\x50\x49\xa1\x4c\xbe\x9d\x14\xd7\xe3\x07\x78\x84\xb5\x6b\ \xf8\x17\xbc\x55\x70\xab\xeb\x06\x6e\x36\x8f\x16\x4e\x9d\xcd\xb3\ \x0e\x57\xbd\x11\x41\x13\xd7\xd0\x5a\x13\xd4\xce\xbf\xb7\x13\x7d\ \xf3\x35\xb1\xed\x2e\xac\xc7\xb5\x4d\x7e\xb2\x8c\xf9\xb7\xb1\xcf\ \x2a\x7a\xa6\x0a\xc1\x88\x3b\xad\x18\xcb\x10\x23\xa6\xc5\x76\xaa\ \x74\xb4\xf9\xf3\x32\xe2\x5b\x75\xed\x7c\xf9\x4c\xb4\x3c\x0f\x07\ \xd1\x18\x64\xbf\x47\x38\x63\x98\x05\x82\x68\x79\xb5\x9d\xe8\x03\ \xac\xb1\x59\xd0\x87\x97\xa5\x7c\x7c\x3e\xcf\x3b\x9b\xde\x83\xc4\ \x89\x58\xd5\xb1\x0e\x65\xca\x16\x98\xb1\x76\x8a\xdf\x48\x99\xc8\ \xb9\xac\xcd\x1f\x0b\xc1\xc7\x97\xe2\x26\x7e\x94\xf2\xfa\x6e\x76\ \x93\x49\x38\x6d\x6f\x96\x1e\x5c\xe0\x6c\x19\x3d\xc7\xac\xc7\x35\ \x3c\x31\x18\x16\x0f\x7f\xda\xda\xfd\xdc\x96\xa8\x89\x6d\xf7\xa1\ \x29\x44\x55\xb9\x62\x1d\x8f\xde\xcb\x61\xb7\x06\xaf\x1a\x73\x8d\ \x5d\x1d\xcb\x9d\x2b\x49\xcb\x9f\x97\x71\xbf\xc5\x09\x21\x26\xea\ \x2a\x23\xd6\x55\xa2\xe4\xb2\x89\xad\x25\xcc\x90\x8b\xb1\x80\x29\ \x8f\x72\xc4\x63\x61\xd3\xfa\x41\x41\xb4\xbc\x53\x19\x4f\xd4\xd8\ \x64\x2c\xc2\xfb\xa6\xf2\x8e\xe7\xb0\xd7\x0b\x49\x76\xb1\xe9\xac\ \x5f\xa7\x31\x1c\x2b\x5b\x56\x66\xa2\x92\x9f\x44\xd0\x29\x7d\x5b\ \x70\x4e\x7f\x31\xd6\xd3\xfc\x2d\x3f\x6f\xf1\x0d\xdd\xbb\x08\x4d\ \x13\xce\x9e\xc7\xd3\x0f\xcc\x71\xb6\x45\x24\xc2\x6a\xe1\x3a\x56\ \xb4\x82\x8f\xed\xf2\xad\xdb\xcd\x6d\x8b\xda\x2a\xb4\x7b\xb1\x12\ \x1f\xc6\x7b\x37\xd0\xbc\x41\xd8\x80\xf2\x11\x61\x85\x14\xb3\x1e\ \x2e\xa6\x89\xfc\x12\x77\x1d\x8a\xa5\x65\xe7\x65\x5f\xf8\x44\x38\ \xdc\x7c\x9d\x7c\x9f\x9b\xd8\x07\xaf\x26\x7d\x11\xfb\x4f\xe7\x23\ \x82\x4e\xea\x44\xc1\x9d\xb0\x46\x8d\x18\xfa\xf0\x8a\x94\x6f\xec\ \xcb\x6b\x5e\x45\xff\xb3\x8c\xb8\xd0\x65\x48\x94\x7f\x13\x3a\x9c\ \x57\xd9\x4c\xc4\xea\x56\x71\xbe\x59\x7e\x99\x4b\x5f\x22\x38\xa4\ \x7f\x4d\x90\x62\xbd\x48\x30\x94\x6c\x3b\xa1\xae\xae\x68\xb6\x1b\ \x90\x62\x60\x72\x9b\x9e\xc4\x74\xe3\xd9\xdf\x6a\x6c\x60\x65\x2b\ \xcc\x6f\x3b\x15\x6a\x62\xdb\xdd\x68\xe2\xee\x29\xa4\x17\xa2\x5f\ \xd8\x90\xf2\xda\x5c\x81\x32\x51\x55\x19\xd7\x1b\xcb\xcf\xca\x54\ \xf9\x12\x16\xcb\xe6\x51\xf4\xb7\x2d\xa6\xc5\x5c\x1c\x62\x65\x8f\ \xc2\xeb\xe8\x3d\x92\xe7\x4f\x0e\x06\x14\x1f\xc4\xfe\xea\x71\x5a\ \x63\x04\xa9\xa0\x72\xf8\x48\x3f\x9f\x7e\x3e\x07\x9d\x4f\x3a\xc7\ \xe8\xe0\x30\xf9\x5f\xe2\xe3\xbd\x4a\xbc\x5b\xac\x5f\x6c\xa7\x53\ \xbd\x22\x87\x5c\xa6\xb6\x21\x2c\x9e\xef\x10\x7c\x78\x0e\xc5\x73\ \x72\xed\xb7\x7d\x81\xb7\x46\x7c\xe3\xa7\x82\xb4\x15\x88\x6d\x74\ \xf1\x9d\xa5\xa5\x9e\xdc\xdf\x6f\x65\xb3\xfb\x17\x10\x9b\x1d\xf5\ \x24\xd6\xfd\x58\x35\x4c\x73\x12\xce\xc6\xa9\xf8\x29\xbe\x2a\xec\ \x57\x59\x0c\x86\x51\xd4\xab\xe6\x89\x66\xd9\x07\x5f\x24\xcc\x65\ \xe5\x33\x54\x11\xd7\x7c\x3b\xc5\x95\x7e\xac\x9f\xf9\x76\x86\x05\ \xab\xe5\x33\x70\x3e\xd3\xe7\xf3\xd6\x34\x48\xd5\x5e\x2f\x6c\x81\ \x56\x63\xe7\x46\x2f\x4e\x4d\xb9\x6c\x1f\x5e\x1f\xe3\x66\x63\x0b\ \xce\xb2\xc5\x5e\x86\x98\x84\xa7\x78\x5c\x56\x37\x96\x16\x3b\x2e\ \x7e\x8b\xd9\x75\x9b\x82\xc3\xec\xb7\x70\x32\x9e\x6e\xb4\x41\x57\ \x7b\x01\xd1\xed\xc4\xb6\x81\xbe\x49\xb9\x84\xd8\xb3\x4f\xb1\x82\ \x66\x12\xd4\xd1\x3b\x9d\x9a\xa8\x26\xb6\xdd\x8d\x26\xd6\xb4\x18\ \x1a\x16\x3c\xd7\x0f\xc1\x9f\x09\x03\xf8\x22\x21\x3e\x5b\x6c\xb2\ \xe8\x34\x21\x94\x95\x2f\x12\xda\x2a\x4e\x39\x4b\xaf\xe2\x20\xca\ \xac\x31\x63\xc8\xee\x63\x48\x10\x2d\x5f\x80\x53\xd9\x7f\x57\x3e\ \x9e\x04\x4e\xf7\x78\xb5\x68\x79\x67\x44\x8a\x19\x78\xff\x24\x2e\ \x7e\x36\x87\xbc\xa6\xcd\xcd\x0e\x89\xdb\x13\xc4\x16\x7a\x31\xc4\ \x88\x60\x55\xf9\x4e\xdc\x70\x55\xfd\xfc\x37\x95\x0a\x2a\xa1\xcf\ \x08\x5c\xed\xab\xb1\xd0\x08\x77\x9e\xd5\x6f\x47\xab\xe8\xea\x90\ \x86\x69\x20\xb6\xfd\x93\x8c\xb5\xfc\x66\xf4\x33\x7e\x38\x24\xdd\ \xb2\x75\x7b\xd8\x1d\xa8\xc3\xe7\x75\x3f\x9a\x4f\xfe\x13\x3e\xc6\ \x7e\x21\x10\xea\x0d\xc2\xaa\xf8\x36\xbc\x50\x88\x14\x91\x0d\xf6\ \x2a\xa2\x17\xe3\x42\x8b\x65\x8b\xab\xf3\x32\x11\x75\xf1\xbc\xc8\ \x59\x17\x51\xa6\x0f\x2b\x23\xf2\xc7\xe0\x60\x1a\x3f\xe4\xc4\xdf\ \xf2\x8c\xa1\xb0\x07\xe6\xfb\x85\xf0\x74\xdd\xe6\x02\x51\x63\xf3\ \xa3\x81\xa3\x12\x3e\x31\x8b\xc3\xce\x24\xdd\xc7\x48\xc8\xa4\x2a\ \xf1\xac\x5c\x5e\x4c\x5a\x53\xb5\xb0\xec\x44\x50\x63\x76\x0d\xb1\ \x05\x65\xec\x7b\x48\x70\x8d\xb0\x9b\xfb\x1c\x61\xd7\x8e\x86\xf8\ \xb7\x3b\x8c\x94\xa1\x6e\x1e\xe8\xad\xe0\xdb\xdc\x97\x89\x91\xcb\ \x24\x65\x1b\x04\xc7\xfa\x56\x08\x59\xdb\xcd\xb7\xb4\x45\x50\x73\ \xb6\xdd\x8f\x51\x83\x32\x5b\x35\x6e\xc4\x12\xbc\xb9\x5d\xe0\x5f\ \xf1\x5b\xe1\xa3\xad\x22\x72\xf9\x36\xca\x88\x6c\x27\xa3\x8f\xa2\ \xd1\x43\x3e\x7d\x3c\xdc\x73\x2c\xaf\x0c\x4d\xc1\xd7\xf8\x4c\xbc\ \x96\x81\x3d\x79\x6b\xc2\xcf\x12\xce\x55\x8f\xdf\x1d\x1d\xfd\x09\ \x7f\x9f\xf0\xfd\xa3\x59\xf2\x16\xd2\xbd\x8c\x8e\x4d\xd8\x49\xdf\ \x5a\x1c\x93\x55\xa2\xe5\xd8\x58\x2f\xb6\x17\x6b\x27\xf6\xcd\x14\ \xeb\x66\xdc\xec\x3a\x7c\x09\xdf\x11\xcc\xa8\x2f\x14\x77\x09\xc9\ \x8b\x5e\x5b\xdd\x3f\xce\x7b\x13\xfa\xa6\xb4\xe7\xaa\xb2\x67\xbf\ \x06\xeb\x58\x95\xec\x44\x1b\xc6\xe7\xd1\xed\x2f\xb1\x46\x98\x5b\ \x9a\xb1\x09\x23\xe3\x72\x5f\x85\x53\x84\x0f\xf8\x8b\x42\x78\xb7\ \xfc\x07\x5c\x5c\x79\x17\xf5\xb8\x31\x6e\x37\xcb\x53\x28\x5b\xa6\ \x0b\xae\x22\xba\x79\x54\x71\xcc\xc5\x6b\xe7\xb9\x82\x8d\xd8\x0b\ \x6f\x22\x3d\x85\x05\x93\x82\x71\xf6\xb7\xd4\x06\x54\x3b\x2a\x0e\ \xc3\xf7\xa7\xf1\xbf\x2e\x60\xe0\x74\xd5\xd2\x9a\xfc\xb9\x48\xd9\ \x32\xc9\x4c\x2c\xbd\x8c\x58\x94\xb5\x5b\x2c\x1f\xab\x33\x49\x60\ \xe7\x3e\x2e\x50\x9a\x13\x85\x30\x57\xc3\x85\xfa\xf9\x5f\x9e\x24\ \xb6\x5d\x2d\x81\x6c\xd1\xdb\x43\x7f\x8c\xb3\x65\xe4\x19\x2d\xa7\ \xb9\x8e\x07\x5a\x61\xe3\x9f\x9d\x0e\xf5\x24\xd5\xfd\x68\xe6\x07\ \x70\x91\xc0\xe5\xb9\xdc\x3f\x17\x5e\xe8\xc7\xf1\x1b\xe1\x03\xcf\ \xea\x14\xc5\xb7\x55\xa2\xaf\xf1\x10\xca\xf1\xea\xc3\x8a\x65\x8b\ \x79\x13\x29\xd3\x12\x26\xa7\x67\x92\xbe\x8d\x74\x71\xb0\x17\xfb\ \x55\xc2\xff\xa3\xed\x8b\x5c\x63\xbb\x47\x1f\xde\x92\xf2\x83\x43\ \x38\xf6\x2f\x30\xdf\xd8\x1d\x7a\x44\xce\x63\xa2\xe1\x3c\xca\x74\ \x89\xb1\xf1\x5f\xcc\x8b\x8d\xf1\x4e\x12\x9b\xac\xfe\x90\x60\x70\ \x70\x71\xfb\xf8\xa5\x82\xc5\xf1\x60\x49\x7f\xf2\xdf\x7b\x7b\x82\ \xce\xdb\x1e\x75\x1d\x12\x1a\x3d\xf4\xf5\xb6\xbb\x1b\x7b\xf6\x0d\ \xdc\x1f\xac\x96\xef\xb2\x13\xba\xfd\x50\x13\xdb\xed\x01\x8d\x18\ \xe7\x98\x21\xcf\xe5\x4e\x15\xb6\x38\x39\x15\xdf\x37\x9a\xcb\xed\ \x34\x71\x74\x12\x83\xe5\xaf\x97\xe7\x38\xcb\xda\xc9\xf7\x39\x4f\ \xe0\xcb\xc4\x74\x55\x93\x68\xb1\xfd\x61\x41\xb4\xfc\xf2\xf0\x37\ \x7d\x57\xde\x83\x1f\xa9\xb7\xf1\xdb\x9e\x91\x0a\x36\x42\x9f\x9f\ \xca\x47\xce\x64\xd6\x39\x46\x2c\x8d\xcb\xc6\x4f\xd5\x79\xd9\x02\ \xae\xc8\x8d\x16\x51\xa6\x22\xa9\x2a\x9f\x6f\x3f\x43\x03\x77\xe3\ \x93\xed\xc0\x14\x29\x37\xbc\x04\x07\x8b\x6f\xd3\x13\x53\xcf\xa4\ \xa3\x7e\xba\x16\xbd\x69\xc1\x1a\x39\xf6\x9c\xfe\x14\x2c\x91\x7f\ \xa5\x3b\x76\x29\xda\xea\xe8\xf6\x97\x58\x23\x48\x8a\x1b\xf9\xed\ \xf7\x8a\x2b\xe9\xfc\xc0\x6e\xe2\x70\xc1\x57\x26\xc1\x27\x70\xa3\ \xd1\xba\xdc\xb2\x89\xa3\xcc\x00\x2a\x76\xad\x32\xa2\x59\x6c\xaf\ \x48\x74\xf3\xe9\xf9\x36\xcb\xf4\x5c\xc5\xfc\xa2\xf1\xc8\x81\x78\ \x33\x8d\x63\x39\x6a\x52\x88\xb2\xf3\x11\x21\x1a\x64\x8d\xed\x07\ \x0d\x21\x60\xd2\xb7\xf7\xe3\xec\xd7\xd1\x38\xcc\xe8\xf0\xa4\x31\ \xe9\x4e\x55\x7a\xfe\x3c\x36\xce\x63\x6d\x74\xb2\x1f\x28\x8e\xdf\ \xd8\x98\xcc\x4b\x8d\xbe\x8f\x2f\xb3\xfa\x11\xfe\x29\xe5\x9c\x94\ \xbb\xa6\x18\x2d\x3a\x2e\xb6\x5b\xfc\x6d\x4f\xd0\xdd\xbe\x80\xec\ \xef\xa1\xb7\x57\x5c\x62\xd5\x12\xfc\x7c\x1e\x0d\xc7\x37\xd8\x09\ \x8d\xa3\xa8\x89\x6d\xb7\x23\x15\x8c\x44\xd2\x1e\x71\x63\x8f\xa2\ \x2e\x96\x30\x92\x77\x15\x2c\x88\x9e\x2b\x58\x2c\x7f\x55\x30\xce\ \xe8\x31\x76\x72\x28\x1e\xc7\x26\xb8\xe2\xf5\x8a\x13\x54\x6c\xc2\ \x1a\x0f\x17\x52\x6c\xbf\x58\x2e\xa6\xff\xc9\xa3\x29\xc8\xd8\x4e\ \xc1\x05\x4c\x9b\xc7\x1b\x13\xbe\x8b\x57\x08\x22\xc9\x7a\x8c\x77\ \x37\x66\xe1\x03\x93\xb9\xe8\x44\x16\xbd\x9c\x74\x37\xe1\xbd\x16\ \x45\xb9\x94\x8f\x87\x18\xa1\x2a\xd3\xd3\xe6\x11\x23\xd0\x55\x84\ \xb8\x6a\xbc\xb7\x84\xef\x6b\x99\x10\x7c\xe6\xe7\xdc\xb8\x21\x38\ \x0e\xbc\x7b\x1f\x96\xb5\x68\x36\x03\x77\x37\xaa\x4e\x15\xe1\x6d\ \x53\xd9\xbe\x92\xee\x77\x0b\xfa\xf3\x9c\x6d\xf1\xd9\x13\x9e\xc9\ \x3a\x1e\x4a\xc3\x96\xbc\x3b\x25\xea\x89\xa8\xfb\xf1\x24\xb1\xa5\ \x5c\x8c\x55\xa6\xbb\x3a\x0a\xaf\x15\xcc\xee\x3f\x2d\x44\xfa\xcf\ \x5e\x7a\x8c\xd0\x15\x8f\xcb\xd2\x62\x5c\x6e\x95\x88\x38\x3f\x31\ \x95\x2d\x1a\x92\x48\xb9\x58\x7e\x0c\xc3\xd8\x1b\xaf\xa2\xf1\x7c\ \x16\x4f\xe5\x93\xc2\xdf\xa2\x92\x2a\x35\xb6\x2d\xd2\x84\x67\xe1\ \x92\x39\xbc\xf5\xe5\x4c\x3f\x5e\x79\xb0\xf6\xb2\x45\x61\x4c\xfa\ \x51\x54\x5f\x94\xb5\x55\x36\x5e\x63\xd2\xa3\x4e\xf5\x32\x2e\xf4\ \x6a\xfc\x3b\xeb\xef\xe1\x73\xad\x10\x9f\xe5\x0a\x0c\x9e\x1d\x6c\ \x2f\x9e\x74\xe1\x19\x0f\x77\xcc\x93\x54\x76\x5a\x49\x57\xbb\x01\ \x69\xab\xc0\x10\x30\xfa\xd9\xf7\x08\x3b\x0e\x6c\xe4\x56\xc1\x65\ \x6f\xa7\x44\xb7\x8b\x27\x76\x7a\x24\xf4\xa5\x34\x7b\x48\x87\x8c\ \xfd\x28\x8b\xab\xee\xa4\xf0\xdb\xc4\x6e\x02\x9b\x77\xad\xc0\xf2\ \xdd\x8e\xe7\x21\x0b\xd8\x5e\xfc\x40\xaa\x26\xa9\xa2\xee\x37\x36\ \x31\x95\x89\xd5\xf2\x79\x9d\xae\xc3\xd8\x6b\xc5\xfa\x52\x44\x0f\ \x8e\xc3\xfe\x0c\x7c\x9f\x57\xde\xc5\xd2\x26\x1f\x10\xa2\xe1\xad\ \x89\x54\xa9\xb1\xf5\xd1\x8f\xd7\xf4\xf0\xf7\x87\x31\xfb\xf9\xa4\ \x53\x8c\xc8\x16\xcb\xd4\x1b\x59\x5e\x99\xd8\xb5\x98\x9f\xaf\xdf\ \xa9\x5e\x55\xfd\x7c\x7a\x6c\x0c\xf7\x08\xb1\x07\xbf\x4d\xf3\x56\ \xee\x6b\xf2\xf7\xf8\x4f\xc1\x64\x02\xfc\xdf\x50\xbe\x99\xaf\x5b\ \xbc\xbf\xd8\x58\x6f\x73\x8b\xdd\x4c\x6c\x09\xae\x3f\x51\x64\x8b\ \x90\x3b\xc3\xe9\xd5\xcd\xdc\x33\xd9\xd9\x50\x73\xb6\xdd\x8f\xfe\ \xfc\x8a\xb1\x0c\x31\xbd\x67\x96\x9e\x7d\xbc\xcf\x14\x64\x5a\xab\ \xf1\xef\xc2\x32\x93\xb1\x1f\x7b\xa7\xeb\x74\x12\xc9\x55\x71\x00\ \x65\xfd\xcc\xe7\x77\xba\x7e\x27\x34\xb1\x07\x5e\x4e\xfa\x02\x16\ \xed\xc2\x47\x85\x80\x5b\x4b\xd4\x63\x7e\x5b\x22\x15\x3c\xb8\x3e\ \x39\xc0\x07\xcf\x60\xce\xe9\x6d\x42\x5b\xe4\xf4\x8a\xe3\x24\x96\ \x37\x91\xf3\x62\x7a\x55\xf9\x62\x9d\xaa\xb4\x54\x08\x2a\xf3\x59\ \x86\x6e\xe6\x3b\x4d\x4e\x33\x62\x9b\x38\x0a\xad\x92\xe0\x14\x65\ \xd7\xe6\x49\x4e\xbf\x7f\x71\x77\xeb\x39\x1b\x65\xef\xae\x85\x27\ \xf0\x70\x30\x8a\xfa\xd1\x36\xe8\x5b\xd7\xa0\x9e\x78\xba\x1c\xad\ \x76\x80\x6f\xc6\x4e\x0a\x31\xb1\x6c\xd9\x2a\x3e\x11\xbe\xd6\xdd\ \x05\x82\xbb\x44\x70\x52\xfd\xb1\x30\x08\x62\xa2\xdd\x3c\xf2\x5c\ \x74\x8c\xe0\xc6\x26\x8c\xf1\xea\xcf\x62\xfa\xaf\x62\x5e\x19\xb7\ \x13\x9b\x28\xf3\xd7\x7c\x06\x5e\x4b\xdf\x62\xce\x6a\xf0\x4d\x61\ \x03\xee\x6e\xe7\x14\x76\x44\x34\x84\x70\x9b\xdf\x9a\xcf\x2b\x5e\ \x43\xdf\x61\xc6\xbf\x70\xcb\xd2\xaa\xc6\x50\x31\xbd\x2c\x2d\x36\ \xd6\x62\xba\xd9\x32\xfd\x6c\x36\xb6\x36\xe0\x0a\x9a\x17\xb3\x62\ \x15\xef\x12\x0c\xe4\x7f\x2f\x42\x18\xcf\x42\x4a\x9a\x9f\x70\x3b\ \xdd\x0b\x81\xb3\x6d\xd0\xff\x78\x17\x4b\x21\x93\x08\x1d\xc9\xee\ \x21\xc5\xdd\x34\xd7\x07\x97\x9f\xe8\xb3\xd9\x59\x50\x13\xdb\xee\ \x46\x33\x61\xd6\x54\x71\x91\x71\x11\x65\xe2\xaf\x98\xee\xf3\x04\ \x21\xfe\xf0\x55\x0c\x5d\x2e\x18\x4f\xc5\x02\xba\x97\x4d\x4c\x31\ \x91\x57\xd5\x84\x17\xab\x9b\xcf\x2f\xeb\x67\x55\xdb\xe3\xe9\xe3\ \xb0\x20\x46\x3f\x8f\xf4\x74\xe6\x4d\xe3\x43\x42\x40\x8c\x83\xd4\ \xe3\x7f\x6b\x61\x1a\xde\x32\x89\x4b\x9e\xc1\x92\x0b\x48\x67\x1a\ \x6b\x95\x9b\xa1\x6a\x41\xd7\x09\x45\x31\x6f\x31\xad\xd8\x4e\x8c\ \xfb\x2d\x2b\x93\x21\xc5\x03\xf8\x77\x86\xae\xe5\xba\xa1\x10\x9f\ \xe2\x7d\x2a\x76\xb2\xb9\x26\xe8\x34\xfb\x1b\x85\x6d\xe8\x62\xed\ \xe7\xfb\xdc\x4b\xda\x60\x60\x75\x17\xc7\x04\x6f\x31\x58\xfc\x06\ \xb3\x7b\x6a\x07\xf3\x48\x87\xf9\x69\x8b\x15\x5b\xbf\x77\xdd\x83\ \x7a\xb2\xe9\x7e\xec\xb1\x8b\x38\x47\xab\x70\x9e\xd7\x8f\xe6\xf3\ \x62\x44\x78\x18\x8f\xd3\x1c\xe2\x4b\xd7\xf1\xd3\xcf\x31\x74\x87\ \xd1\xc6\x53\x31\x62\x97\x47\xac\x4f\x65\x13\x65\x95\x5e\x2a\x86\ \xd8\xa4\x59\x44\xa7\x36\xf2\x7d\x69\x0a\xdc\xfc\x1b\x48\x0f\xe4\ \x85\x3d\xfc\x00\xaf\x51\x07\xc3\xd8\x92\xc8\xb6\xc3\xfb\xe4\x00\ \x1f\x3c\x8b\x19\xa7\xb7\x33\xca\xc6\x89\x42\xfa\x44\x16\x95\xe3\ \xe1\x76\x63\x6d\x95\x7d\x23\xb1\x6b\x34\xf1\x0b\x7c\x81\xd5\x0f\ \xf0\x29\x9c\xd6\x0a\x02\xa2\x4a\xac\xa2\x91\x59\xec\x4e\xa4\x9f\ \x8d\xf0\x37\x90\x74\x2f\x67\xdb\x4c\x58\xdd\xa2\x39\x6c\xac\x34\ \x60\x2d\xee\x0c\x8f\xed\x9b\x76\x52\xff\xda\x0c\x35\xb1\xed\x6e\ \x34\x5a\x81\xb3\x4d\x33\x57\x88\x2a\x9d\x53\x8c\x4b\xcc\x23\x9f\ \x3e\x8c\xf5\xe1\xfd\x7f\x17\x67\xac\xe0\x7d\x5f\x61\xe5\x65\x42\ \xb4\x9e\xb2\xf6\x62\x6d\xc7\xfa\x51\x26\xde\x65\x34\x21\x2f\xeb\ \x67\xec\x38\x76\xfd\xb2\x67\x11\x6b\x2f\x0b\xfc\xf1\xca\xb0\x51\ \xfd\x9c\xbe\x60\xa0\x7d\x91\x60\xb1\x5c\x7f\x0b\x9b\x17\x0d\x3c\ \x3f\xe1\x5b\x0b\x38\xf7\xf5\x34\x0e\x32\x32\xb6\xc6\xb3\x90\x2b\ \xc3\x78\x17\x6c\x65\xed\x15\x09\x7d\xd5\x42\x36\x4b\xcb\xf6\x62\ \xfd\x12\xcd\xef\x73\xe7\x7a\x5e\x87\xb7\x09\xdc\x5a\x47\xd1\x68\ \x1a\xa2\x2c\xf5\xe7\xfd\xe5\xc7\x83\x1e\xf4\xd2\xbb\xb1\xbb\xdd\ \x7f\xd6\x0e\x33\x58\xa4\xa4\x89\x20\x37\x5e\xc7\xcd\x09\x57\x6d\ \x83\x7e\x75\x15\xea\x09\xa6\xbb\xd1\x8b\xd9\x79\xab\xe1\x2a\x1d\ \x57\x19\x47\x50\x4c\x6f\x09\x62\xe3\x41\xd6\x27\x61\x6f\xc9\x55\ \x78\xf7\x30\xa7\x5f\xcf\xd5\xff\x4a\xf3\x2e\xa3\xc3\x3d\x2a\x1c\ \xc7\x74\x58\x45\x11\x74\x3e\x4f\xe1\xb7\x15\xf9\x2d\x5e\xa3\x78\ \x5c\xbc\xd7\x62\x7f\x8a\xf9\x65\xe2\xc2\x8d\x38\x02\x6f\x21\xdd\ \x97\xb3\x93\xc0\xe5\x66\x7e\xb9\x35\x9e\x3a\xfa\xf1\x97\x0d\x2e\ \x3e\x96\x83\x5e\x43\x9a\xdf\x91\x2a\x8f\xd8\xa2\xac\x38\x76\xcb\ \xde\x63\x2c\x2f\x26\xca\xec\xb4\x38\x2c\xa2\xd8\x97\x06\x7e\x87\ \x4f\x33\xf4\x07\xbe\x8e\x93\x04\x6b\xe3\x71\x73\x6a\x43\x11\xce\ \x76\x3c\x22\xec\x49\x98\x42\xef\xfa\xee\xde\xcf\x79\xc5\x7a\x96\ \xad\x2c\xf8\x10\x37\xf0\x4b\xb4\xf8\x6a\x2b\xcc\x31\x3b\x35\x6a\ \x62\xdb\xc5\x48\x83\xff\xda\xf4\x69\xc1\x19\x1e\x63\x75\xb7\xc4\ \x09\x6b\x99\xbe\x33\x9b\x60\x56\x63\x7d\x88\x51\x9a\x05\x05\x6f\ \x0a\xab\xcf\x93\x56\xf1\xbf\xbf\xc0\xda\xaf\x17\xda\xcc\x23\x4f\ \xec\xaa\x74\x4e\x79\x94\xf5\xbb\x93\x48\xb1\x78\xbd\xfc\x6f\xf1\ \x7e\xab\x74\xc8\xf9\x6b\x34\x05\xf9\xf1\x85\x38\x8d\xb9\xbd\x81\ \xc3\xfd\xbc\x3a\xfa\xd4\x53\xc5\x6c\x5c\xd4\xcf\x07\x5e\xc6\xb4\ \x53\xc5\x17\x8a\xc5\x77\x93\x17\xe7\x16\x17\x65\x55\x8b\xbd\xd8\ \x22\x4b\xa1\x4c\xb1\x6e\xec\xfa\x19\xf2\xfd\x4c\x05\x69\xc8\x57\ \xf1\x75\x56\xae\x0d\xe1\xc7\x5f\x25\x44\x61\x9c\x10\x9a\x81\xd8\ \xf6\x16\x83\x1c\x17\x17\xad\xc5\x3e\x35\x30\x85\xfe\x56\xd8\xcf\ \xb7\x5b\xe7\xeb\x95\x1b\xb9\xef\xc1\xb6\xaf\x6d\xf6\x1e\x6e\xc4\ \x8a\xe0\x57\xfb\x39\x3b\xb1\x61\x54\x86\x6e\x7d\x79\x35\xd0\xa2\ \xaf\xc1\xac\x69\xc1\x71\x7c\xcc\x64\x44\x39\x57\xd0\x89\x03\x7e\ \x94\xe6\x86\x40\x68\x8b\x2b\xce\x35\x2d\xde\x8d\xe3\x7e\xcd\x75\ \x1f\xa6\xf9\x47\x23\x5c\x6e\x8c\x7b\xc8\xf7\x6b\x3c\x3a\xb6\x32\ \xf1\x5d\x4c\xd4\x97\x1d\x77\x12\x35\xc6\xae\x51\x36\xc1\xe7\x09\ \xf4\x46\xc1\x62\xf9\xcf\x69\x2c\xe4\x6c\x41\x25\x77\xae\xee\xd5\ \x91\x75\x2b\x52\x1c\x8b\x1f\xcc\xe3\xec\x37\x91\x1e\x60\xf4\xe6\ \xee\x55\x8b\xb6\xec\x38\x3f\x9e\xca\x16\x51\x65\xe5\x63\xe5\x8a\ \x12\x97\x58\x1b\xb1\xfa\x93\xf0\x07\xc1\x67\xec\x26\x7e\xdc\x0a\ \x7b\x07\x7c\x4a\x88\x3c\x38\x51\xa4\x43\x61\x67\x9c\xde\x46\x9b\ \xe8\x94\x8d\xe9\x18\x7a\x83\x1f\x6b\x26\x1c\xe8\x3a\xb4\x58\x9d\ \xf0\xf3\xdf\xd1\xcc\x8c\x2c\x87\xf0\xed\x90\xfd\x41\x3b\x71\x20\ \x8b\x3c\x6a\x62\xdb\xc5\x48\x18\x98\xc4\x8c\x69\x46\x73\xa5\xb1\ \x89\x2b\xa6\x83\x2a\xd3\x7d\x36\xf0\x40\xdb\x2a\xbf\x44\xbc\xd3\ \x14\x36\x0e\x7a\xce\x6a\xde\xfd\x45\x56\x7f\xc3\x88\xbe\x8d\xb1\ \x93\x53\x8c\xc3\x2c\x13\xd3\xc9\x95\x29\xf6\xbf\x78\x9f\x65\x9c\ \x73\x59\xfd\x62\x7e\xac\x6e\x91\xa3\x1e\x12\x66\xb2\x57\x93\x9e\ \xca\xdc\xc9\x81\xcb\xfd\x84\x10\x4a\xb0\x46\x67\x34\x84\x30\x99\ \x97\x1d\xc3\x21\x17\x90\x0e\x18\x4d\x19\xaa\x16\x84\x55\x0b\xb5\ \x7c\xfd\x2a\x0e\x30\x7f\x8d\x2a\xa9\x4a\x99\x68\x39\x8f\x14\x97\ \xe2\x4b\xac\x59\x1d\x02\x54\x9c\x21\xa8\x1f\x37\x15\xcd\xe1\xf6\ \x36\x74\x93\x8c\xfe\x3e\x8b\xdf\x74\xb1\x6f\x09\x06\x82\x3a\x69\ \xce\x53\xb8\xfe\x96\x46\xb3\xc5\x67\xef\xe3\xbe\xff\xa2\xf9\x00\ \xfe\x8d\xe6\x1a\x2e\x6f\xf1\x31\x5d\xba\x48\xd8\xda\xa8\x89\x6d\ \x17\xa3\xc9\x9c\x1e\xfa\xa7\xe4\xd2\xca\xc4\x6c\x31\xc2\x52\xb5\ \xa2\xff\xd3\xf8\x76\xe0\x58\x8b\xf7\x35\x39\xe5\xd7\x5c\xf5\x29\ \x86\x6e\x37\xbe\x90\x7a\xd9\xf5\x8b\x04\xb1\xaa\x6c\x96\x5e\xc6\ \x09\xc7\xda\x2a\x4e\xd8\x45\xc4\x24\x01\xb1\xfc\xac\xaf\xcf\xc4\ \x6b\xe8\xdf\x2b\x48\x98\xbf\x2b\xec\x24\x54\xa3\x1c\x33\xf0\x89\ \xfe\xb6\xb5\xf1\x0b\x8c\x4c\x2a\x55\x92\x89\xfc\x42\x6c\xbc\x6a\ \x8a\xd8\x22\x32\xb6\xc0\x9b\x08\x17\x9c\xaf\xdf\xc0\x72\x61\x97\ \x9e\x5f\x71\xe3\x70\x08\x50\xf1\x4f\x2a\x5c\x7a\x26\x80\xfe\x06\ \x03\x79\xd7\x9f\xb2\xb1\x5b\xec\xd7\x2e\x21\x68\xc4\x6c\xdd\x3d\ \x5f\xdf\xd9\xe4\xfc\xeb\xb9\xea\xf3\xdc\x73\x7f\x08\xec\xf1\x3a\ \x9b\x26\x09\xd8\x21\xd1\xcd\x2f\x6f\x67\x47\x9a\xb0\x60\x32\xe9\ \x64\xe5\xba\xc9\x2a\xce\xad\xec\x7c\x1d\x1e\x0b\xe9\xe3\xd9\x81\ \x63\x08\x57\xb7\x38\xfd\x11\xde\x77\x71\xdb\x62\x79\xbd\xd1\x83\ \x27\x4f\xf4\x8b\xfd\x8a\x4d\x9c\x31\xce\x38\xc6\xbd\xe4\xf3\x8a\ \xf7\x54\x26\x42\x2f\x2b\x5f\x6c\x2f\x36\x49\x0f\x0b\x2c\xc4\x05\ \xa4\x4b\x39\xa2\x11\xb6\x21\xfd\x9f\x6a\x17\xa1\x22\x52\x2c\xc6\ \x65\x7b\x70\xe1\x05\xf4\x1f\x6a\x64\x03\x01\xaa\xc7\x61\x55\x99\ \xa2\x94\xa6\x38\xb6\xaa\xd4\x12\x65\xe8\x24\xb6\x4d\x04\xfd\xc1\ \xe7\x18\x7c\x90\x4f\xb5\x82\x11\xd4\x4f\x6d\x3e\x77\x95\xbe\x9e\ \x10\xb0\x7f\x4c\xbf\x62\xba\xe9\x7c\x9f\xa7\x87\xc7\xba\xe7\x66\ \xea\xc7\x96\x42\x13\x57\x25\x9c\x36\xcc\xd1\x78\x83\x9d\x74\x93\ \xf8\x32\xd4\xc4\xb6\x7b\xd1\xc4\x81\x33\x8d\xe5\x24\xcb\x3e\xd0\ \xa2\x08\xb6\x58\x27\xc3\x23\x58\xcf\xb2\xe4\xc9\x90\xa5\xe3\xc2\ \x4a\xbc\x67\x23\x2f\xb9\x9e\x9f\xff\x1b\x43\xb7\x45\xfa\x56\xec\ \x4b\xf1\xda\x55\x9c\x66\x8c\x3b\x2d\x9b\x88\x8a\xed\xe6\xdb\x2a\ \x23\xfa\xf9\xbc\x62\x7e\xb1\x8f\xbd\xc2\xbe\xc0\xe7\x32\x63\x7a\ \x88\x0e\x74\xb1\x40\x5c\xea\x6f\x26\x3c\x83\x17\xe2\xdb\x87\xb1\ \xf4\xb5\xa4\x7b\x18\x1d\xdb\xb8\x4c\xd7\x1a\x53\x6f\xc4\x16\x5c\ \x55\xea\x88\x32\x71\x6b\x0c\xb1\x05\x58\xfe\x9a\x05\x97\x9e\xbb\ \x36\x70\x01\xfe\xca\x66\x26\x14\x3d\x4c\x9b\x92\x8b\x21\x5c\xec\ \x4b\x6c\xdc\x67\x68\x7b\x23\x74\xb3\x18\x39\x43\xb3\x15\x7c\x6e\ \x97\x61\x70\x5b\x77\xa6\xdb\x50\x4f\x1c\xdd\x8b\x46\x8b\x85\xb3\ \xda\xc6\x51\x8c\x9d\x64\x8a\x13\x48\x8c\x83\xcc\xe7\x25\x02\x71\ \x7c\x00\x1b\x42\xf8\xb4\x89\x46\x74\x19\x12\x22\xc1\xbc\x74\x19\ \xef\xbb\x84\x15\x97\x1b\xcd\xe5\x56\x89\x06\x63\xf7\x50\x26\xfe\ \x2d\x9b\x6c\xcb\x26\xdd\x4e\xa2\x48\x85\xb2\xb1\x72\xc5\xb6\x9a\ \x82\x03\xee\x85\xf4\x1e\xc4\xc9\x82\x58\x79\x67\x37\x9e\xea\xc7\ \x5b\x1b\x7c\xe1\x04\x16\xbc\x84\xb4\xd7\xd8\x0d\x2d\x28\x97\x30\ \x94\x89\x71\x15\xf2\x8a\xf5\xca\x88\xeb\x78\xde\x73\x19\xd1\xff\ \x3d\x3e\xcf\xe0\x1d\x7c\xbd\xc9\xe9\xc2\x86\x15\x9b\x5b\xf4\x99\ \x62\xc6\xd4\x1c\xb1\x2d\xbb\xcf\x62\x1f\x5b\x9e\xf4\x47\x9b\xb3\ \xd7\x66\xee\x54\x8d\xad\x8b\x9a\xd8\x76\x2f\x06\x30\x77\x77\xa3\ \xc3\xda\xc5\x44\x71\x45\x8e\x2e\xbf\x5a\x2e\xd6\xeb\xc1\xbd\x41\ \x5f\xfb\xfb\xd6\xa6\xeb\xa2\x96\xe1\x3d\x83\x9c\x73\x1d\x3f\xfd\ \xb7\x76\xf4\xa9\xfc\x5e\xb9\x65\x0b\x84\x2a\x54\x4d\x8e\x65\x6d\ \x95\x11\xd8\x32\x02\x5e\xf5\xcc\x62\x0b\x80\xcc\x45\xe8\x1c\xd2\ \x53\x98\xd7\x0e\x84\xf1\x5e\x3b\xa7\xf1\xd4\x1c\x7c\x70\x80\xf7\ \x9f\xc5\xf4\x13\x55\xab\x0d\xa8\x7e\x8f\xd9\x71\x99\x88\xbf\x8a\ \x73\x8d\xbd\xc7\xb2\x77\x1e\x5b\x5c\xad\xc5\xe5\xf8\x26\x0f\xac\ \xe2\x1d\x82\x7e\xf1\xe6\x48\x13\x9b\x05\x2d\x66\xc4\xf4\x10\x31\ \x8e\x3b\xff\x4c\x5a\x18\x08\x9b\x35\xec\xf5\x78\xed\x07\xbe\x5d\ \xa3\x26\xb6\x5d\x8a\x1e\xa6\x4f\x62\xce\x4c\xe5\x56\x9d\xc5\x8f\ \x32\x96\x57\x24\xc0\x43\xc2\xde\x92\x82\x8a\xea\xa9\x60\x48\x70\ \x89\x38\x67\x19\xef\xfb\x1a\x2b\xae\x10\x64\x47\x31\x0e\x3c\x43\ \x71\x62\x2d\xa6\x65\xe9\x55\xa2\xc8\xe2\x3d\x57\x89\x98\x8b\xa2\ \xf5\xb2\xc9\xbd\x4c\x24\x9f\x3f\x3f\x0e\xe7\x33\x30\x93\xff\x9e\ \xf0\x05\x1c\x62\xe7\xf8\x86\x52\x2c\x4e\xf8\xfc\x6c\xde\xf8\x4a\ \xfa\x0e\x36\xa2\xcc\xac\x12\xe1\x96\xe5\xc5\x44\xc6\xf9\x7a\x31\ \x0e\x98\xb1\xef\xa8\x8a\x33\x8c\x8d\x93\x54\x10\xe9\x7c\x81\xa1\ \xeb\xf9\xe9\xc6\x10\xd7\xf8\xc3\x36\x8f\x11\x54\x29\x9a\xcc\xc9\ \x07\xf6\x28\xe3\xe6\x63\xe3\xb9\x0f\xbb\x32\x7d\xb0\xfb\x8d\xa4\ \x6a\x54\xa0\x7e\x71\x5d\x8a\x66\x08\x27\x38\x7b\x37\x63\x27\x9f\ \x32\x54\x19\x5b\x64\x78\x18\x6b\x83\x9a\xea\x6a\x9b\xc7\x24\x7f\ \x99\xa0\xcb\x3d\xe7\x5a\xae\xfe\x0c\x43\x7f\x34\xb2\xa9\x41\x55\ \x5f\xca\x44\x88\xc5\xfc\x58\x99\xf1\x4c\xf0\x31\x71\x65\x4c\x32\ \x90\x21\x26\x11\xc8\x5f\x67\x48\xd8\xbc\xe1\x42\xd2\x83\x38\x39\ \x0d\xf1\x5e\xcf\xd6\xc5\x41\xe2\x37\x03\x1a\x78\x7e\xca\x25\x07\ \x72\xf2\x05\xa4\x73\x8c\x8d\x06\x55\xc6\x69\x96\x49\x38\xf2\xe9\ \x31\x69\x48\xd5\x82\x4d\x24\x6d\x3c\xef\x76\x18\x3f\xc1\x57\x58\ \xf5\x50\x20\xb0\xe7\xe0\xe7\xb6\x8e\x6b\xca\xde\xbb\x18\xdf\x77\ \xcc\xe8\x7b\x6b\x60\x17\xfa\x07\xc3\xf6\x84\x35\xb6\x53\xd4\xc4\ \xb6\x3b\x91\x62\xd1\x14\x06\xb2\x1d\x7f\x88\x4f\x4c\x72\x79\x45\ \x1d\x66\x3e\x8f\xf0\xd1\xde\x89\x0d\xdc\xd8\xda\xbc\x8e\xe6\x19\ \x97\x7b\xda\x0a\xfe\xe9\x8b\xac\xfe\xae\xe0\x97\x9b\x1f\x60\xb1\ \x09\x73\x3c\x04\xb7\x6c\x82\x2a\x9b\x90\xab\x74\xb7\x55\xba\xbc\ \xb2\xe3\x22\x97\xdd\x2f\x88\x95\x9f\xcb\xc2\x29\x7c\x56\x30\xa0\ \xda\x11\xc5\xca\xbd\x78\x65\x83\x2f\x2c\xe5\xa0\x73\x85\x7b\xcf\ \x28\x53\x4c\x4a\x51\x3c\xaf\x52\x7f\x94\xd5\xed\xd4\x76\xac\x6e\ \xd5\x82\xae\x47\x30\x4e\xf8\x22\xcd\x1f\x73\xf3\x60\x88\x02\xf5\ \x0e\x5b\xc9\x5a\x76\x6f\xa4\xcc\xea\x33\xfa\xfb\x8d\x89\x8f\xcb\ \x30\x2d\x30\xb8\x7b\xe9\x7e\x9f\xd5\x9a\xa6\x94\xa0\x7e\x30\xdd\ \x8b\x43\x67\xd2\xcc\x5b\xe2\x54\x4d\x28\x55\xc8\x88\x55\x7b\xa3\ \xeb\x66\x12\x36\x71\x5e\xb3\x19\xfa\x58\xc4\x4a\xfc\xfd\x30\xa7\ \xff\x92\x1b\x3e\xcd\xd0\xdd\xca\x77\x12\xaa\x22\x7a\x79\xc2\x58\ \xc6\x69\xc6\x08\x71\xb1\x4e\xd9\x44\x1e\x23\xbc\xb1\xf2\x65\xe2\ \xcb\xa6\xb0\x4d\xe1\x79\x0c\xcc\xe0\x7f\xb4\xc5\xca\x3b\xd2\x86\ \x06\xfd\xf8\xef\x7d\x7c\xf4\x54\x66\x9f\xda\x4e\x2c\x13\xc1\x67\ \x79\x31\xa2\x5a\x7c\x67\x55\xa2\xe5\x62\xbd\xf1\x70\x81\x31\x55\ \x41\x86\x1e\x5c\x87\xcf\x32\xf8\x27\xbe\xd8\xe2\x05\x82\xba\x76\ \xab\xed\x40\xb3\x9a\xde\xc9\xcc\x9e\x5a\x30\x76\x1c\x8f\x18\x3c\ \xbb\x97\x99\xc1\xb8\x6a\xd1\x96\xec\xe7\x66\xc0\x1c\xa1\x8f\x8b\ \x30\x2f\x61\x56\xca\xb4\x24\x8c\xa5\x9d\xd9\xa8\x10\x3b\xce\xc4\ \xb0\xa3\xa1\xd1\xe2\x90\xbd\x0b\x1f\x67\x8c\x10\x94\xe9\x7e\xf2\ \x75\xb2\x0f\x7b\x0d\x1e\x0e\x74\xe2\xca\x2d\xd2\xeb\x11\xfc\x14\ \xcf\x5b\xc1\xff\xfd\x02\x6b\xbe\x63\xf4\x4e\x42\x9d\xb8\xd4\xaa\ \x49\xbc\x8a\x33\x10\x29\x53\x6c\x3f\x7f\x8d\x18\xaa\x44\xcb\xc5\ \xf4\x8d\x98\x8f\xd7\x93\x2e\xe2\xd4\x84\xcb\x84\x20\x18\xdb\xfb\ \x77\x35\x03\x1f\xda\x85\x77\x9d\xcb\xc0\x33\x8c\xa5\x4c\x65\x44\ \x22\xff\x8e\x63\xc4\x93\xf2\xe7\x59\xac\x57\xd6\x7e\xbe\x0f\x65\ \xef\x3d\x7b\x3f\x5f\xc2\x65\x3c\xb4\x8e\x3f\x13\x7c\x3f\xef\xa9\ \x68\x7e\x8b\x60\x90\xfe\x5e\xa6\x17\x83\xd3\xe4\x8f\x3b\x8d\xc7\ \xd9\xc1\xad\xe6\x00\xdd\x3b\xb6\x52\x61\xcb\xca\x5f\xe3\x77\x0d\ \x6e\x4a\xb9\x0d\xd7\xb7\xf8\x16\x3e\x9a\xf2\xfa\x84\x83\xda\xc4\ \xb7\x5b\xef\x63\x8b\x61\xa7\x5f\x6d\x74\x29\x66\xa7\x2c\xdc\x53\ \xd0\x33\x11\xd7\x7d\xc5\x74\x91\x65\x62\xe6\x14\x7f\xc4\x46\xee\ \x4a\xb8\xb5\xb5\xe5\xc5\x51\xab\xf0\x8e\x61\xbe\x7d\x35\x1f\xba\ \x83\x25\x2f\x26\x5d\x18\xfa\xd0\x51\xf7\x9a\x21\x36\x29\x15\x27\ \xd5\xd8\x22\x63\xbc\x65\xca\x16\x2b\x31\xbd\x6f\x8c\xbb\x6e\x0a\ \xf2\xbd\x97\xe3\x4a\x16\xfd\x82\x4b\x5a\xfc\xad\x10\x47\xb7\xdb\ \x45\x7e\x31\xec\x95\xf0\xf9\xdd\x38\xf1\x7c\xd2\x59\x46\x13\xda\ \xd8\xb3\xcd\x1f\xe7\x7f\xab\xb8\xb8\xd8\x7b\xe8\xa4\x83\x8d\xbd\ \xb3\x18\xf7\x3b\x09\xb7\xe3\x1b\x21\x64\xe0\x4f\x05\x22\x7b\x97\ \x6d\xf4\x3e\x06\xe9\x9f\x16\x08\xee\x28\x54\x8d\xb1\x7c\x99\x96\ \xb0\xe5\x4f\x8b\x05\x49\x20\xba\xdd\x88\x26\xfe\x05\xfb\xf6\xf2\ \xfa\x57\xd2\xdb\x8f\xd5\xcc\x58\xce\xc2\x07\x38\xe1\x5e\x9a\x8f\ \x86\xfe\xdf\x9e\x84\x50\x8e\x5f\x15\xf6\x2b\x68\xda\x3e\xbf\x95\ \x09\xa1\x2c\x26\x41\x8d\x6d\x88\x84\x83\x06\x78\xf3\xb3\x99\x3c\ \x49\x20\x94\x65\x5c\x1c\x63\x27\x9f\x18\x01\x9b\x8c\x1f\x62\x19\ \xdf\x68\x85\x6d\xc2\xb6\xd6\xe0\xfe\x13\xbe\xb2\x65\x9d\x1b\xf3\ \x00\x00\x20\x00\x49\x44\x41\x54\x8e\xe6\x8d\x1c\xf1\x38\x8d\xfd\ \x48\xf2\x7e\xb9\x65\x2b\xfb\x4e\x84\x38\x56\xb6\x53\x3b\x65\x93\ \x59\xac\x7c\x8c\xc0\x96\x71\xcb\x2d\x81\xed\xd8\x9d\xc9\x77\x71\ \xf2\x10\x73\x85\x89\x7e\x43\xe7\xde\x77\x0d\x0e\xc2\x37\xf7\x65\ \xe9\x05\x24\xd9\xd6\x8e\x79\xc4\x9e\x65\x51\xcc\x1f\x7b\x46\x31\ \xc9\x45\x27\x71\x72\xd9\xb5\xaa\xb8\x6a\xb8\x02\xdf\x66\xcd\x20\ \xff\x2f\xde\x2c\xa8\x6c\xb7\x25\x8d\x9a\xbb\x1b\xaf\x3f\x3a\xc4\ \xa7\xc0\xe8\xfb\x28\x7e\x03\xb1\x67\x98\x92\x5c\x4f\xda\xc7\xbf\ \x0e\x6e\x1d\x11\x78\x36\xed\x94\x3d\xb7\x34\x92\xb7\x01\xdf\x1b\ \x66\xaf\x3f\xb1\xe4\x04\x92\x5d\xb1\x0f\xc9\xa1\x38\x96\xe4\xa8\ \x60\x60\x37\x73\x03\xcf\x5a\xcd\xeb\x5a\x9c\x98\xf0\xa8\xb0\x18\ \x1a\xb6\x03\xa3\xe6\x6c\xbb\x0f\x69\x8b\xc3\xa6\x32\x2d\xf3\xcb\ \xab\xd2\x49\x65\x28\x12\x88\x22\x21\x58\x2f\xac\xf6\x5b\x5c\x62\ \xeb\xaf\x22\x57\xe3\x5d\x4d\xbe\xfb\x2b\x3e\xf0\x07\x96\xbe\x48\ \x20\x4e\xf9\xcd\x0d\xe8\x3c\x01\x13\xe7\x3c\x8b\x79\x55\x44\xb5\ \xac\xad\xd8\x35\x3b\x89\xfb\xf2\xe7\x43\x02\xb5\x9a\x4d\xef\x97\ \x79\xfd\x23\xe1\xf4\x7c\xdb\x40\x74\x39\x41\xa4\x38\x1e\xff\x71\ \x14\x73\x5e\xd8\x4e\x8c\x89\x7f\xf3\xe7\x59\xda\x78\xdf\x4d\x99\ \x1a\xa4\x4a\x84\x5a\x36\xd6\x8b\x12\x8b\x1e\xdc\x2f\x70\xb3\xcb\ \x03\xb7\xf4\x67\x82\xba\x76\x9b\x73\x4c\x49\x3b\x2e\x72\x6a\xb4\ \x15\x77\x99\x58\x3d\x76\x3e\x19\xbb\x31\x6d\x65\x30\x92\xba\xdb\ \xe6\xbf\xaf\x6c\xfd\xdb\x97\x32\xab\xc5\xac\x24\xfc\x0e\x24\xf4\ \x35\x83\xb1\xdc\xa0\x30\xcc\x87\x04\xfb\x8c\xab\x8d\x0d\x00\x32\ \x88\xb7\xaf\x64\xc9\xa5\x1c\xf5\x92\x76\xe1\x2c\x9c\xd4\x64\x1c\ \x42\xba\x04\xab\x68\x5c\xcd\xb3\xae\xe7\xd8\xf5\x5c\x2b\x48\x84\ \x7e\xbe\x99\xef\xab\x6b\x50\x13\xdb\xee\xc4\xd1\x7b\xd2\x9c\x44\ \x1a\x23\x46\xb1\x49\xa8\x4c\xa4\x97\xe1\x36\x4f\x8a\x90\xaf\xde\ \x0a\x22\xe4\x18\x9a\xc2\x87\x74\xfa\x4a\xfe\xe2\xcb\xfc\xb7\xc3\ \x99\x76\xb2\xf0\x15\x97\xdd\x13\xe5\x22\xdf\xfc\x02\xa4\x4a\x44\ \x99\x1d\xe7\xeb\x15\xeb\x2b\xa9\x13\x13\xd7\x57\x3d\xfb\x26\x66\ \xe2\x0d\xa4\xdf\xe0\x59\xb7\x85\x8d\xe9\x5f\x25\x4c\x26\xdb\x7c\ \xe2\x8f\x20\xc5\x99\xf8\xec\x73\x99\xfe\x1c\x63\xfd\xba\xab\x08\ \x68\x3e\xad\x8a\x78\xc4\xda\xca\x97\x8d\x8d\xd9\xaa\xfc\x22\x17\ \xf8\x13\xfc\x9c\xb5\x83\x41\x7c\xff\x5e\x13\x8f\x8e\xb6\xc5\x90\ \x30\xa3\x9f\xde\x8c\xd8\x12\x1f\x4f\x55\xdf\x70\x8a\x5d\x69\x3c\ \x18\x24\x26\x77\x6f\x86\x6e\xa5\xc2\x02\x60\x71\x8b\x25\xad\x10\ \xcf\x78\x31\xe6\x35\x99\xde\x08\x5c\x74\xa3\x97\x74\x2a\xe9\xa3\ \x58\x13\xba\x9f\xdd\xc6\x5d\xc2\x46\x0d\x77\x45\xda\x5e\x8d\x3f\ \xff\x2d\x3f\x7b\x06\xbd\xc5\x38\x93\x2d\x61\x91\x3d\x15\x27\x91\ \x1e\x47\xfa\x13\x8e\xbd\x8e\x6f\x0f\x87\xbd\x6f\xdf\x65\x07\xdc\ \x6c\xbe\x26\xb6\x5d\x86\x84\x81\x16\x4b\xe6\x93\x16\x7d\x19\x27\ \xd0\xc6\x28\xf4\x0a\xfb\xe5\xe1\x8a\xd6\x96\xb1\x42\x9e\x08\x56\ \x08\x7e\xb9\x3f\xba\x9e\xf7\xdc\xcd\xb1\x2f\x6c\xef\x7d\x9a\x37\ \xa2\x2a\x12\xc2\x4e\xa2\xe0\x18\x62\xfa\xbd\x4e\xc7\x13\x11\x69\ \x57\xe9\x1a\x27\xe3\x3c\xfc\x80\x85\x3f\x0f\xfe\xb8\x7f\x8e\xff\ \xb2\x15\xad\x60\xc7\x81\x46\x12\x8c\x5a\x3e\x74\x2a\x03\xc7\x88\ \x13\xd6\x2a\xf1\x66\x27\x6e\xbf\xac\xec\x78\x9e\x73\x8c\x20\xe5\ \xeb\x67\xbb\xf4\x7c\x0b\x77\x73\x6b\x93\x77\x0a\x96\xc6\xdd\x14\ \x97\x37\x4d\x98\x35\x90\x0b\xd5\x98\x47\x71\xbc\x57\x61\x06\x7d\ \x49\x20\x8e\x3f\xdd\xd4\xbe\x08\x1c\xeb\xb3\x5a\x81\x50\x1e\xdf\ \x60\xf6\xee\xf4\xef\x4e\x63\x4f\x9a\xb3\x49\xa7\x0b\xe3\xb7\x4f\ \xf8\x26\x7f\x82\x87\xc3\x33\xbd\x56\x08\x59\xfa\x63\xdc\xd7\xfe\ \x8b\xa1\x89\xeb\x9a\x7c\xe6\x0a\xde\x74\x61\x6e\xa7\xa3\xec\x9e\ \xf3\x05\xfb\x04\x13\xf1\xc3\x18\xf8\x06\x6f\x59\xc1\x12\x21\xa2\ \xd7\x44\x62\xb7\x77\x3d\x6a\x62\xdb\x7d\x58\x30\x99\x79\x7b\x19\ \x09\xd3\xb8\x29\x9c\xac\x5c\xda\x3a\xfc\x21\x18\x26\x5c\xac\x3b\ \xb8\xab\xcc\x2f\xf7\xa5\x2b\xf8\x8b\xaf\xf0\xd6\xc3\x99\x76\x52\ \x3b\xce\x6e\x19\xf7\x54\xc5\xe1\xc4\x3e\xe4\x7c\xbd\xd8\x79\xec\ \x79\x95\x3d\xef\xaa\x36\xcb\xca\x10\x56\xee\x53\x99\x7d\x25\x17\ \x0d\x07\xd7\x88\x4f\xe9\x0e\x62\xd0\x8b\xb7\x4e\xe2\x3d\xa7\xd1\ \xbf\xc4\xe8\xb0\xa0\x79\xc4\xf4\x89\x65\x9c\x6b\x2c\xbf\xd3\xf3\ \xaf\x7a\xee\x31\x4e\x97\x30\x7b\x5f\x87\x1f\xb3\x7e\x75\xb0\x41\ \x78\x97\x6d\x68\x04\x55\x85\x16\xb3\xb2\x80\x16\xe3\x15\x21\xe7\ \xa5\x35\x59\xfe\xdc\x30\x5f\x3f\xdd\x08\x77\x39\x5e\xa4\x42\xb4\ \xb3\x97\xe3\xdc\xdd\xd8\x6b\x1f\x7a\x9f\x46\xba\xb7\xc0\x61\xb6\ \x65\xc8\x69\xfe\xf9\xfe\x09\x97\xd2\x5c\x11\x1e\xf5\xbb\x71\x95\ \x91\x48\x5b\x9d\xae\xdf\xc4\x7b\xef\xe5\xcc\xdf\xb3\xd7\xa1\xca\ \xdf\x65\x56\x78\x6f\xbc\x9e\xc6\x7f\x71\xfc\x6d\x5c\xd6\x0a\x12\ \xa1\xf1\xec\x4c\xb6\x5d\xa0\x36\x90\xea\x32\x24\x9c\x32\x8b\xf3\ \x8e\x0b\x2b\xe2\x52\xae\xa2\x2c\xad\x98\x97\xe0\x26\x9a\x37\x73\ \x67\x12\x26\xa4\x6e\x98\xe8\x33\x3c\x81\x9f\x0d\xf3\xcb\x07\x38\ \xf0\x36\xf6\x99\x29\x88\x61\x8b\xa2\xcc\x22\xa1\x8d\x3d\x97\x18\ \xe7\x55\x44\xac\x4c\x27\xce\xad\xaa\xed\x2a\xf1\x6a\x96\x3e\x3f\ \xdc\x53\xef\xdd\x9c\xb0\x31\x2c\xe4\xaf\xb3\x6d\x0d\xa7\x06\xf0\ \x3f\xa7\xf2\xce\x97\xd0\x7f\x88\x72\xcb\x94\xd8\xb3\xcf\xd2\x8b\ \xbf\x65\xcf\xb5\xec\xb9\x15\xdb\x8e\xbd\xe3\xa2\x84\xa3\x47\x10\ \xcd\x7c\x0b\x57\x71\xdf\xba\xc0\xcd\xbe\x4f\x08\xd2\x52\xf6\x1a\ \xb6\x25\x92\x16\x67\x2c\xe1\xb8\x39\x24\x45\x69\x55\xf1\x99\x56\ \x8d\xef\x94\xe6\xb5\x61\xed\x7c\xd1\x38\xaf\x9d\xe2\x60\xfc\xef\ \x06\xef\x9d\xc7\x49\x27\x33\xe3\xf9\x34\x0e\x25\x99\x25\x58\x6e\ \x33\x5a\x55\x92\xe2\xb7\xf8\x3a\x6b\x57\x07\x0b\xe3\x37\xe1\x77\ \xc2\xb5\x8b\x5a\x9b\x2a\x3c\x81\x29\xab\x38\xfe\xe9\xb9\xf9\xac\ \x8c\x93\xcf\xa4\x15\x07\x63\x2d\x33\x1e\xe4\xd9\x42\x58\xd9\xcd\ \x19\x80\x67\x9b\xa1\x26\xb6\xdd\x85\x34\xe1\xcd\xfb\x71\xe4\x21\ \xe1\x23\x45\x7c\xf2\x29\x4e\x5a\x22\x79\x84\xc1\x7b\x05\xad\xc7\ \xf8\x4c\x8b\xef\xe9\xbe\x09\xa9\x29\xe8\xa0\x2e\x7d\x02\xb7\x70\ \xf0\x13\xf4\xed\x23\x4c\x04\x55\x5c\x55\xd9\x33\x88\xfd\xc6\xca\ \xc7\xc4\x9f\x13\x79\xbe\xc5\xb6\xcb\xea\xb5\x04\x96\x76\x2e\x93\ \xee\xe1\x98\x75\xc1\xc8\xe5\x5a\xdb\x46\xa4\x3f\x0d\xff\x30\x9d\ \xbf\x3c\x9b\x29\xfb\x1b\xe1\x68\x63\x7f\x19\xca\x26\xc9\x32\xe2\ \x58\x44\x59\x7a\x19\x17\x1c\x23\xf0\x3d\x82\x91\xdf\x25\x21\x58\ \xca\x0f\x9b\xc1\xa5\xe7\x0a\xdd\xbd\x41\x79\x82\xf3\x8f\xe4\xf0\ \x19\xed\x6f\xba\x6a\x11\x18\x5b\xfc\x65\xe7\x93\x48\xae\x63\xf2\ \x14\x3e\x31\x18\x24\xbc\x55\x98\x8d\xb7\xa6\x7c\x68\x3f\x9e\x7b\ \x06\x53\x9f\x4d\x92\x05\x57\xce\x13\xd7\xfc\x35\x53\xc1\x51\xf6\ \x0a\x56\x6e\xe0\xed\xf8\x67\x81\x9b\xdd\x94\x79\xa3\x85\xbb\x9e\ \xe0\x15\x7b\xb1\xcb\xee\x46\x2f\x2c\x62\x73\x5a\x96\x7f\x00\xc9\ \x6a\x66\x2e\xe3\x98\x56\x10\x5b\x3f\xb2\x09\xd7\xef\x2a\xd4\xc4\ \xb6\x8b\x90\xb0\x4b\x8b\xbf\x3b\x8e\x3d\xf7\x50\x3d\xba\xc7\xcb\ \x85\xad\xc4\xf7\xd8\xd8\x0a\xab\xd3\xe5\x9b\xbb\xcf\x9b\x11\x6b\ \xf1\xe3\x61\xae\xbf\x8f\x03\xfe\x10\x36\x61\x48\x67\xb4\x33\x63\ \x5c\x7d\x31\xbd\xec\x19\x54\x4d\xe0\xc5\xe7\x58\x96\x36\xde\xfc\ \xb2\x89\xb2\x85\xdd\xb0\x90\x9e\x7b\x39\x7c\x0d\x07\x0a\xd6\x9c\ \x5b\xd3\x10\x64\x1a\xde\x33\x93\x37\x9f\xcb\xe4\xb9\xe2\x9b\x5c\ \x6c\xca\xac\x1a\x7b\xde\x65\xef\x26\x5f\xa6\xd8\x46\xec\xfa\x89\ \xb0\x20\xb8\x32\xfc\xad\x7a\x9c\xf7\xe3\x7f\x08\x3a\xbd\xae\x16\ \x31\x9e\x42\xeb\x8f\xbc\xfa\x48\x16\xef\x1a\xb9\xed\xe2\xe2\xac\ \x4c\x1d\x42\x58\x7c\xde\x16\x8c\x95\x2e\x69\x96\xbb\x33\xa5\x38\ \x32\xe1\x53\xb3\x79\xcd\x29\xec\xf6\x3c\x4f\xfa\xe9\x56\xea\x87\ \x53\xdc\x82\xcb\x58\x39\x18\xf6\xf4\xfd\x37\x9d\x89\x7a\x27\xac\ \xc1\x9c\x35\x2c\x3d\x94\xa4\x6c\xa1\x1a\xbb\x91\x45\x24\xf7\xb1\ \xc7\xa3\x61\x71\xfa\x5d\xdb\x97\x1b\xdd\x18\xec\x74\x51\x3c\xba\ \x1c\x8b\x26\x33\x77\x6f\x71\x31\x6a\x27\xee\xa9\x88\x14\xd7\x87\ \xbc\x9f\x0a\x4c\x41\xb7\x63\x48\xe0\xbe\xcf\x78\x90\x0f\x7f\x99\ \x95\xdf\x33\x7a\xbf\xdc\xf1\xa2\x28\x9a\x2c\xe6\x51\xce\xd9\x96\ \x11\x85\x2a\x0e\xba\xec\xfa\xc5\x76\x77\xc7\xf9\xa4\xfb\xf0\xe2\ \x84\x4f\x62\x61\xc7\x9b\xd9\x3c\x98\x86\xf7\xce\xe4\x4d\xe7\xd0\ \xbb\xa7\xea\xdd\xa4\xc6\x73\xdf\x55\x9c\x7e\x0c\x31\x0e\xa6\xac\ \x4e\x9e\xd3\x5a\x8e\x8b\x68\x5e\xc5\x0d\xed\x5d\x7a\xde\xa7\x8b\ \xac\x8d\xab\x70\x07\x69\x4a\x5f\x9e\xab\xa9\x7a\x4e\x45\xa9\x41\ \x3e\xad\x85\x3d\xe8\x1d\x0a\xfa\xd7\xd8\x22\xa3\x81\x17\xf7\xf0\ \xd5\xc3\x39\xe1\x02\x1a\x87\xe5\xea\x56\x3d\xfb\x04\xf7\xe2\xb2\ \x60\xd1\xfd\x5e\x7c\xb1\xe4\x1a\x13\x45\x13\x9f\xbe\x87\x65\xf7\ \x18\x7b\xef\x65\x12\x24\xc2\xbb\x7f\x51\x30\xd8\x7a\x31\x2e\xb4\ \x9d\xdb\x18\xd5\xc4\xb6\x7b\x90\xb6\x38\x76\x36\x33\xa6\xb7\x13\ \xca\x56\xa0\x31\xc4\xca\x0d\xe1\x77\x0c\x25\xe3\xd7\xf1\x74\x0b\ \x96\xe1\x6f\x07\x79\xf9\x55\x5c\xfb\xef\x85\x18\xcb\x74\x26\x88\ \xb1\xb4\x32\x51\xe7\x44\xcf\xf3\xe9\x55\x9c\x42\x8c\xc8\xb7\x04\ \x85\xe9\x79\x98\xcf\xc9\x49\xd8\xc8\x60\xff\x48\xf5\xcd\x89\x69\ \xf8\xc7\x99\xbc\xf1\x9c\xb6\x2b\x46\x36\x8b\x56\x2d\xd8\x62\xcf\ \x41\xae\x6c\x2b\x77\xdc\xa9\x7e\xbe\x4c\x99\x28\x35\x86\x6b\x71\ \x11\x6b\x1f\x08\x5c\xd6\x69\xad\xc0\xe0\x76\x93\x45\x77\x25\x56\ \x05\xd5\x50\xa3\x2c\x88\x4b\xd9\x33\x8c\x89\xd7\x5b\x82\x91\x54\ \xc2\x31\x91\x4b\x35\x70\x5e\x83\x4f\x9f\xc0\xc2\x33\x31\xc5\x68\ \x5d\x7c\xd5\xb3\x5f\x8f\x2b\x18\x5a\x1b\x5c\x6f\xfe\xc5\xe6\x95\ \x18\xdc\xd9\xe4\xf2\x5f\x45\xda\x6c\x15\xfe\xb2\xb4\xec\x7e\x67\ \xe0\x79\xf4\x4e\x0a\x22\xed\x43\x36\x63\x9f\xb6\x3a\x6a\x62\xdb\ \x45\x48\x38\x65\x81\xd1\xcb\xb7\x98\x35\x42\x6c\xe2\x6a\x15\xf2\ \x53\x41\xc6\xb6\x9a\x87\x5a\xc1\x1d\xa2\xab\xc5\x6d\x11\x34\x05\ \x2e\xf7\xf4\x07\xf9\xf0\x7f\xb0\xea\x7b\xc2\x2c\x9b\x9f\xa8\x8a\ \x13\x47\xf1\xe3\xed\x44\x10\x8a\xcf\x32\x5f\x27\x31\xf6\xf9\x97\ \x11\x8d\x89\x88\xb9\x5b\x42\x70\xd8\x97\x61\x21\x27\x24\x7c\xde\ \x96\x0b\x32\x3f\x0d\x1f\x98\xc9\xeb\xcf\xcd\x11\xda\x22\x21\x2d\ \xde\x63\xf1\x59\x88\x9c\x17\x91\x5f\xd4\x74\x2a\x5b\xac\x97\x6f\ \x3f\xc5\xe3\xf8\x1a\xcd\x2b\xb8\x67\x5d\x88\x02\xf5\x06\xc1\x50\ \x66\xbb\x1a\xc7\xcd\x40\x6c\xd3\xbc\x9e\x94\xb8\xed\x41\x76\x1c\ \x1b\xdf\x59\xdd\x7d\x82\x57\xc1\x11\x46\xcf\xdd\x29\x4e\xed\xe1\ \x23\x27\x31\xeb\x78\x63\xb7\x40\xac\x42\x2a\xac\x60\x1e\x0c\x6a\ \x8d\xf7\xd8\xfc\x3a\xf0\x66\xc2\x97\xef\x62\xcd\x2a\xf1\xfb\x56\ \x48\xcb\xee\x7d\x18\x87\x61\xbf\x20\x4a\xfe\x2b\xdb\xf1\x76\x96\ \x35\xb1\xed\x1e\xcc\x6b\x71\xd8\x01\x39\xf3\xfb\xb2\x15\x70\x91\ \xa3\x8a\x89\x85\x5a\xb8\x36\x7c\x73\x5f\xb3\xed\x7d\x6b\x9f\x0a\ \x96\xe1\x1d\x1b\x39\xe7\x2a\x6e\xf8\x2c\xcd\x7b\x8d\x2c\x48\xca\ \x88\x5c\xf1\x38\x9f\x56\x24\xa8\xb1\xdf\xb2\x67\x1a\xe3\x66\xcb\ \x88\x7e\xf1\xfd\x14\xeb\x4d\x16\x08\xee\x01\x1c\x9b\xf0\x65\x9b\ \x9f\xe0\xf6\xe1\xfd\x33\xb8\xf0\x3c\x7a\x33\x3b\x80\xe2\x33\x28\ \xf6\xab\x78\x1c\x93\x22\x94\x89\x8f\xcb\x38\xfd\x4e\x52\x80\xac\ \x4c\x8f\xa0\x37\xfc\x14\x83\xb7\xf2\x1d\x3c\xcf\xe6\x13\x69\x6e\ \x69\xa4\x82\xab\x97\x29\xc1\x8d\xad\xb1\x96\xc6\x46\x56\xaf\x6b\ \x5b\xe3\x66\xc8\x3f\x8f\xe2\xf8\xa9\x52\x81\xec\x4a\x3a\x99\x43\ \x66\x84\x77\x9b\xe1\x90\x84\x8f\x9f\xc0\x8c\xa5\xc6\x5a\x96\x57\ \x3d\xfb\x14\x77\xe0\xc6\xf0\x9d\xbd\xd3\x16\x12\xcf\xb7\xb8\x6a\ \x03\x37\xdf\x64\x74\x9c\xc7\xd8\x58\x2b\xa6\x35\x85\xf0\x66\x93\ \x79\x51\xc2\x51\x5b\xa2\x7f\x5b\x03\x35\xb1\xed\x12\x24\x1c\x35\ \x93\xd9\x7b\x18\xbd\x2a\x2d\xe3\xaa\xb2\xdf\x62\x7e\x36\x50\x1f\ \xc2\x1f\x83\x15\xe1\x67\x6d\x1f\x13\x55\x15\x86\x84\xc5\xf7\x49\ \x0f\xf3\xe1\xcf\xb3\xf6\xdb\xe2\xc4\x8c\x72\x82\x5b\x36\xc9\x17\ \x25\x04\x45\x6e\xa2\x58\xb6\xec\x3c\x26\x61\x88\x71\x77\xf9\xb4\ \x86\x40\x70\x17\x07\x47\xfe\x2f\x0b\x11\x82\x36\x07\x52\xfc\xfd\ \x2e\x5c\xf8\x72\x1a\xbb\x8b\x0f\x82\x4e\xf7\x93\xff\x8d\x95\xeb\ \xf4\x8c\x62\x79\x65\xe3\x76\x48\xf0\xeb\xfc\x1a\xab\xd6\x84\xfd\ \x66\x5f\xaa\x8b\x8d\xa0\x1a\x81\x63\x4d\xd1\xe8\xa3\xbf\x8f\x05\ \x09\x27\x3f\xc1\x1b\xd7\xf3\xde\x21\x3e\x3f\xcc\xb7\x13\x4e\x78\ \x40\x7c\xb2\x2d\x7b\x56\x65\x63\xa7\x0f\x73\x98\xf6\x58\x88\xf6\ \x94\x0a\x42\x92\x8f\x1e\xc2\xdc\x67\x1b\xed\x2b\xdd\xe9\xd9\xb7\ \x84\x67\xfe\x43\x9a\x1b\xf9\x8c\x10\xe1\x6d\x4b\x3d\xeb\xf5\x2d\ \xbe\x7c\x53\xb8\xd6\xa8\xfe\x95\x49\x7f\xf2\xfd\xde\x1b\xfb\x06\ \x3b\xaf\x0b\x6c\xa7\x74\x6b\xbb\x56\x38\xef\x40\x48\x5b\x9c\xb2\ \x37\x8d\xc9\x46\xeb\xd3\xaa\xb8\xa6\x18\x32\x31\xdc\xd5\x41\xdc\ \xf4\x1d\xdc\xba\x25\x3a\xbc\x8d\xb0\x12\x6f\x1f\xe6\x1b\xbf\xe4\ \x13\xb7\x72\xd0\xd9\xa4\xf3\x8c\x98\x4c\x76\xe2\xac\x94\xe4\x11\ \x27\x34\xb1\x36\xaa\x38\xda\x32\xc2\x14\x9b\x50\xf2\xc4\xec\x6c\ \xd2\x2f\x72\xc4\x1f\xc3\x4e\x28\xa7\x0b\xf7\xba\xa9\x48\xf1\xd7\ \x7d\xfc\xf5\x79\xf4\x66\x2e\x17\xb1\x67\x50\xc6\xdd\x2a\xa4\xc7\ \xa4\x2d\x0a\xc7\x65\x8b\x9d\xaa\x7b\x6f\x09\x56\xb6\x77\xe3\x1b\ \x58\x19\xd4\xb4\x7f\x21\xf8\x22\x77\x1d\x76\x21\x1d\x64\xaf\x0d\ \x2c\x19\x0a\xe2\xdc\x83\xb1\xff\x30\xf3\x76\x63\xd6\x1e\x34\xa7\ \x63\x06\xe9\x6e\xe1\xb7\x39\x95\xb4\x61\xec\x77\x2d\x77\x1e\xfb\ \x2d\x12\xa3\x1e\xc1\x67\xfe\x7e\xee\x69\x8e\x8c\x8f\x37\xed\xda\ \x8e\xc2\x16\x7b\x37\x55\xcf\xbe\x21\x58\x4e\x3e\xc8\xcd\xf8\xb8\ \x2d\xbf\xa8\xb9\xfc\x21\xde\x7e\x0f\x73\x17\xb6\x2f\x56\x1c\x5f\ \x55\xfd\x3e\x92\xf4\x36\x4e\xc6\x3c\x9b\x27\x64\xe5\x56\x45\x4d\ \x6c\xbb\x03\xd3\x70\xe2\xc1\x85\x15\x5b\xd9\x40\x2c\xe6\x17\xcf\ \x57\xe1\x56\xd6\x26\x7c\xb2\xd5\xa5\x5c\xc1\x53\x40\x16\x63\xf9\ \xb8\x47\x79\xe7\x67\xf8\xcb\x63\xe8\x3b\xd9\xd8\xb0\x3a\x65\x22\ \xf7\x32\xd1\x73\x8c\x4b\x8e\x95\x8b\xb5\x5d\x35\x69\x94\x11\xab\ \x62\xd9\x97\xe3\x73\x2c\x7d\x28\x70\xb8\x2f\x11\xdc\xa1\x26\x8a\ \x34\xe1\xc2\x1e\xde\x73\x0e\x7d\x73\x8d\x88\x15\xab\x24\x01\x55\ \x69\xd9\xb9\x42\x19\x91\xfc\xd8\x42\xa4\xec\xb9\x11\xde\xd9\x77\ \x70\x2d\x6b\x37\xf2\x31\xfc\xa3\x2e\x8b\x8b\x3b\xc0\xc0\x13\x41\ \x92\x79\xca\x1a\x8e\x9f\xc1\xe2\x03\xe9\xdd\x2b\x44\x60\x6a\xce\ \x32\xb2\x3b\x7a\x8b\x74\xd8\x08\x21\x69\xb5\xc5\xc7\x79\x5f\xe6\ \x89\x20\x7b\x56\x99\x78\xfd\x3f\x83\xb1\xd1\xe9\xad\xb0\xb9\xc5\ \x1c\xbc\xfd\x64\x1a\x53\x8c\x48\xc4\xc6\xfb\xec\xd7\xe0\x9a\xc0\ \xdc\xbe\x1f\x0f\x4c\xb0\x6b\x9b\x82\xbb\x71\xe5\x0d\xbc\x7a\xbf\ \xdc\x5c\x57\xf5\x0d\x65\xf9\x2d\x21\x38\xcc\x6c\xe6\x2e\xe3\xf8\ \x56\x4d\x6c\x6b\x6c\x0a\x12\x9e\x35\xc0\x9c\x79\x46\x07\x2a\xcf\ \xe5\x8f\xf9\x80\x62\x84\x96\x30\x82\xaf\xc5\x86\xf0\x73\xd5\x16\ \xeb\xf4\xb6\xc7\x6a\xbc\xb3\xc5\x65\xd7\xf0\xd1\x3f\x70\xd8\xe9\ \xa4\x0b\x8c\x98\xaa\x96\x11\x80\x18\xb1\xc8\x63\x3c\xcf\x3e\xd6\ \x5e\x8c\x50\x95\x4d\xae\xb1\x77\x37\x09\xaf\x26\xfd\x2c\xcf\x7f\ \x84\x4f\xe3\xb5\x26\x16\xf1\xab\xed\x2d\xe1\x23\x67\xd0\xb7\x9f\ \xd1\x84\xb6\xb8\xe8\xc8\x5f\xbf\x8a\x23\xaa\xe2\x8a\xcb\xb8\xfc\ \xe2\x82\xa2\xf8\xfc\x1a\x82\x92\xf0\xbf\x70\x3f\x37\xb7\xf8\x1b\ \x5d\x64\x69\x3c\x9d\xc6\x6a\x9e\xd1\xe2\x82\x8d\x9c\xba\x98\x39\ \x8b\x68\x2c\x0c\x79\x4f\x12\xd0\x56\x9b\x68\x0c\x8b\xeb\x4a\xcb\ \xa4\x53\xb1\x85\x1a\xa3\x9f\x57\x9e\xd0\xde\x84\x6f\x70\xf3\x10\ \xe7\x18\x71\xe3\xfb\xb3\xbd\x99\x7d\x90\xf2\xdd\x84\x44\xd2\x93\ \x76\x9b\xed\xa8\x2a\xd7\x0a\x81\x41\xb6\x06\x9a\xf8\xf2\x9f\x38\ \xfb\x31\x06\x06\xc4\xc7\x4f\xac\xff\x2d\xc1\xc6\x61\x3e\xe9\xb2\ \x20\xf9\xd9\x5e\xf4\xf8\x4f\xa2\x0e\x6a\xd1\x1d\x78\xfb\x62\x8e\ \x3e\xcc\x48\xd4\x28\xaa\x89\x44\x19\x77\xf4\x18\xae\x60\xed\x50\ \xd0\x79\xfd\x7e\x4b\x75\xb8\x4b\xd0\x14\x56\xf8\x97\xac\xa5\xe7\ \xf7\x1c\xb2\x8e\xc9\xf3\x3c\xc9\x65\x6c\x32\xaa\x38\x90\x4e\x79\ \x4f\xe5\xba\x93\xf0\x34\x92\x9b\x78\xda\x86\x30\xbf\xfc\xc4\xf8\ \x27\x95\x03\xf1\xf5\x53\x98\x7e\x64\x45\xa5\x89\x72\x57\xb1\xfa\ \x31\xe9\x40\x19\x51\x2e\xa2\x21\x98\xbd\x7e\x9d\xc1\x47\xf9\x42\ \x2b\xf8\x50\xfe\xc6\xb6\xdf\xcf\x34\xed\x65\x4a\x93\x97\xae\xe7\ \x23\xfb\xf0\xb7\x27\x72\xcc\x0b\x99\x7e\x04\x3d\x7b\x90\x4c\x16\ \x42\x2e\xc6\x7c\x94\x27\x3a\x2e\x3a\x49\x44\x08\x13\xf4\xef\x70\ \x29\x37\x0e\x06\xe1\xc7\x4d\xed\xac\x01\x5c\xf4\x82\xff\xbf\xbd\ \x3b\x8f\xb3\xa3\xaa\xf3\xc6\xff\xae\xea\x4e\xa7\x49\x42\x08\x21\ \x09\x21\x84\x10\x02\x81\x10\x62\x40\x44\x44\x40\x54\x44\x70\x04\ \x11\x44\x5c\x07\xc7\x11\x15\x1d\x07\x97\x71\x1c\x67\x1e\xc7\xf1\ \xe7\x33\x8f\xce\x8c\x3a\xe3\xcc\x33\xcf\x38\x2e\xa3\x20\x22\x2a\ \x20\x8b\xec\x8b\x88\x88\x80\x6c\x6a\x20\xac\x81\xb0\x04\x08\x10\ \x20\x84\x90\xa5\x97\xaa\xdf\x1f\xe7\x16\xa9\xae\xae\xba\xdd\x24\ \x9d\xf4\xed\x4e\x7d\x5e\xaf\xfb\xaa\x7b\x6b\xbb\xa7\x4e\x9d\x73\ \xbe\xfb\xf7\xcb\xc4\xa9\x25\xd7\x55\x11\xf7\x0c\xeb\xc2\x3d\x7b\ \xd6\xf3\xf7\xb8\xa5\xa4\x79\x9b\x0b\xcf\x75\xf3\xb6\xe9\x4c\x9f\ \xa1\xbc\x5e\x72\x15\xe3\xd6\x60\x40\xa2\x45\xc1\x23\xf9\xa7\x42\ \x3a\xc8\x11\x83\x11\x69\x68\x1e\x65\x98\x84\x23\x17\xe4\xde\x45\ \x99\xba\xa9\xca\xa6\x96\x47\x26\xd5\xbe\xc8\xcd\x69\xd0\xce\x6d\ \x2d\x58\x81\x2f\x74\x73\xc2\x8d\xdc\x7a\x1a\xc9\x52\x61\xa1\x8a\ \xf4\xef\xb7\x66\xfd\x98\x3f\x56\xb6\x60\x15\xcf\x2b\x7e\xaa\xec\ \x96\xcd\xda\x50\xbc\x7e\x22\xde\x4d\xfb\x18\x3e\x8d\xf7\x19\x9c\ \x06\x6a\x1a\x7e\xb8\x1f\x53\x0e\x56\x4e\x68\x9b\x49\x5a\xc5\x36\ \x57\xed\x1b\x88\xe9\x6b\x26\x31\xb7\x09\xc9\x75\x7f\x4c\x72\x45\ \xc8\x6b\xfc\x91\x34\x54\x43\x5a\x56\xd1\xe4\x2d\x89\xce\x88\x63\ \x7b\xb8\x62\x2f\x4e\x3b\x99\xc3\x3e\xc8\x84\x7d\x43\xa9\xb9\x4c\ \x8a\x6d\x2a\x81\x35\x43\x59\x9f\x97\x99\x16\xf2\x68\x13\x0a\xf3\ \x5e\xcc\x1f\xba\x42\x52\xfe\x97\x98\xe7\x88\x23\xc7\x05\x69\xbb\ \xdf\xfd\xca\xee\x99\x3f\xd6\x2e\x18\xc4\x5f\x08\x49\xfe\x2f\xb7\ \x65\xfb\x7e\x25\xae\x59\xdc\xe4\x3f\xcb\x34\x2b\x84\x0b\x76\xc4\ \x78\xa6\xc5\xc1\x41\x6c\x44\xa1\x26\xb6\xc3\x8c\x88\xc3\x26\x30\ \x6d\x57\xe5\xb1\x71\x45\x22\x5b\xc6\xf5\x65\x9f\xe7\xb0\x28\xd8\ \xf9\xfe\xcb\xc6\xd9\xfb\x46\x32\xba\x70\x75\x1a\xb2\x4f\x7d\xe3\ \xa7\xac\xcc\xf2\xbb\x0d\xa4\x02\x1d\x2c\xf1\xad\xb2\xb7\x16\x7f\ \x57\x11\xb4\x81\x18\xa6\xec\x78\x82\x5d\x70\x54\x28\xe4\xfd\x75\ \xc1\x53\xb9\xd9\x5c\x1d\x87\xaf\xef\xc8\x01\xc7\x34\x6c\x86\x65\ \xed\x2f\xb6\xaf\xd9\xf1\xe2\xef\x2a\x66\x21\x2d\x1c\x2f\x3b\x97\ \x40\x38\xee\xc5\x77\x49\xee\xe5\xd2\xde\x50\x55\xed\x4c\xc3\x3f\ \x4e\xe3\x98\x85\x31\x3f\xda\x8d\x1f\x7d\x80\x43\xdf\x13\x6c\xdd\ \x31\x7d\x63\x92\xcb\x18\xb1\xfc\xb6\x59\x5f\x0c\xc4\x68\xe5\xbf\ \x67\xaa\xe3\x3f\xe0\x12\x6e\x5f\xcf\x9f\xa7\x81\xee\xbe\xd4\xe6\ \x94\xe3\xe7\xe9\x9b\x3f\xbc\xaa\xef\x8b\x6d\x4d\x70\x7b\x70\xa0\ \xfc\xa1\x4d\x73\xc4\xdb\x18\x24\xb8\xe4\x09\xd6\x3c\x9f\x6b\x57\ \x19\xb3\x5a\xf6\x4c\xe3\xb1\x03\x13\x12\xe6\x6f\xb9\x26\x0f\x0d\ \x6a\x62\x3b\xbc\x68\x4f\x39\x69\x2e\x1d\x63\x0b\x07\x8a\xf6\x8a\ \x32\x4e\x4f\xee\x58\x8c\xdf\xe0\x85\xe0\x60\x78\x79\x63\x57\xf6\ \xc9\x63\xb4\xbf\xf3\xc7\xf1\xc5\xf5\xbc\xf7\xc6\x46\xf6\xa9\xbc\ \x94\x5b\xec\xcb\x22\x17\x4d\x5f\x89\x63\x30\x7d\x5f\xe5\xe0\x51\ \x76\x5d\x5a\x72\x5d\xf1\x38\xc1\x70\x79\x20\xf6\x0d\xf5\x47\xbf\ \x29\x48\xae\x65\x68\xc7\xc7\x26\xf0\x9e\x77\x37\x92\x27\xbc\x1c\ \x94\x49\x65\x55\x92\x5a\xbe\x2f\x8a\xcf\x5d\xfc\x64\x88\x04\x2e\ \xe8\x52\x9c\xc3\x8a\xe7\xf9\x22\xde\x2f\x48\x69\xc3\x2a\xcd\xc6\ \x41\x89\xf0\xc9\x49\x5c\x74\x34\xef\x78\x3f\x13\x66\xeb\xeb\x25\ \x4b\xff\xe7\x2a\xf6\x01\xd5\x7d\xa1\x70\x4d\xd9\x75\xc5\xef\x6d\ \x82\x5e\xf7\x32\x6e\x5e\xcf\xc9\xe9\x4b\xe5\xa8\x5f\x42\x07\x0e\ \xdb\x2b\xc7\x58\x95\xfd\x67\xf1\xbf\xb3\x36\x2e\xc1\xf3\x3c\x1e\ \xf1\x0b\xc3\xf0\x0e\x52\x16\xad\xe6\xbe\x07\x85\x67\x2d\x9b\x47\ \x94\xf7\x65\x8c\xed\xc2\xd7\x7d\x8c\xb0\xb5\xac\xb6\xd9\x0e\x2f\ \x8e\x18\xc3\x97\x8e\x63\xcc\x38\xd5\xd2\xab\xc2\xef\xb2\x63\x0f\ \xe3\x97\x48\x58\x15\x85\x81\xf8\xea\xc6\x76\x37\x4c\x8f\x98\x18\ \x07\x95\xf5\xd8\x38\x70\xc6\x3d\xe1\x74\xb1\x72\x9a\x33\x92\xd1\ \x2b\xac\x29\x97\xbf\x80\x7b\x99\xbf\x96\x8e\x99\x44\xc5\x4a\x42\ \xf4\xe5\xfc\x9b\x69\x0e\x8a\xe7\xbe\x1c\xa9\xa5\xea\x9a\x66\xc7\ \x13\xec\x4e\x74\x0f\x33\xd7\x84\xa6\x5d\xa7\xaf\x5d\x33\xc6\xeb\ \xda\xf9\xd6\x71\x8c\x9f\x55\x72\x9f\x32\x69\xba\xb8\x6f\xa0\x67\ \x50\x72\xac\x28\x89\x94\xfd\x6f\x9b\x90\x6f\xf7\x7c\x92\xbb\xf9\ \x5d\x12\x32\x41\x9d\xa9\x05\xaa\xf4\x44\xec\xd1\xc6\x37\xf6\xe6\ \xd4\x77\xb0\xc3\xee\xfa\x56\xd9\xaa\x92\x54\xe9\xdf\x6f\x65\x7d\ \x59\xd5\xff\x55\xe7\x67\x68\x13\xec\xd9\x57\x73\x43\x77\x50\xb3\ \xe7\x25\x5a\x82\x73\xd6\xee\x11\x7f\x77\x34\x51\x5b\xe1\x3e\xcd\ \x24\xef\x48\x90\x84\x2f\xc1\x8a\xf0\x1e\xce\x33\x3c\x76\xf2\x75\ \x42\xb8\xd4\xc1\xfb\xea\x9f\xd1\xac\xaa\xef\x23\x61\xc0\x3f\x43\ \xfa\x60\x70\x4f\xf9\xb1\x11\xb4\x6e\xd5\xde\xc8\xc3\x87\x4e\x7c\ \xe5\x00\x3a\xb3\x84\x03\x65\x0b\x62\x99\x1d\xa6\x78\x2c\x12\x5e\ \xe4\xe1\x78\x91\xfd\x57\xb3\xdf\x0b\xe1\xbb\x6e\xe2\x1e\x7a\x7a\ \x58\xd7\xc3\xea\xf5\xac\x4c\x82\x27\xef\xf2\x28\x38\x17\x3d\x2a\ \x6c\x97\x09\x0e\xa2\xab\xa3\x70\x4e\xb6\x20\x0e\xb7\x2d\x6d\x53\ \xb0\x0c\x5f\x58\xc7\xaf\x7e\xcb\x97\x1f\x64\xbf\xb7\xd0\x3e\x5b\ \xf3\x15\x26\x3f\xd1\xab\xd4\xc3\xcd\xa4\xbf\xa2\xb4\xda\xec\xbd\ \x36\x53\x2d\x67\x8b\xe3\xd1\xc4\x67\xf1\xd1\xae\x50\xf9\xe4\x5a\ \x1b\xde\xc9\xb4\x88\xaf\xec\xcf\xa4\xf9\xfa\xa6\xb2\x2c\x6b\xd7\ \x40\xbf\xf3\xed\x28\x1b\x6b\xc5\xe7\x28\xb6\x35\x7f\x5d\x82\x1b\ \xf1\x1b\x56\xad\xe3\x0c\x21\xb9\x7d\x2b\xd4\x25\x6d\x8f\x38\x6c\ \x1b\xfe\xf5\x10\x16\x1e\xd4\xd0\x06\x14\x73\x08\x37\x7b\x67\x03\ \xf5\x51\xd5\x3b\xae\x62\xf2\xb2\x73\xda\xf0\x5b\x92\x5f\x71\x5d\ \x0f\xa7\xa4\x81\x61\x2c\xc3\xc2\x6d\x05\x95\x6a\xb7\xfe\xef\xbc\ \x6a\x8c\xa6\x82\xc1\x74\x69\x50\x36\xfc\xd0\xf0\xd5\xb6\x4e\x22\ \x2e\x59\xce\x5f\xac\x64\xdc\x04\xcd\xc7\x59\xb1\x2f\x77\x08\x34\ \x77\x86\x20\xe1\x0f\x3b\xe3\x36\x58\xd4\xc4\x76\x78\x10\xe3\x83\ \x13\x38\xe0\x8d\xfa\x86\xfb\xe4\x17\xf9\xb2\x85\x5b\x6e\x5f\xfe\ \xbc\x9d\x85\xd4\x43\xf1\x86\xfb\x4b\x85\x05\xb8\x9b\xf6\x1e\x26\ \xac\x61\xc2\x6a\xa6\x3d\x4f\xfc\x3c\x9e\x23\x79\x06\x2f\x36\x08\ \x72\x37\x2b\xd7\xf3\x54\xc2\xb2\x28\x24\xc3\xb8\x3b\xe5\xf6\x88\ \x65\x69\x98\xa7\x23\x91\x00\x67\x5a\xcc\xdb\x9f\xe0\x73\x67\xf2\ \xe1\xd7\x30\xf1\xf5\x02\x21\xcb\xc7\x26\x52\xde\xf7\x79\x94\x71\ \xdf\x45\x94\x11\xe8\xe2\xf1\xb2\x05\xb2\xea\x9a\x39\x58\xc8\xa4\ \xdb\x42\xa8\xd3\x1f\x04\x3b\x5b\x3b\x3e\x3e\x85\x83\x8e\xb0\x21\ \x5e\xa6\x8c\x08\x56\xfd\x5f\xf1\x59\x07\x43\x60\xab\x18\x8e\xbc\ \x9a\xef\x19\x5c\x4e\xb2\x84\x25\x69\x48\x01\xf8\x0b\xc3\xb7\xb0\ \xbf\x84\x98\x8e\x84\x77\xee\xc0\xd7\x8f\x66\xc6\x1c\x1b\x1c\x9f\ \x9a\xa1\x8a\xd0\x96\x6d\xcb\xae\x2b\x8e\x99\xb2\x73\x62\xfc\x9a\ \xe4\x3a\xae\x4e\x02\xa1\x7d\x44\xf5\x3c\xdb\x67\xa7\x5c\xfa\xc7\ \xe2\x7b\xa9\x1a\x93\x31\xee\x24\xe9\xe5\x0f\x51\x08\xb7\x1a\x36\ \xa4\xdc\xb5\x9a\x7b\x1e\x64\xff\x57\xaa\x66\x7e\xcb\xe6\x66\x43\ \x8d\x3c\x45\xd0\xd4\xb5\x02\x03\x37\x28\xd4\xc4\x76\x78\x30\x1d\ \x5f\x38\x42\x60\xcd\xca\x1c\xa3\x06\xfa\x5d\xdc\x9f\x2d\x9a\x65\ \xe9\xda\xda\x1b\x9f\x6d\x30\xa5\x31\x49\x1b\xea\xa7\x98\xb0\x50\ \xaf\xa7\x7d\x35\x53\x9e\x65\xca\xd3\xcc\x7f\x92\x23\x9e\xc0\x8b\ \x24\x5d\x2c\xeb\xe1\xbe\x88\x5b\x53\x7e\x1d\x71\x67\x1a\x16\xfc\ \x2e\x23\x87\xf0\x2e\xc7\xe7\xbb\xb9\xea\x7a\xfe\x65\x09\x0b\xde\ \x46\x5c\xac\xe9\x4a\xb5\xf4\x51\x44\xd5\xe2\x59\x46\xa0\xca\xee\ \x37\x10\x51\xcb\xd0\x83\x37\xe0\x7e\x0e\x7d\x3e\xc4\xd1\x9e\x89\ \xfd\xc6\xf0\xb1\x37\x87\x70\x95\x4a\x06\x61\x30\xfb\xca\xc6\x5a\ \x59\xdb\xca\xb6\x45\x22\xf4\x47\x5c\x45\xd7\xea\x10\x42\xfb\x45\ \x2d\x52\xda\x31\x0a\x84\xf6\x2f\x67\xf0\xa5\x13\x98\xb8\x83\xf2\ \x18\xe4\xb2\xe7\x35\xc8\xdf\x94\xf7\x77\x45\x7b\x5e\x7a\x67\x6d\ \xb8\x9a\xe4\xb7\x81\x29\x3c\x25\x69\x5e\x70\x21\x4e\x99\x33\xa9\ \xc9\x09\x65\xff\x43\x58\x6b\x16\x85\x39\x7f\x51\x3a\xfc\x8e\x69\ \x2b\x70\xcd\x9d\xec\xf7\x2a\xe2\xa2\x9d\xbc\xaa\xaf\x53\x41\xa2\ \x1f\x43\x47\x2f\xd3\x93\xa0\x8d\x1b\x11\x6b\x50\x4d\x6c\xb7\x3c\ \x3a\xf0\x85\xe9\xcc\x7c\x95\xbe\x95\x99\xcb\x24\x86\x32\xce\xae\ \xf8\x3d\x7f\xee\x60\xa4\xb1\x54\xff\xd4\x71\x63\x84\x72\x56\x3b\ \x78\x29\xe9\x6a\x9c\x62\x35\xf1\x72\x66\x3f\xc6\xec\xa5\x1c\xf9\ \x04\x7f\xdb\xc5\xf2\x1e\x6e\x8d\xf8\x55\xca\x95\x11\x0f\xa5\x23\ \x43\xea\xed\x11\x9c\xc7\x6e\x5d\xce\x17\x4f\xe3\xc3\x07\x33\xee\ \x30\x7d\x1d\x35\xf2\xa8\xea\x67\xaa\xd5\x8b\x06\xd8\x57\x75\xef\ \x66\xef\x76\x3b\x1c\x40\xc7\x35\x7c\x3c\x0d\xc9\x1f\x3e\x3b\x97\ \x69\xf3\xf4\x4d\xe2\x51\xa6\x01\x29\xde\xb7\xaa\xcd\x45\x94\xa9\ \x41\xcb\x10\x09\x5e\xdf\x97\x60\x31\xcb\x93\xa0\x32\xfe\x81\xe1\ \x5f\xd0\x11\x24\xda\x94\xbf\xdd\x95\x2f\xbc\x9b\x8e\x71\xfa\xf7\ \x7b\xb3\xf7\x44\xf3\x79\x99\xfd\x6e\x76\x7d\x71\x7f\xf6\x9f\x31\ \x2e\xa1\xe7\x16\x7e\x11\x05\x42\xfb\xac\xe6\x61\x31\xed\x29\xb3\ \x26\x07\x09\xb5\x4f\x16\xa6\xfc\x7d\xcb\x88\xfe\xb3\x78\x3c\x0c\ \x97\xf3\x9a\xfd\xc7\x16\xc4\x63\x6b\x94\xcf\x81\x3c\x8a\x7d\xdd\ \x89\x6d\xe8\x5c\x1d\xa4\xdb\x11\x83\x9a\xd8\x6e\x59\xc4\x38\xb8\ \x8d\x0f\x1d\xa7\xbf\xbd\xa5\xc8\xd5\x55\x4d\xe6\x66\xfb\xf2\x8b\ \x68\x91\x28\x64\xfb\xab\x24\x9b\x6c\x9b\x4f\xe1\xd3\x21\xa4\x49\ \x9b\x83\x37\x62\x1d\xf1\x63\xcc\x58\xc2\xb1\xf7\x71\xcc\xd3\xac\ \x4b\x82\xaa\xf9\xa2\x34\xa8\x0b\xb3\xc4\xf1\xad\x30\x99\xab\xb0\ \x02\x9f\xea\xe1\x92\xeb\xf8\xe6\x7d\xcc\x7b\x7b\x48\xbd\x57\x9a\ \xbe\xa8\x4a\x15\x9c\x3f\x9e\xdf\x57\xd5\xd7\x65\xcc\x52\xd9\xbe\ \xfc\x35\xd9\xf7\x6e\x21\xfe\xe7\x16\xf6\x5f\xc5\x67\x3a\x79\xcb\ \x61\x36\xd8\x69\xab\x08\x75\x33\xa9\xb5\xf8\x2c\x2f\x47\xb2\xcb\ \xae\x19\x83\x07\x70\x21\xc9\x73\x21\x8d\xe6\xa7\xf4\xf7\x9e\x1d\ \x4e\xb4\xa7\x7c\x61\x16\xff\xeb\x24\xda\xf3\x4c\x55\xf1\x79\x9b\ \xa9\xcd\x95\x9c\x5f\x35\x4f\x8b\xf7\x54\x71\x7e\x84\xb3\xe9\x59\ \x1c\x34\x15\xa7\xa6\x83\xab\xce\x15\x47\xcc\xd8\xa1\x49\x7b\x29\ \x7f\x77\x77\x34\xa2\x7e\xe2\x90\xf2\x71\xb8\x91\x60\xaf\x1d\x85\ \x45\xb1\xe8\x6f\x50\xd5\xf7\x04\xc6\x78\x1c\xed\x2f\x04\x35\x72\ \x0b\x3c\xca\xe0\x30\xa2\x5c\xa7\x47\x01\x26\x45\xfc\xeb\x01\x74\ \xee\xac\xb9\xb4\xa0\x70\xbc\x28\x75\x0d\xe6\xba\x32\x49\xad\xec\ \x78\xd9\x7f\x64\x03\x3f\x73\x55\x4e\x6c\x88\x59\x9d\x89\x23\xf0\ \x97\xc4\x9f\x64\xdc\x11\x1c\x3c\x3d\xe4\x57\xfd\x23\x2e\x8b\x79\ \xa7\x90\xe1\xa6\xd5\x71\x35\x5e\xb7\x9c\x6f\xfd\x0f\xeb\xae\x0a\ \x8e\x1b\xa5\x1a\x82\x2a\xc9\xa5\x4a\xea\xad\x92\x2e\xaa\xb4\x0f\ \xc5\xbe\x2f\x93\x3c\x27\x61\x0e\x1d\x11\x7f\xbd\x3b\x93\x66\xe4\ \xae\x6d\xc6\x78\x15\x51\xb5\x40\x17\xdb\x5f\x76\x8f\x7c\x3b\xc7\ \x08\x7a\xcf\x33\x58\xb3\x92\xaf\x0a\xb1\xb3\x45\xef\xd9\xe1\x44\ \x8c\x2f\xee\xc2\xdf\x7f\xa0\x41\x68\xf3\x68\xa6\xb1\x28\xeb\xbb\ \x22\x01\x28\xbe\xa3\x22\x11\xcf\x1f\x2b\xfe\x4f\x8a\xd3\x49\xee\ \xe2\xff\xe2\x64\x83\x2f\x83\x39\x2e\x62\xda\xe4\x5c\x29\xce\x66\ \xed\xcf\x13\xa8\x15\xa1\x3f\xee\x4a\x5b\x83\x40\x8d\x4b\xd9\x63\ \x5a\x23\x7c\x69\xb0\x7d\x4f\x78\x96\x6d\x82\xa3\x5b\x2d\xd9\xd6\ \x28\x45\x3b\x3e\xb5\x3d\xfb\x1d\xa5\xbf\xfa\x38\x43\x33\x5b\x45\ \x7e\x5f\x95\xca\x33\x7f\x6e\xd9\xb5\x55\x04\xa0\x0c\x55\x1c\x7f\ \x64\x83\x04\x38\x01\x87\x10\xbf\x01\x2b\xe8\xb8\x99\x23\x7e\xcf\ \xe1\x6b\x82\xf4\x78\x06\xbe\x83\x07\x1b\xa7\xb7\xc2\x24\xcf\x23\ \x11\xb4\x6b\xa7\xf6\x72\xe1\x6f\xf8\xd7\x7b\x58\x70\x1c\xf1\x2e\ \xca\x9d\x8e\x06\x52\x27\x36\x93\x36\xaa\xbe\x37\xd3\x5a\xe4\xcf\ \xeb\xc5\xde\x42\x80\xea\xab\x0d\x6c\x73\xcc\xb7\xa1\xec\x7f\x9a\ \x9d\xdb\x6c\x5f\x1b\x9e\x16\xca\x13\x3d\x1d\x1c\xe9\x4e\x16\x22\ \x56\x5a\xe9\xfd\xb6\xe3\x93\x33\xf9\xfb\x0f\x15\x6c\x82\x65\x4c\ \x4d\xb3\x77\xaa\x70\x5e\x33\x82\xdb\x4c\x9d\x9c\x1d\x5b\x8b\x33\ \xe8\x7a\x92\x2f\xe1\x9f\x07\xfd\x44\x81\xc0\x4e\xc0\x84\x6d\x9a\ \xb4\xbb\xa8\x21\x49\x85\xb1\x32\x35\xbc\x9f\xd9\x5a\x40\xc8\x8a\ \x99\x98\x06\xa6\x21\x49\x72\x8c\xc3\x40\x7d\x9f\x9d\xd3\x11\xde\ \xe9\x14\xfd\xeb\x8f\xb4\x2c\x86\xbd\xd3\xb7\x22\x1c\xd8\xce\x27\ \xff\xa4\xa4\x88\x74\x7e\x5b\x36\xf9\xcb\x06\x5f\xfe\xba\xc1\x4a\ \x26\xc5\x05\xb9\x6a\xa1\x2d\x6b\x43\xfe\xfe\xf9\xff\xcf\x46\xfa\ \x7a\x6c\x2b\xd4\xbf\xfa\x1c\xf1\x7b\x98\x36\x9b\xbf\x8a\x43\x7c\ \xfe\xf7\xa2\x50\xf4\xb9\x95\x99\xbb\x6b\xf0\xe6\xa7\xf9\xf7\xd3\ \x59\x7d\xb9\xf2\x7e\x2a\xf6\x7d\x15\xa3\x34\x90\x4a\x32\xbf\xbf\ \xd9\x36\x8f\x44\xd0\x2a\xcc\x15\x6a\x8c\x55\xbd\x9f\xe2\x7d\x8a\ \xed\x28\x2e\xc4\xcd\xa4\xf3\xfc\xbe\xc8\x86\x38\xd0\x6f\xd3\xf3\ \x34\xdf\xc6\xeb\x84\x82\x17\xad\xb4\xe0\xc5\x78\xcf\x14\xfe\xe9\ \x83\x0d\x42\xcb\xe0\xd4\xed\x65\xf3\xaa\x4a\xd3\x51\xd4\x82\x0c\ \xc4\x48\x45\x82\x4b\xff\xe9\xac\x79\x92\xcf\xe0\x1b\xcd\x34\x54\ \x65\x88\x1b\x04\x66\x6c\x49\x1b\x06\x92\xc6\x77\x0a\xbb\xf6\xd0\ \x1a\xeb\xfe\xa4\x4e\xa6\x4f\x2e\x10\xda\x6c\xdb\xac\xef\x73\xe7\ \x6e\x53\x72\xa8\x65\xd1\x0a\x9d\xbe\x35\x60\x32\xbe\xf2\x0a\x26\ \xee\xa5\xef\x82\x57\x56\xe5\x27\x29\x9c\x43\xb5\x14\x54\xa5\xba\ \x6a\xb6\x10\xe7\xaf\x2d\x93\xcc\x8a\xed\x29\x12\xd8\x66\x2a\xd2\ \x2c\x94\x62\x2f\x7c\x90\xf8\x43\x21\x06\xf4\x83\x6d\x5c\x25\x04\ \xa1\x1f\xac\x35\x89\x6e\x22\x78\x36\xfe\x5d\x37\x27\xde\xc8\xed\ \xdf\x23\x79\xc4\x86\xc6\x96\x31\x35\x45\x94\x49\x3d\x65\x04\xaf\ \xec\x3e\x83\xe9\xfb\x6d\x04\xcf\xe4\xb6\xdc\xbe\xb2\x77\x51\xd6\ \xae\x22\xf2\xcc\x44\xb1\xdd\xc5\xf3\x63\xbc\x80\x1f\xe1\x0a\x1e\ \xe9\x09\x59\xa0\x3e\x25\x68\x30\x5a\x09\x31\x8e\x98\xc4\x7f\xfe\ \x19\x1d\x79\xd5\x71\x15\x03\x9b\x9f\x43\xf9\xdf\x65\x73\xb0\xd8\ \x4f\xc5\x73\xaa\x24\xdf\x36\x21\xb5\xd9\x99\xac\x78\x9a\x8f\x44\ \x7c\x37\xdd\x88\x0a\x47\x29\x53\xc6\x90\x74\x94\xb4\x21\xff\x3c\ \x65\xef\xb5\x11\x9f\x3a\x3d\xad\xce\x46\xb6\xc5\x90\x30\x63\x2c\ \x93\xb6\x6d\xfc\x1e\x6c\xdf\xeb\x7b\x7e\x2b\xae\x23\x95\xa8\x89\ \xed\xe6\x47\x8c\xf7\x4d\xe5\xd0\xb7\x36\xa4\xda\x8c\x28\xad\x11\ \xb2\x4b\x3c\x27\xc4\x26\x3e\xdd\xf8\xde\x48\x46\x21\x15\x46\xd3\ \x98\xc6\x36\xd6\x5f\x32\xc9\x50\x5c\x2c\xaa\x08\xae\x26\xd7\x65\ \xc7\x8a\x1c\x7b\xd5\x35\x55\x92\x41\xf6\x3d\x11\xe2\x7f\xdf\x45\ \xfc\x51\x26\x2e\xe4\x9d\x63\xb8\x48\x90\x74\x07\xca\xf7\x3b\x5c\ \xe8\xc2\x95\x29\x6f\x5b\xce\xbf\xff\x98\xd5\x97\x69\x9e\xb7\x9a\ \xfe\x7d\x5f\x26\xf1\x28\x39\xa6\xe2\x58\x95\xb6\x22\x12\x56\xca\ \xb2\xaa\x33\xc5\x7b\x15\x8f\x35\xd3\x88\x54\x5d\x43\x78\x49\x8b\ \xf0\x7d\x7a\x96\x70\x5e\xc2\x51\x38\x57\x0b\xc4\xce\x16\x10\x47\ \x2c\x18\xcf\x77\xde\xc3\xc4\xfc\x42\x3e\x98\x8f\x26\xe7\x67\x28\ \xeb\xc3\xb2\x77\x9d\xdf\xd7\x86\x07\x48\xce\xe6\xa1\x67\xf8\xb3\ \x98\xb3\x93\x8d\x2f\x25\xd8\xd9\x66\xc3\xc4\x19\xe8\x59\xf2\xed\ \x9d\x18\xae\x8b\x31\xdb\xf0\xce\xbd\x18\x73\x3a\x69\xef\x2c\x1c\ \x18\xe8\x59\x46\x32\x46\x14\x67\x30\x42\x31\x09\xef\x1f\x43\x7c\ \x19\xc9\x53\x58\x1b\x92\x48\x24\xbd\xac\x49\xe9\x4a\xe9\x49\x1a\ \x1e\xbc\x11\xed\x71\x98\x50\x9d\x6d\x74\x74\x60\xfb\x50\xa0\x3a\ \xde\x01\x53\x05\x31\x79\x9c\x30\x89\xb3\x42\xd5\x45\x0c\x46\x8d\ \x39\x90\x54\x95\x9d\x53\x94\xae\xcb\xd0\xec\x9c\xa4\xd1\xee\xe3\ \x89\x5f\xc3\xe4\xdf\xf0\x81\x25\xbc\xa5\x87\xb3\xf0\x1f\x42\x00\ \x7f\x2b\x21\x11\x04\x91\x2f\xac\xe7\xaa\x1b\xf9\xca\x52\xf6\x7f\ \xab\xe0\x99\x5d\x96\xa9\xa9\xc8\xec\x94\x1d\x2b\x93\x58\x8b\xe7\ \xa9\x38\xa7\x8c\x91\x2a\xfe\xdf\x40\xcc\x57\xd9\xfb\x6e\xd6\x8e\ \x58\xb0\x2f\x5e\x8d\x45\x21\xdc\xeb\xeb\xf8\xae\xc1\x3b\xf3\x6c\ \x51\xc4\xcc\x68\xe3\xbf\xde\xc2\xac\x9d\x72\x79\x83\x9b\x69\x00\ \x06\x1a\xdb\x55\x4c\x6c\xd9\x3d\xcb\xe6\x5c\xa3\x44\x5e\x72\x39\ \xf7\xac\x0e\xe9\x2a\xaf\xef\xdd\x04\x95\x7b\x1a\xd6\x87\x7e\xed\ \x6b\xd6\x8e\x0c\xed\x42\x68\xdf\x33\xec\x99\x84\xd4\x9f\xc3\x86\ \x88\xbd\xb6\x17\xfa\xa7\xaa\x33\x9a\x09\x10\x0d\x4e\xe5\xb9\xcd\ \xd7\xc2\xa1\x47\x4d\x6c\x37\x3f\xd6\xe0\x9c\xc7\x79\xe8\x09\x56\ \xa4\x2c\x15\x82\xd6\x97\x47\x41\x05\xd7\x15\x35\x08\x6d\x63\x40\ \xc5\x69\x88\xb8\x99\x90\x86\x74\x7c\xd3\x9f\x62\xb7\x7b\x99\x93\ \x32\x6b\x0c\xd3\xc7\x33\x7d\x5c\xc8\xf5\x6b\x57\xe2\x9d\x84\x38\ \xcc\x76\xe5\x69\xe7\xaa\x24\xdd\xb2\xe3\xcd\x24\xe2\x66\x9c\x65\ \xfe\xba\xb2\xf3\xb2\x7d\x99\xa4\xfb\x10\xd3\xaf\xe5\xd3\x8f\xf0\ \x56\xc1\x93\xf9\xdc\x46\x5f\xb5\x92\xed\x6f\x9d\x20\xe5\x2e\xca\ \xb2\x4f\x1d\xc8\x84\xc3\x6c\xa8\xb6\x52\xec\xb3\xaa\xfe\x1b\xae\ \xbe\x6f\xa6\x1a\x6e\xc6\x00\x34\xa4\x31\x57\xd2\xf3\x24\x37\xa4\ \xa1\x3e\xf2\xcd\x5a\xa4\xb8\x7b\x11\x31\x13\x22\xbe\xfc\x5a\x0e\ \x5e\x98\xf3\x70\x2d\x53\xb1\x96\xa1\x19\x23\x34\xd0\xf7\xaa\x77\ \x9f\x15\x68\xbf\x26\x54\xee\x39\x45\x08\x89\xda\xd4\xf1\x1d\x17\ \xdf\xe3\x40\xed\xc8\x1f\x9f\x46\xfc\xf4\x86\x24\xfe\xc3\x35\xd7\ \xe2\x94\x3d\x76\x2c\x89\x13\x1e\x4c\xdf\x27\x58\x47\x4f\x1c\xb2\ \xdd\xb5\xd2\x7a\xd1\x14\x35\xb1\xdd\xfc\x58\x87\x7f\xe3\xa5\xc1\ \x92\x0d\xb0\xa4\x6c\x81\x2c\x2c\x06\x7d\xdc\xfb\x63\x26\x26\x4c\ \x79\x9e\x19\x2b\x59\xf8\x04\xaf\xb9\x99\x85\xe3\x98\x39\x89\x49\ \xb3\x89\xe7\x0a\xe9\xa9\xb2\xc0\xfd\x2a\x75\x63\x51\x1d\xd6\x6c\ \xd1\x2f\xe3\x2e\xcb\x38\xea\xe2\xef\x3c\x8a\x52\xd8\x1c\xec\x42\ \x7c\x1b\xf3\x6e\xe0\xbf\x57\x71\x62\xc4\x3f\xa6\x61\x7d\x6a\xa5\ \x09\x94\x49\xb9\x9f\x5f\xcf\x55\xbf\x09\x52\xee\xc2\xa3\x88\x67\ \xe9\x5f\x21\x26\xc3\x40\x52\x46\xfe\xd8\x96\xea\xfb\x62\x7b\xca\ \x24\xb1\x58\x30\x61\xfc\x1a\xbf\x63\xe5\xba\x20\xc9\x7e\x53\x0b\ \xa7\xc5\x6b\xa3\x3d\xe1\x63\x7b\xf2\xbe\xd7\x17\x08\x6d\x95\x54\ \x5a\xd6\x87\x45\x54\x49\x55\x72\xdf\xab\xee\x99\x55\xe1\xba\x8e\ \xeb\xba\x43\x22\x92\xbb\x36\xf9\x41\xc3\xfd\x57\xe5\xd3\xb6\x35\ \xd3\x36\xe5\xae\x91\x0a\x5c\xd2\x34\x2c\x0e\x4e\x52\xc3\x96\x57\ \x38\x0a\x9e\xc8\x33\xa7\xe8\x9b\xf1\xae\x70\x0e\xca\xfb\x7e\x1d\ \x9e\x65\x5d\xb4\x21\xca\x61\x44\xa0\xae\xfa\xb3\xe5\x51\x64\xb6\ \x07\x73\x6e\x8a\x34\x65\x5d\x1a\x42\x55\x1e\x16\xea\x3f\x5f\x10\ \x71\x4e\x2f\x17\xaf\xe2\xce\x65\x74\x2d\xa2\xf3\x2e\x3a\x1f\x6b\ \xc4\x15\x8e\x17\x66\x55\x99\x4a\xb2\xd9\x80\x56\x38\xa7\xec\x7b\ \x99\x54\x57\x76\xdf\x66\x8b\xd9\x2c\xec\x4d\xfb\x8b\xcc\x7d\x96\ \xe3\x92\x46\x2c\xa0\xa0\xc1\x6c\x25\xf4\xe2\x7e\x5c\xb4\x8a\x71\ \x77\x33\xb7\x9b\xce\x19\x36\x48\xb9\x54\x13\x5d\xaa\x09\xdd\x96\ \xee\xfb\x2a\xf5\x74\x9b\xe0\x21\xf6\x73\x92\x3b\xb8\xa3\x9b\x4f\ \xe2\x7b\x42\x85\x95\x56\x45\x9c\xf2\xc6\xe9\x7c\xf3\x04\x26\x16\ \x4b\x55\x52\xde\x0f\x65\x84\xb6\x4a\x4b\x51\xec\xdb\x28\xf7\xa9\ \x62\x7c\xae\x21\xb9\x9e\xcb\x72\x05\x05\x06\x3b\xe7\x9b\x21\x8a\ \xd9\x2e\xe1\x94\x43\x0a\x6d\x2a\x8e\xad\xfc\xb1\xec\x7b\x43\x22\ \x4c\xee\xa6\x3b\xe2\xb4\x74\x98\x6c\xee\x11\x3b\x8f\xe1\x2f\x5e\ \xcb\x76\x13\x54\x8f\xe7\xb2\xbe\x8f\x05\xce\xf7\x96\x20\xd5\xfe\ \x8b\xe0\xb7\x37\x22\x50\x13\xdb\x91\x8b\x8c\x08\xaf\x49\xc3\xf8\ \xbb\x19\x3f\xc7\xf9\x6b\xb9\xf1\x49\x5e\xbc\x93\x6d\x17\x33\xee\ \x09\xe2\x4e\xa2\x89\xfa\xbe\xf0\xb2\xc5\xa2\x6c\x51\x2f\x9e\x5b\ \x9c\x00\x55\xe7\x36\xbb\x47\x5e\xaa\xef\xc4\x02\xec\xc8\xb8\x65\ \x1c\xbe\x8e\xfd\x85\x05\xaa\x59\x8e\xd8\xe1\xc2\x0b\xb8\xb2\x87\ \xc5\x0f\xb3\xf7\x23\x4c\x99\x4a\xdc\x48\x8e\x5e\xba\x40\x54\xf5\ \xe1\x70\xf7\x7d\xf1\xbe\xb7\xe2\x42\xd6\x3d\xcd\x8f\x53\xfe\x42\ \x88\xf2\x19\x8e\x12\x6c\x83\x46\xc4\xae\xdb\xf0\xdf\xc7\x32\x77\ \x7a\xdf\xfd\x4d\x99\x0d\x25\xc7\x8a\xc4\x74\x30\x9a\x82\x32\x89\ \xf7\x12\x7a\x6e\xe6\x9c\x84\xbf\x48\x79\xcc\xd0\x8d\xe1\x34\x0d\ \x7e\x1d\x1f\x5b\x48\x47\x67\xa1\xcd\x65\x63\xaf\xd8\xce\x98\xe8\ \xd6\x90\x27\xfa\x7b\x86\xc9\xf6\x1e\xb1\xe7\x78\x3e\x72\x30\x63\ \xc7\xe8\x3f\xae\x9b\xf5\x7d\x43\x63\x90\x3c\x1e\x2a\x8a\x9e\x66\ \x68\x98\x98\x2d\x82\x9a\xd8\x8e\x2e\x24\x42\x28\xdf\xdd\xb8\x18\ \x67\xaf\xe7\x96\xe5\x74\xfd\x91\x1d\xef\xa3\x73\x2d\xb6\x23\x2a\ \x0b\x50\x2b\x9b\xb0\x55\x93\xb7\x13\x54\xec\xa3\x00\x00\x20\x00\ \x49\x44\x41\x54\x78\x7e\xd9\x75\xcd\x24\xda\xb2\x86\x4f\xc5\x2b\ \x88\x56\xb3\xdb\x33\x1c\x9f\x04\x8d\xe6\xdd\x5a\xaf\x8c\x56\x22\ \x48\xb9\xbf\x78\x9e\xf1\x8b\xd9\xab\x97\xb1\x33\x05\xbb\x4c\x99\ \x04\xdb\x4c\xe2\xcd\x7e\x0f\x47\xdf\x67\x4e\x50\x17\x90\xdc\xc0\ \x63\xdd\x7c\x5e\xc8\x6d\xdc\x6a\x21\x3d\x65\xe8\x6c\xe3\x9f\x0e\ \xe6\xe8\xfd\x89\xca\x54\xab\xc5\x45\xbb\x4c\x12\xcc\x9f\x9b\x3f\ \xa7\xec\x3e\xcd\xfa\xb5\x17\xe7\xd0\x75\x27\xdf\x4b\xf9\x2b\xa1\ \x0f\x87\x94\x18\x44\xc1\xfc\x74\xfc\x74\xa6\xed\x24\xd4\xe0\x2d\ \x12\xdc\x62\xbb\xf2\x63\x64\x2c\x7e\x1b\x88\xed\xd9\x02\x33\xbb\ \xa5\x89\x55\x8c\x37\x6d\xcf\x89\xaf\x25\xca\xb7\x2f\x6b\x6f\x7e\ \x4b\xdf\xbe\x5f\x89\x2b\x58\xdb\x1d\x12\x82\xdc\xbd\x85\xda\x3c\ \x24\xa8\x89\xed\xe8\x45\x2a\x70\xae\x77\x0b\x49\xce\xcf\x5e\xcd\ \x83\x4b\x99\x72\x1b\x93\x1e\xa7\x7d\x3c\xd1\x24\x1b\x42\x8a\x8a\ \xa8\x92\xa2\xf2\xdf\x8b\x13\xbc\x4a\x95\x55\xc6\xbd\x16\xff\x2b\ \x15\x88\xd5\x02\xa2\x29\x41\xca\x7d\x73\x57\x70\xe6\xb8\x5d\xf0\ \x3c\x6c\x25\x2e\x36\xd5\x90\x72\x7b\xb9\xf3\x21\x5e\xb1\x94\xc9\ \xd3\x1b\x52\x6e\xde\x56\x50\x5c\x4c\xca\x08\x63\xd9\x22\x99\xdf\ \x96\x7d\xdf\xd8\xbe\xcf\xd0\x26\xa8\x0f\xce\xa2\x67\x19\xbf\x12\ \x62\x67\xaf\xd2\xa2\x4e\x50\x05\xc4\x38\x69\x0e\x9f\x3f\x3a\x58\ \x4a\x50\xde\x97\x45\x34\x23\x4e\xc5\xf3\x06\x33\xe0\x22\x81\x1b\ \x3c\x9d\xae\x87\xf9\xc7\x88\x7f\x48\x43\x04\xdf\xe6\x40\x6f\xc4\ \x6e\xdd\x1c\xfa\x2a\xfd\xb3\x88\x15\xdb\x55\x64\x2a\x3a\x70\x0b\ \x69\x37\xd7\xa6\x2c\x2e\xb9\x6c\x73\x23\x8a\xf8\xc0\x2c\x5e\xb3\ \x30\xc7\x20\xf5\x3b\x49\xff\x86\xc5\xb8\x22\xc4\xbe\x5f\x2b\xa4\ \x07\xed\x2e\x5e\xd7\xca\xa8\x89\xed\xd6\x81\x8c\x30\xdc\x8c\x1f\ \xa5\x5c\xbd\x82\xf4\x8f\xec\x72\x2f\x63\x63\xe2\xa9\x9a\xdb\x1e\ \xb3\x7d\x55\x2a\xcf\xaa\x7d\xc5\xeb\x07\xda\x17\x09\x62\xe3\x8e\ \x02\xd1\x5d\xc1\x5e\xcf\x72\xb4\x60\xa7\xce\x8a\x1c\xb4\x12\x32\ \x29\xf7\x82\x55\x6c\xbb\x88\xf9\xbd\x8c\x99\x6d\x60\x69\xb3\x4a\ \x8d\xbc\x39\xfb\x3e\xbb\x47\x82\xab\x48\x2e\x63\xed\x3a\xfe\xb7\ \x60\x9f\x7d\x42\x6b\x31\x34\xcd\xb0\xf7\x44\xbe\xf7\x2e\xa6\x8c\ \xd3\xbc\x5f\x8a\x7d\x54\xf6\x5e\xaa\xde\x55\xd5\x7d\xb2\xe3\xb1\ \x20\x6d\x9d\x16\xd4\xef\x9f\x8e\xf8\xf7\x74\xf3\x32\x2b\x29\x9e\ \x7a\x8e\x93\xf7\xa1\x2d\xd3\x50\x55\xb5\xaf\x78\xac\x1d\x4b\x88\ \x9e\x0d\x69\x36\xaf\xb5\xe5\xdf\xf7\x18\x7c\xe6\x95\xec\x9e\x65\ \x41\x1b\xa8\xef\x09\xfd\xfc\x20\xae\xe1\x99\x24\x98\x38\x1e\xd8\ \x72\x4d\x1e\x1a\xd4\xc4\x76\xeb\x41\x36\xa9\x7a\xb1\x4c\x50\x33\ \xff\xf4\x45\x9e\xb9\x97\xd9\xb7\x31\x69\x3d\xd1\x4c\x81\xfb\xcd\ \x1b\xea\xca\x24\xa6\x32\x55\x69\x19\xa1\xae\xe2\xb6\xab\xbe\x17\ \xb9\xf0\x7d\xc3\xbe\xed\x97\x71\x6c\x12\x12\x28\xdd\xac\xf5\x92\ \x29\x64\xcc\xcc\x15\x09\xb7\x3e\xc4\x41\xf7\x32\x69\x57\xa2\xed\ \xf4\xef\xcb\x66\xfd\x48\xff\x7e\x2d\x1e\xdb\xd8\xbe\x27\x2c\xb6\ \x4f\xe2\x47\x24\xf7\x06\x47\xb4\x77\xe2\x27\x46\x86\x34\x9b\xa1\ \x03\xdf\x39\x8a\x03\x76\x17\x54\xa9\x45\xe4\xfb\xa9\xca\x61\xa8\ \xac\x7f\x95\x5c\x53\x65\xf7\x6e\xc3\x63\x24\x67\xf0\xdc\xf3\x7c\ \x40\x88\x1b\xdf\x12\xcc\xe0\xd3\x98\xff\x0c\xf3\x5f\x59\xf2\xfc\ \x65\x73\x29\xff\x1c\xcf\xe0\x21\x56\xc6\x9c\xbf\x99\x19\x83\x22\ \xe2\x88\xe9\x11\x9f\x3e\x98\xc9\x93\x1a\x3b\x07\xd3\xf7\xdd\x38\ \x97\x64\x15\xff\x85\xd3\x95\x0f\xef\x96\x46\x4d\x6c\xb7\x6e\xac\ \x12\xca\xa2\x7d\xbf\x9b\x3b\x1e\x66\x97\x9b\x98\xf1\x62\x83\xe8\ \x8e\xd3\xb7\x56\x6a\x71\xf2\xe6\xbf\x37\xb3\x4d\xe6\x3f\xcd\x88\ \x6b\x51\xf2\xc8\x54\xb1\x73\xb0\x1b\x63\x1e\xe0\x90\xf5\x1c\x22\ \xa8\x3c\x5b\xd1\x43\x36\x11\x18\xf0\x33\x57\x33\xe1\x56\xf6\xeb\ \xa1\x6d\xae\xfe\x6a\xe4\x32\x29\xb6\x99\x74\xba\xa9\x7d\x4f\x90\ \x0e\xae\xc3\x79\xac\x5b\x1d\x0a\x44\x9c\x24\x68\x0b\x46\x1a\x4e\ \xd9\x9b\xbf\x3c\x22\x84\xfc\xf4\x63\x3c\x9a\x8d\xa9\x62\xdf\x97\ \x69\x15\x9a\xa9\xe1\x33\xb4\x09\x3a\xd8\x9f\xb1\x74\x2d\xc7\x0b\ \x0e\x3b\x5b\x8a\x00\xa4\xb8\xe5\x39\x3e\x34\x95\xce\x1d\x4b\xda\ \x59\x35\x46\x12\x61\x4e\xdf\x15\x7e\x9e\x99\x6e\xd9\x9a\xc3\x69\ \xc4\x7e\x13\x38\xe5\x30\x3a\xca\x9c\xa3\xca\xfa\xbe\x5d\x18\xb7\ \x77\xf2\x7b\x9c\x6a\x04\x79\x20\xe7\x51\x13\xdb\x1a\x6c\x70\x44\ \x3a\x33\xe1\xe6\xc7\x98\xfe\x3b\x76\x7d\x8e\x68\x86\x10\x3e\xf4\ \x72\x5c\x52\xcb\xa4\x85\x4d\x41\x22\x24\xed\x78\x25\xd1\xd3\xcc\ \x7a\x86\x63\x85\x72\x7e\x8f\x0e\xe1\xdf\x0c\x15\x52\xc1\xe7\xe8\ \x2a\xdc\xf0\x30\x07\x2e\x66\xca\xae\x42\x2a\xb1\xc1\xf6\x63\x99\ \x64\x36\xd8\xeb\xb2\x46\x64\x68\x13\x54\x9d\x3f\xc3\x1f\x42\x2d\ \xd3\x53\x84\xcc\x5d\xad\x16\x5e\x35\x18\xcc\x9b\xc0\x0f\xde\xcb\ \x76\x65\x21\x6d\x83\xb1\xd7\x56\x9d\x53\x64\x00\xab\xce\x6d\xc3\ \x8d\xb8\x98\xdb\x13\x8e\x4f\x43\x21\xa6\x2d\x3d\x0e\x5f\x40\xd7\ \x32\xde\xf4\x4a\xe2\xaa\x85\xbc\xf8\x0c\xa9\xa0\x16\xb8\x95\xf1\ \x3d\x21\xd5\xf5\x96\x74\x84\x8b\x23\xde\xb9\x23\xc7\xbc\xa6\x70\ \xa0\x59\xdf\xaf\xc2\xc5\x74\x75\xf1\x59\xfc\x6e\xcb\x34\x75\xe8\ \x51\x13\xdb\x1a\x19\x52\x81\xe9\x5d\x22\x84\x2d\xfc\xfa\x89\xe0\ \x4c\xb5\xdb\x2a\xe2\x19\x82\x0e\xb7\x2c\x47\x70\x19\xaa\x6c\x47\ \x54\x5f\xdf\xec\x78\xe6\x3c\xb5\x0f\x51\xc2\xe4\x47\x83\x34\xb1\ \x52\x88\x58\x69\x45\x24\x78\x08\x67\xbf\xc8\x36\x7f\x64\x61\x0f\ \xed\xbb\xda\xe0\x90\x56\x25\x89\x54\xa1\x4c\xc2\x1a\xe8\xbc\x76\ \xc1\xbb\xec\xe7\x74\x3d\xcd\x39\x69\x90\x66\x6f\xd1\x7a\xb6\xef\ \x01\x31\x9e\x8e\x6e\x7e\x70\x34\xfb\xce\xaa\x50\x1f\x0f\x84\x81\ \x34\x0a\x83\xb9\xfe\x6a\x92\x5f\x73\x55\xc2\x49\x69\xb0\x1d\x0e\ \x07\xc3\x97\xe2\x8f\xeb\x79\x53\x17\xbb\xec\x59\xd1\x88\x32\x6d\ \xc7\x38\xdc\x4c\xdc\x15\x42\xbb\xb6\xa4\x93\x54\x84\xbf\x79\x05\ \x73\xe7\x86\x79\x3c\x60\xdf\x8f\x11\x54\x6f\x4b\x42\x8e\x90\xff\ \x23\x14\x18\x1b\x91\xa8\x89\x6d\x8d\x22\x52\x41\xd2\x7d\x08\xe7\ \xf7\x72\xc3\x63\xcc\x5c\xc4\xcc\x75\x8d\xd4\x90\x1d\xfa\x12\x8b\ \x32\x55\x5d\x1e\x03\x11\x95\xaa\x7b\x94\xa9\xa0\x23\x41\xad\x3c\ \x99\xce\xa5\x1c\xd1\x13\x4a\x8e\xdd\xa8\x35\x27\x61\x2a\x78\xa5\ \xfe\x32\xe1\xf6\x87\x59\xb8\x84\x29\xd3\x89\xb6\xb7\x81\x71\xa9\ \x62\x48\x9a\xa9\x05\x9b\xf5\x7d\x66\x4f\x5c\x8b\x0b\xf1\x5b\x1e\ \x5f\x1f\x42\x7a\xbe\x2a\xd8\xfb\x5a\x4d\x1b\x30\x18\xc4\x3d\x7c\ \x60\x2f\x3e\xf9\x26\xda\xab\x1c\x6b\x9a\x8d\x23\xb9\x7d\xf9\xf1\ \x5b\xe6\xd1\x5d\x36\xfe\x7a\x05\x09\xeb\x36\xce\xea\xe5\x13\x82\ \xef\xc3\x70\xa2\x1b\x0f\x3d\xc5\x09\xf3\xe8\x18\x6f\x70\x7d\xd1\ \x8e\x65\x44\x4f\x05\xf3\xfd\x65\xb6\xcc\x78\x88\x63\x66\x47\xfc\ \xed\x1b\x99\x94\x8f\x4b\xcf\x50\xa6\xb6\xef\xc2\xa5\xf4\xac\xe5\ \xcb\x82\xbf\xc6\x88\x45\x4d\x6c\x6b\x54\x21\x23\xba\x0f\xe2\xbc\ \x2e\x16\x3d\xc2\x2e\x8b\x99\x9e\x10\x4f\xd7\x3f\xa6\x34\xc3\x40\ \xaa\xba\xfc\xb6\xec\x78\x95\xa3\x50\x76\x2c\x15\x52\x52\xce\xa1\ \xfd\x01\x0e\x58\xc7\x2b\x04\xb3\x4e\xab\xda\x72\x7a\x05\x8d\xc1\ \x2f\x5e\x60\xec\x5d\xcc\xef\x6e\xe4\xb6\x6e\x53\x2d\x91\x34\x73\ \x1c\x69\x86\x76\xc1\x3d\xfa\x67\x24\x0f\x73\x55\x1a\x8a\xbb\x5f\ \xae\xf5\xe2\x95\x07\x8d\x98\x9d\xc6\xf2\xe3\xf7\xb2\x7d\xbe\x52\ \x4c\x51\xdd\x5e\xc5\xcc\x95\x2d\xea\xf9\xef\x55\x4c\x4b\xe3\xbf\ \xad\xc1\xcf\x59\x73\x37\xff\x2f\xe1\x7f\x69\x9d\x38\xe4\x47\x13\ \xf6\xef\x66\xef\xbd\x0d\x4e\xa5\x9e\xd9\x39\xee\x0b\x36\xd4\x9f\ \xdb\x32\xe6\x84\x14\x47\xed\xc0\x49\x87\xd1\x16\x1b\xb8\xef\x63\ \xdc\x8b\xdb\xb9\x4f\xf0\x98\x5f\xb5\x05\xda\xb9\xd9\x50\x13\xdb\ \x1a\x03\x21\x15\xa4\xc6\xc5\xb8\x70\x1d\x0f\x2c\x65\xf6\xfd\x4c\ \x1d\x47\x34\x35\x77\x62\xb3\xc9\x93\x6d\x07\xf2\x10\xcd\xb6\x55\ \x36\x9c\x3c\x01\x9e\x88\x7d\x88\x1f\x61\xaf\xd5\xbc\x46\x90\x70\ \x5b\x65\x11\x2c\x22\x15\x16\x8b\x5f\xf5\x70\xc7\x23\xcc\x5b\xca\ \xb4\x69\x42\xac\xf3\xcb\x25\x06\xd9\x0d\xf3\xbf\x63\x81\xaa\x5f\ \x81\xab\x59\xb9\x3a\x48\xb2\xff\x4b\x50\x75\x8e\x38\xb5\x71\x86\ \x28\x48\xb2\xff\xfe\x26\x0e\x9d\xab\x7f\x22\x87\x32\x02\xd9\x4c\ \xe5\x5e\x26\xf9\x15\x09\x76\xb6\x8d\x85\x00\xef\x9f\xb1\xea\x11\ \xbe\x9c\x84\xca\x47\xad\xc4\xd4\x25\x58\xb5\x8a\xe3\x16\x34\xb2\ \x4a\xd1\x9c\xa9\x4d\x05\x3f\x8c\x3f\xb2\x5d\x37\x17\x08\x21\x5f\ \x9b\x1b\x31\xfe\x61\x3e\xfb\xec\x93\x7b\x87\xcd\xfa\xbe\x5d\xc8\ \xd1\xfd\x24\xe7\x09\x49\x38\x46\xec\x18\xa6\x26\xb6\x35\x5e\x1e\ \xd6\xe0\xf6\x94\x4b\x57\xf3\xfc\xbd\xcc\x7d\x9c\x89\x53\x04\x07\ \xa6\x7c\x06\x9f\x66\x04\x56\xe1\x58\xd5\x79\x65\xaa\xd3\x3c\x52\ \x21\x23\xce\x02\xac\x08\x8e\x53\x87\x09\xa5\x57\x1f\x2b\xf9\xbb\ \x56\x41\x0f\xee\x49\xb9\x62\x15\x63\xee\x66\x5e\x0f\x63\x77\xd6\ \x5f\x53\x30\x50\xdf\xe5\xd1\x26\xe8\x04\x7f\x16\x72\xdf\xde\xd6\ \x1b\xca\xb9\xfd\x48\x8b\x96\xc3\x7b\x19\x88\x63\xde\xbc\x13\x5f\ \x3d\xae\xe0\x7d\x4c\x39\x31\xa9\x1a\x37\xcd\x08\x50\xd9\xb8\xcb\ \x0a\xbe\x9f\xc3\x8a\xe5\xfc\xb5\x90\xe2\xb0\x15\xb5\x03\x8f\x77\ \x73\xf4\x76\xec\x34\xab\x84\x90\xc9\xfd\xce\x9e\x6d\x3c\x16\xd3\ \xfe\x42\x60\xc4\x6e\xb2\x79\xe7\x4b\x1c\x31\x27\xe6\x1f\x8e\x62\ \xe2\x76\x85\x83\x65\xed\xcc\xd4\x6a\x57\xd1\xb3\x3e\xd8\x6a\x47\ \x54\xb6\xa8\x32\xd4\xc4\xb6\xc6\xc6\xe0\x79\xfc\x36\xe5\x97\x2b\ \x42\xe1\x83\xd9\xab\xe8\xdc\xc9\x06\x27\xaa\x3c\x8a\x36\xb2\xb2\ \x85\xa0\x8a\xc0\x56\xa9\x06\xf3\xc7\xdb\xb1\x37\xd6\x32\x75\x39\ \x47\xa4\xc1\xde\xfc\xa0\xd6\xce\xeb\xbb\x52\x90\x72\xef\x7a\x98\ \xbd\x1e\xce\x49\xb9\xcd\xd8\xf7\x22\xd3\x91\x7d\xff\x1d\x2e\x64\ \xcd\xb3\x21\x06\xf1\x63\x02\xd3\xd1\xca\xcf\x3f\x28\xb4\xb1\x7d\ \xcc\x99\xef\x61\xc6\x84\xc2\xb1\x66\x2a\xe4\xc1\x98\x32\x34\x39\ \xa7\x0d\xf7\x93\x9c\xc7\xa3\xcf\xf2\xd1\x98\x9f\xa7\xad\x9b\xb1\ \xa8\x17\x53\x13\x0e\x7f\x45\xe3\xf1\x06\x32\x35\x34\x54\xe3\xd1\ \xd2\xe0\x82\x71\x81\xcd\xcb\x44\x44\x11\xef\x9d\xce\x09\x87\x35\ \x4a\x04\x0e\xe6\xfd\x2c\xc7\xad\x3c\x9e\xf2\xcf\xc2\x7c\x19\xd1\ \xa8\x89\x6d\x8d\x8d\x45\x22\xcc\x87\xcb\x7a\xb8\xfd\x31\x66\xdd\ \xcd\x4e\x9d\xb4\xed\x68\xf0\xd2\x44\xb6\x2d\x7e\xaf\x22\xba\x55\ \x5c\x3b\xec\x19\xbe\x4e\x7a\x8c\x23\x93\x10\xbb\x7f\x87\xd6\x26\ \x38\x3d\x82\x59\xea\xf2\xe7\xd9\xe6\x2e\xe6\x25\x25\xb6\xdc\x32\ \xe9\x2c\xb3\x69\x3d\x8f\x5f\x90\xfc\x8e\x87\xbb\x43\x3e\xde\x6f\ \x08\x0b\x53\xab\x4a\xf6\x83\x46\x7b\x50\x1f\x9f\xba\x1f\xef\x3d\ \x90\xa8\x58\x0c\xbe\x4a\x85\x5c\x76\x4e\x59\x1f\x2a\x9c\x93\xa1\ \x0d\xbf\x27\xb9\x88\xbb\x56\x87\x64\x15\xd7\xa6\xad\x3d\x8e\xd2\ \x88\xee\xb5\x9c\xb0\x0f\xdb\x54\xa9\x92\xf3\xcf\x99\x60\x5b\xdc\ \xc1\x94\x9e\xe0\x24\xb5\x39\x9d\xbd\xc6\xe0\x6b\x07\x32\x2b\x4b\ \x42\x52\xf5\x0e\xb3\x6d\x16\xc7\x7c\x1f\xb7\x46\xfc\x40\xeb\x25\ \xb2\x79\xd9\xa8\x89\x6d\x8d\x4d\x45\xe6\xfc\x73\xde\x3a\x9e\xbc\ \x87\x05\x8f\xb1\xdd\xce\x82\xaa\x8a\xe6\xaa\x62\x4d\x7e\x0f\x86\ \x60\xe7\x91\x0a\x9e\xca\xe3\xd9\xe6\x51\xde\xd8\x1d\xd6\x94\xdb\ \xb4\xae\x44\x42\x68\xf6\x4a\x5c\xd5\xcb\x5d\x4b\xd9\xe7\x01\xa6\ \xcc\x14\xaa\x34\x65\x27\x94\xa9\x46\xef\xc1\xb9\x21\xd6\xf2\x72\ \xfc\x19\xae\xd1\xda\x44\xe1\xe5\x62\xde\x38\xbe\xfd\xde\x50\x18\ \x7e\x50\xe3\xa0\x4a\xc5\xdc\xcc\xfe\x5f\xb4\xd1\x5e\x8f\xcb\xb8\ \xb1\x97\xf7\xa4\x41\x43\x30\x12\x18\x97\x55\x3d\xbc\x73\x26\x3b\ \x4e\x2f\x1c\xa8\xea\xb7\x09\x58\x42\xc7\xca\x50\xb6\xf3\x1a\x9b\ \xe9\x39\x23\x5e\x3d\x86\xbf\x3e\x86\xce\xb1\x1b\xf6\xbd\xb4\x2d\ \x9b\xfb\x63\x84\x58\x9f\x67\x82\x46\x61\x4b\x79\x4c\x6f\x56\xd4\ \xc4\xb6\xc6\x50\x61\xbd\x10\xf3\x7a\xd1\xb3\x4c\xfb\x23\x73\x7a\ \x19\x93\x49\x69\x54\x4b\x17\x03\x49\xb1\x65\x84\x57\xc9\xbe\x48\ \xa0\xae\x33\xb1\x23\x1d\x0f\x87\x8c\x53\x53\x05\x9b\x54\xab\x27\ \x70\xe8\x15\xec\x52\x17\xbd\x10\x72\x2c\xef\x13\xd1\x3e\x53\xdf\ \x42\x11\x91\xd0\xd1\x57\xe0\x1a\x9e\x5a\xcb\x3f\xe2\xef\x04\xf3\ \xe2\xa8\x41\xcc\xb8\x88\xaf\x1f\xc9\x41\xbb\xe6\xf6\x57\x49\xac\ \x65\xda\x11\xaa\x99\xb6\x32\x42\x9b\xe2\x4a\x92\xeb\xb8\x22\x0a\ \x84\xf6\xd1\x21\x7e\xac\xcd\x89\x6e\x1c\x34\x8e\x57\xcc\xb3\x21\ \x86\xb5\x6a\xbe\xe4\x8f\xdd\xc3\x76\x51\x70\x42\xda\x5c\xf6\xfd\ \x4f\xed\xc1\xeb\x5f\x5d\x22\xd5\x16\xb7\xf9\x71\x7e\x25\xc9\x7a\ \xbe\x65\x78\x92\x86\x0c\x39\x6a\x62\x5b\x63\x28\x91\x0a\x5c\xf2\ \xf9\xbd\x2c\x7e\x88\x05\xf7\x32\x79\x1a\xf1\x64\x7d\x1d\xa8\x34\ \xf9\x5e\x26\xc5\x35\x53\x11\x16\x25\xbf\x44\x08\xbe\xdd\x8d\xf6\ \xa5\xbc\x6a\x2d\xf3\xb5\x76\x68\x50\x1e\xab\x70\x69\x2f\x77\x3e\ \xc8\x01\x0f\x32\x69\x16\xd1\x04\x81\xe8\x3e\x22\x38\x41\xdd\xcf\ \x8d\x8d\x90\x9e\x9f\x19\x05\x2a\xb6\x3c\xda\x42\x41\xf8\x23\x77\ \xe6\x4b\xc7\xd0\xde\xab\x5c\x9a\x1d\x6c\x28\x54\x33\x69\x37\xdb\ \xd7\x83\xf3\xe9\xba\x9d\x33\xdb\x39\x39\x09\xe3\x78\x24\x21\xc5\ \xb4\x98\x63\xf6\x0d\x36\xd2\x97\x50\x24\xba\x19\x12\x21\xab\xd9\ \x9d\x4c\x5a\x17\x18\xd2\x7b\x36\x43\xbb\x26\xe2\x3f\x0e\x0f\xeb\ \x40\x9f\xc6\x16\x19\xa2\x34\xf7\x7b\x3d\x6e\xa0\xb7\x9b\xaf\x09\ \x0e\x8f\x23\x1e\x35\xb1\xad\xb1\x39\x90\x0a\xb1\x71\x67\xbd\x88\ \x45\xbc\xf2\x45\x3a\x76\x53\x1e\x57\x5a\xa5\xde\xab\xda\x57\x44\ \xd5\x39\x13\x30\x9f\x68\x69\x08\x0d\x3a\x44\xc8\x5f\xbb\xaa\xa4\ \x09\xad\x86\xac\xff\x7e\xba\x2a\x68\x09\xe6\x47\xb4\x3d\x80\x4b\ \x58\xb3\x9a\xff\x27\xa4\x5c\x1c\xae\xec\x45\x9b\x1b\x3b\x74\xf0\ \x9d\xe3\xd9\x75\x5b\xfd\x99\xad\x2a\x94\x9d\x57\x94\x96\xca\x3c\ \xde\xd7\xe2\xc7\xac\x7b\x20\x84\xf5\x7c\x36\x69\x7d\x2d\x48\x29\ \x22\xc6\xa6\xbc\x6b\xdf\x5c\x51\xf6\xc6\xfe\xca\x39\xb7\x0d\x9e\ \x24\x7a\x22\x4c\xcd\x0b\x0c\x71\x78\x4d\xc4\x51\xe3\xf8\xf0\x5b\ \x73\xb1\xb5\x65\xef\xa0\xd8\xbe\x67\x71\x1b\x2b\xd2\xe0\x83\x30\ \x12\x98\xe4\x01\x11\x0f\x77\x03\x6a\x8c\x5a\x64\x85\xec\xbf\x90\ \x70\xd4\xcd\xdc\xfc\x2d\x92\xa5\x82\x3d\x26\x43\x95\xfd\xac\x78\ \x2c\xef\x18\x95\xbf\x96\xf2\x85\x38\x6d\x7c\x26\x08\xe2\xdf\x5e\ \x1c\x24\x10\xdb\x03\x8d\x8c\x71\x9f\xe0\x29\x9c\xdc\xc5\xbb\xaf\ \x66\xc9\xaf\x59\xd2\xcd\x09\x29\x9f\x13\xfa\x76\x44\xc7\x1d\x56\ \x20\x4e\xf9\xf0\x02\x0e\x98\x9d\xdb\x59\xe5\x48\x93\x3f\x56\xf4\ \x78\x2f\xbb\xb6\xcf\x1f\x09\x31\xb4\xff\xc3\x9a\xc7\xf8\x4c\xca\ \x17\x8d\xac\xea\x47\x7d\x90\xb2\xfc\x45\x56\xae\xd4\xff\x79\xcb\ \xd4\xed\x84\x87\xdd\x8f\xb8\x9d\x83\x23\xf6\x18\xe2\x26\xc5\x29\ \xc7\xcf\xcd\xc5\xff\x96\xb5\xa9\xf8\x3b\xc6\x93\x24\x3d\x41\x91\ \xb3\x25\x0b\x25\x6c\x56\x8c\x84\x45\xa7\xc6\xc8\xc7\x0d\x78\xf3\ \x73\x7c\xe9\x4c\x56\x9d\x47\xd2\xad\x7f\xd1\xfa\x54\x5f\x55\x12\ \xfd\x17\x8d\x32\xa2\x9b\x9d\x57\x94\x6e\xb3\xfb\xb5\xe3\xbd\x78\ \x1d\xb3\x05\x7b\xdc\x9f\x1a\x39\x63\x3f\xc1\x2f\xf0\x5a\x21\x71\ \xc7\xe5\x46\x27\x91\x05\x31\x0b\x26\x71\xea\xe1\xc4\x79\xaf\xb6\ \xfc\xd8\xa0\x5c\x1d\xdc\x0c\xc5\x71\xd6\x26\x14\x48\x3e\x2d\xd4\ \x86\x3d\x29\xe5\xbb\x1b\xdd\xe8\xd6\xc1\x8a\x84\x15\x79\x62\x5b\ \xc5\x90\xe6\xe7\xd9\x4c\x4c\x65\x46\xca\x91\x86\x76\x5e\x74\xe2\ \x2d\x0b\x55\x0f\xd8\xb2\x76\xc5\x78\x21\x10\xea\xa7\xd2\x51\x64\ \x22\x19\x29\x0b\x4e\x8d\x91\x8f\x55\xf8\x6a\xc2\x51\x7f\xe0\xfa\ \xff\x0e\xf5\x54\xfb\x49\xb9\x65\x76\x5b\x85\x73\x32\x14\xc3\x80\ \xaa\xec\xbf\xd9\x42\x7d\x04\xf1\x71\x4c\x6c\x0b\xc9\x09\xfe\x5e\ \x88\x31\x1c\x09\x48\x84\xcc\x58\x23\xcd\x8e\xf8\xb2\xd0\x16\x16\ \xe7\xcf\xbf\x8e\xe9\x65\x31\xb5\xd9\x36\x4f\x78\x9b\x8d\x99\xaa\ \x31\xd4\x8e\x45\x24\x3f\xe3\x9e\x17\x38\x01\x17\xa4\xa3\x83\x81\ \x59\x1d\xf1\xd0\x93\xfa\x2f\xec\x55\x92\x2e\xa1\x3f\xe6\x85\xf8\ \xd7\xb7\x35\x7e\x0e\x05\xe2\x88\xc3\x3a\x99\x52\x56\x24\x3e\xdf\ \x8e\xa2\xf6\x2a\x0b\x69\x13\x9c\xfe\x6a\x62\x5b\xa3\xc6\x46\x20\ \xc1\x4d\x29\xc7\xaf\xe4\x0b\xe7\xb0\xe2\x27\x42\xa6\xfe\xcc\x96\ \x5b\xc5\x81\xe7\x39\xf4\xb2\xf3\xca\x50\x5c\xa0\x7b\xf1\x4a\x7c\ \x80\x8e\x6d\xf9\x02\xbe\x8f\x69\xea\x79\xd0\x12\x48\x78\xcb\xae\ \x1c\xbb\x1f\x71\xe6\x14\x55\x25\xcd\x96\x69\x3c\x9a\x21\xbb\x57\ \x9b\xe0\x29\x77\x31\x37\xad\x09\x84\xf6\x86\x51\x42\x68\x33\x3c\ \xf4\xdc\x20\x9e\x27\x3f\xaf\x7a\x31\x17\xed\x2c\x88\x98\x37\x84\ \x6d\x79\xfb\x1e\xb4\x37\xe3\x68\xcb\x88\x70\xa3\x24\x64\x12\x05\ \x62\x3b\x62\xd5\xfa\x45\xd4\x8b\x4c\x8d\xe1\xc0\xb3\xf8\x46\x0f\ \x47\xdf\xc5\x2f\xbe\x43\xcf\x4d\xc2\x60\x2c\x12\xd5\xe2\xf7\xb2\ \x45\xb6\xa8\x7a\x2e\xee\xcf\xa3\x17\xb3\x70\x32\x1d\x3b\xf2\xbe\ \x28\x24\x62\x9f\xa7\x9e\x0b\xc3\x8a\x76\xa6\x8c\xe5\xf3\x6f\x60\ \x42\xde\x91\x26\x8f\xb2\x31\x91\x7d\xaa\x98\xb1\xfc\x36\xc2\x65\ \x24\xd7\x72\x71\x17\xef\xc7\x5d\x46\x17\xa1\x95\xf2\x68\xe6\x01\ \x58\xd6\x17\x65\x73\x24\x15\x38\xce\xa9\x4c\x4b\x43\xca\xd3\xa1\ \x98\x0b\x71\xca\x61\x73\x49\xb2\x0e\x2e\xfb\xef\xbc\xa6\x22\x3b\ \x9e\x08\x92\x6d\x34\x4a\xbc\x90\x33\xd4\x0b\x4c\x8d\xe1\x42\x8f\ \x50\x32\xeb\xa4\xd5\x9c\x72\x39\x0f\x9e\x4e\xf2\x84\xfe\x71\xb9\ \x79\x95\x57\xd1\x09\xa6\xe8\x24\x53\xbc\x2e\x7f\x4d\x76\x2c\x15\ \x72\x39\x7f\x90\x78\x6f\x0e\x8d\x39\x1f\xc7\x18\x39\x6a\xe5\x51\ \x87\x1e\xfe\x74\x3e\xfb\xef\xaa\x5c\x45\x9c\xff\x5d\xf6\x51\xb8\ \x2e\xff\x9b\xc0\x64\x9d\x4f\xcf\x2d\xfc\xa0\x97\x8f\xa4\x21\xa5\ \xe7\x68\x43\x82\xa7\xba\xf4\x17\x07\x8b\x26\x17\xfa\xf6\xdd\x18\ \xec\x1e\xe8\xc1\x9f\xd8\x74\xba\x10\x47\x81\xa7\xdd\x73\x4e\x20\ \xba\xa5\xe6\x9f\x0c\x65\x3e\x18\x2f\x86\xf3\x9e\x1a\x82\xb6\xb4\ \x0c\x46\xcd\x83\xd4\x18\xb1\x58\x85\xd3\x13\xde\xfc\x10\x67\x9c\ \xc1\xea\xab\x05\x43\x4d\xd1\x3e\x97\xa1\xcc\x89\xaa\x4a\xba\x2d\ \x22\x7f\xbf\x4e\xbc\x13\x6f\x60\xcf\x0e\x4e\xc3\xa7\x05\x07\xe6\ \x1a\x5b\x10\x6d\xcc\x9e\xc8\xc7\x0f\xa1\xa3\x28\xed\x14\x51\x26\ \xa5\x55\x11\xe7\x6c\xdf\x5a\xfc\x94\x35\x77\xf2\xb5\x5e\x3e\x9b\ \x86\x34\xa3\xa3\x12\x11\xcb\xd7\xd3\xd5\xa5\x5a\x1b\x54\xdc\x97\ \xf5\xf7\x9c\xf0\x7d\xbe\x50\xc1\x72\x53\x71\xe8\xf6\xc4\x93\x9a\ \xb7\xb5\x9f\x99\x20\x15\x38\x86\x86\x73\xdc\x48\x2f\xa2\xd1\x07\ \x35\xb1\xad\xd1\x0a\x48\x84\xc2\x01\xa7\xac\xe3\xbd\xbf\xe1\xd6\ \xd3\xe9\xb9\x4f\x39\x37\xae\xe4\x7b\x7e\x5f\x95\xfd\xae\x2c\xf4\ \x01\x5e\x8f\xe3\x98\x3c\x29\x14\xa8\xfe\xa6\xc0\x95\xd7\xd8\x32\ \x88\x13\x3e\xbe\x3f\x73\xa6\x68\x6e\x2e\xc8\xf6\x17\xcf\xa9\x72\ \x84\x8a\x05\x4e\xee\x47\xac\x5e\x1a\x42\xd0\xfe\xd1\x08\xaf\x89\ \x3a\x08\xac\xec\x66\x5d\xe6\xc9\x3d\x10\xa1\xcd\x90\x08\xaa\xe4\ \x89\x4c\x69\x10\xdc\x4d\xc5\x21\xb3\x2a\xe8\x4b\x99\xc6\x29\xcf\ \x38\xf5\x86\x6d\x9c\x8e\xa2\xb0\x1f\x6a\x62\x5b\xa3\xb5\xd0\x85\ \x8b\x71\xf4\x72\xbe\x76\x0e\xcb\xcf\x27\x59\xa9\x79\x98\x10\xe5\ \x93\x36\xdb\x16\xed\x42\xc5\x63\xbd\xd8\x07\xef\xa3\x73\x26\x1f\ \xc2\x8f\xb1\xbf\x7a\x7e\x6c\x09\x2c\x9c\xcc\x07\x5e\xdd\xc8\x14\ \x95\xa1\x99\x54\x5b\x66\x9f\x2d\x4a\xbc\x31\x9e\xc6\x69\xac\x5c\ \xce\x27\x84\x44\x20\xad\x58\x1e\x6f\x48\x11\xd3\x95\xd0\xd5\xad\ \x3f\xe3\x59\xa5\x25\xca\xf6\x8d\xc3\xd4\xb0\x39\xc8\x26\x8c\xfd\ \x28\x68\x28\xe6\xcf\x08\xb1\xb2\xa5\xff\x57\x45\x68\x79\x49\xaa\ \x4d\xd4\x92\x6d\x8d\x1a\x9b\x1d\x4f\xe1\x8b\xdd\x9c\xb0\x88\xcb\ \x4f\x67\xdd\x6d\xaa\x25\xd6\xe2\x82\x5b\x86\xa2\x3d\xb7\x68\xc7\ \xed\x15\x38\xfb\xf7\x13\xef\xcb\xa1\x6d\x9c\x83\x77\xa8\xed\xb8\ \x9b\x0d\x6d\xb4\x47\x7c\xf6\x60\xa6\x65\x45\x2b\xaa\x1c\xa3\xaa\ \xe2\x45\x95\x1c\xcb\xd2\x5a\x9e\xc1\x53\xcf\x87\x18\xda\x33\x93\ \x51\xe4\xd5\xda\x0c\x29\x3d\xbd\x74\xf5\xf4\xdd\xd7\x54\x53\x90\ \x21\xc6\x8c\x70\xec\xd5\x9b\xd8\x8c\x8e\x88\x79\xbb\xe4\xec\xb5\ \x55\xda\x88\xb2\xb6\x75\x87\xfd\x3d\x82\x64\x3b\x6a\x1c\xd8\x6a\ \x62\x5b\xa3\x55\x91\x08\xf9\x5a\x4f\x7c\x9e\xcf\x5c\xc2\x83\x3f\ \x21\x59\xa1\x3a\x86\xb0\x99\x93\x94\x8a\xef\x45\xce\xbf\x13\xc7\ \xe1\x70\xe6\x34\xec\xb8\x7f\x23\x70\xfb\x35\x86\x18\xbd\x1c\xb6\ \x33\xc7\xee\x1b\x54\xc9\x7d\x98\xa0\xb2\x77\xd5\xec\xfd\x66\xdb\ \x18\xf7\x90\xfc\x84\x07\x5f\x08\xd9\xb6\x2e\x35\x8a\x16\xec\x81\ \x90\xd2\xd5\x20\xb6\x49\xd1\x29\xb0\xac\xbf\x14\xce\xd9\x39\x38\ \x37\xed\x29\x4c\x85\x8d\x41\x9c\x32\x3b\x65\xf2\xd4\xc2\xfd\xcb\ \xfe\xbb\xc9\x9c\x4c\x8c\xb2\xf7\x56\x13\xdb\x1a\xad\x8c\x44\xe0\ \x6e\xbf\x9b\x70\xd4\x12\xce\xfa\x3e\xeb\x7e\xdb\x38\x58\xc6\x31\ \x17\xd5\x89\xcd\x1c\x6a\xf2\xf7\x28\xaa\x9a\x0f\xc5\x89\x4c\x98\ \xc8\x97\x84\x78\xdc\xa1\x70\x1a\xa9\xd1\x40\x4c\x47\xcc\x17\x5e\ \xcf\xc4\x2c\x8b\x42\x33\x27\xb7\xb2\x6d\x99\xea\xf8\x36\x92\x9f\ \xb3\x68\x6d\x48\xd0\x70\xbd\x51\xb6\x60\x0f\x02\x5d\x09\x3d\xc5\ \xec\x5b\xd9\xb6\x6c\x5e\xe4\x8f\x4d\x46\xc4\xa4\x86\x37\xf1\x46\ \xd1\x87\x88\x99\x63\x85\xbc\xcb\x65\xce\x8b\x03\x39\xbf\xc5\x1b\ \x36\xa3\x8a\x3e\x8d\xaa\x87\xa9\x31\x6a\x91\x08\x35\x73\x4f\x5e\ \xc7\xfb\xaf\x62\xc9\xf7\x48\x9e\x14\xd2\xdd\x94\xd9\x6f\xab\xc2\ \x46\xca\x54\x92\x65\xe7\x65\x81\xfe\x1f\xa6\x7d\x27\xde\x85\xab\ \xb0\x40\x3d\x67\x86\x02\x71\xca\x71\x73\x38\x74\xae\xbe\xd5\xa0\ \x8a\xef\x69\x20\x87\xb7\x6c\x1b\xe3\x5a\x92\x8b\xb9\xbe\x37\x10\ \xda\xbb\x36\x57\xe3\x5b\x1c\x71\x44\x5c\x36\x48\xab\xbc\xb5\xb3\ \x6d\x2a\x14\x94\xdf\x36\x68\x72\x66\xda\x38\x46\x25\x89\x98\xb5\ \xbd\x0d\x7e\x16\x55\x12\x76\xd9\x9c\xcd\xb5\x29\x16\xa6\xf7\xa8\ \x99\x6f\xa3\xe6\x41\x6a\x6c\x15\xe8\x12\xea\x6e\xbe\xf6\x09\xbe\ \xf5\x6d\x7a\xae\x20\x69\xd3\x9f\x83\xae\x92\x64\x95\x1c\x2b\x12\ \xeb\x6c\x41\x48\x84\xc5\xe7\x14\xe2\xfd\x02\xa1\xfd\xb5\xa0\x65\ \x1e\xaa\x94\x76\x5b\x25\xc6\x06\x15\xe5\x97\x8f\x6c\x84\xfa\x50\ \xad\xd6\xcc\xbe\x57\x79\x1c\x67\xe7\x5c\xd2\x48\x56\x81\x13\x12\ \x96\x0d\x65\x7b\x47\x12\x52\x3a\xdb\xe8\x18\x93\xb3\x97\x46\x7d\ \x8f\xf7\xf9\x5e\xb4\x99\x8e\xc1\xf8\xf0\x7e\xa6\x6c\x42\x1b\x76\ \xdd\xbe\x84\xb6\x14\x35\x48\x65\x52\x2f\x7d\x92\xdb\x8c\x2a\xfa\ \x34\xaa\x1e\xa6\xc6\x56\x83\x15\xf8\x14\xde\xf8\x5b\xee\xfa\x26\ \xc9\xc3\x36\xe4\x59\x8e\x4a\x3e\xf4\x27\xba\x65\x8b\x78\xd9\x22\ \x90\x08\xf1\xb8\x6f\x63\x72\x14\x1c\xa7\xfe\x49\xe0\xfe\xeb\xf9\ \xf3\xf2\x11\x77\xf1\x17\xfb\xb3\xe7\x8e\xfa\x2f\xc0\xf4\x7f\x4f\ \xf4\x67\x88\xb2\x7d\x09\xce\x0e\xc9\x2a\xfe\xa7\x2d\x38\x43\xad\ \xd8\x5c\x0d\x1f\x09\x68\xa3\xa3\x41\x6c\x5f\x42\xbe\x5f\xab\xb4\ \x3d\x79\x15\x6e\x27\xed\x69\xf0\x95\xda\x18\xb4\xa7\x4c\x1e\x27\ \x68\x87\xb2\xff\x2d\xbe\xdb\x32\xc9\x36\x43\x63\x52\xb5\xdb\x78\ \xbb\x71\x4b\xa2\x5e\x2c\x6a\x8c\x54\x24\x82\x4d\xee\x90\x95\x7c\ \xf5\x0c\x56\x9d\x2f\x78\x32\x56\xa9\x1e\xcb\x08\x70\xd9\xb1\xb2\ \xdf\x5d\x38\x00\x1f\x21\x9e\xcc\x5f\xe1\x22\xc1\x91\xa4\xc6\xcb\ \xc0\x58\x26\x75\xf0\xb9\x23\x2a\xf2\x1f\xd3\x9f\xd9\xa9\x52\x45\ \xae\xc5\x8f\x58\x73\x0f\x5f\xc5\x67\x7a\x47\x7f\x0c\xed\x80\x48\ \x1b\xc4\xb6\x43\x39\x31\x2b\x12\xdc\xb2\xbe\x6f\x50\xb8\x9d\x6c\ \x1c\x7d\x88\x31\x71\xac\xbe\x84\xb5\x0c\x65\x8c\x70\x84\xb1\x61\ \x9b\xd5\xb6\x1f\x35\xa8\x89\x6d\x8d\x91\x8e\x55\xf8\x72\xc2\x9b\ \x7f\xcf\xf5\xdf\xa1\xe7\x5e\xe5\x85\x0d\x8a\x0e\x22\x45\x75\x56\ \x95\x53\x55\xde\x8e\x3b\x03\x1f\x25\xde\x93\xc3\x23\x2e\x51\xab\ \x95\x07\x8d\x98\x78\x3d\x7f\x79\x20\xd3\xf2\xee\xdd\xcd\xbc\x54\ \xcb\xd4\xa0\xb1\x90\x5c\xfb\x0c\x56\x3d\x1a\x32\x42\x7d\xc5\x28\ \x4b\x80\xb0\xb1\x48\x99\x38\x86\xce\xaa\x9a\xd1\xc5\xbe\x2e\xdb\ \xb6\x07\x42\xb7\xd1\xde\xc8\x18\x37\x56\xb9\xc1\xb7\x99\xa6\x29\ \x2f\x5d\x37\x08\xee\xe4\x8d\x6c\x43\x4b\xa2\x26\xb6\x35\x46\x03\ \x7a\x70\x73\xca\xdb\x9f\xe5\xcb\xe7\xb2\xe2\x42\x41\xf2\xc9\x9c\ \x34\xaa\x9c\xa1\x8a\x28\x93\x6e\xe9\x4b\x80\xc7\x0a\xf5\x71\x8f\ \x60\xce\x18\x7e\x28\x78\x2c\x4f\x54\xcf\xa7\xa6\x88\x98\xd1\xc9\ \x27\x0e\xb3\x41\xc5\x98\x3b\x56\x2a\x65\xd1\xf7\xdd\xb5\x09\xa5\ \x60\xce\x64\xc5\xd3\x9c\x82\xff\x31\x8a\xca\xb0\x6d\x22\xe2\x94\ \x59\x63\xe9\xec\xd0\x5f\x45\x9c\xa1\xcc\xa1\x30\x2f\xf1\x36\x72\ \x93\x0f\x29\x03\x99\x7f\x97\xcd\x1c\x13\xb3\x7d\xe3\xd5\xc4\xb6\ \x46\x8d\x56\xc6\xb3\xf8\xe7\x6e\xde\xfe\x7b\xae\x3d\x8d\x9e\xbb\ \x6d\x28\x6c\xc0\xc0\xaa\xad\x3c\xaa\x16\xa5\xec\x73\x08\xde\xcd\ \xc4\x1d\x42\x2c\xee\x0f\xd5\x6a\xe5\x4a\xb4\xd1\x9e\x70\xea\x6b\ \x43\x75\x1f\xf4\x97\x58\xcb\x6c\xb7\xf9\xef\x31\x96\xe2\x67\x3c\ \xfe\x1c\x7f\x9e\x72\xee\xd6\x92\xac\xe2\x65\x60\xf6\x78\xfd\x29\ \x65\xd1\x31\xa9\xaa\xef\x6d\x38\xb6\xb1\xb4\x21\x41\x4f\x4f\xc5\ \x7f\xd0\x7f\xee\x15\x35\x4a\xb1\x40\x6c\xd3\x90\x67\x66\xd4\x84\ \x6e\xd5\xc4\xb6\xc6\x68\x43\x8f\x50\xa3\xf4\xc4\x15\x7c\xe9\x3c\ \x9e\xba\x50\xd0\x31\x66\x83\xbd\x68\xbf\x1a\x28\xcc\xa4\xcc\xb9\ \x83\xb0\x0a\xec\x21\xd4\xc7\xdd\x93\x63\xe3\x50\xae\xef\xad\x6a\ \xb5\x72\x3f\xa4\xcc\x99\xc0\x87\x0e\x26\xae\xaa\x48\x53\x46\x08\ \x32\xb4\xe3\x5e\x9c\xcb\x83\xab\x78\x7f\xcc\xe5\x69\x4d\x68\x8b\ \x48\x22\x76\xdf\x41\x35\x41\x2d\x8e\xf1\x32\x87\xc0\xf5\x21\x7c\ \x68\x53\x52\x25\x76\x15\x89\x6d\xd9\x7f\x15\x91\x1d\x4b\xb0\x7d\ \x90\xd2\x77\x33\x8a\xe6\x52\x4d\x6c\x6b\x8c\x56\xac\xc0\xd7\xba\ \x39\xfe\xf7\x5c\x73\x3a\x3d\xf7\xd8\x60\xcb\xa5\x3f\xa7\x5d\xc6\ \xe1\x97\xa9\xba\xf2\xdf\x13\x41\x7f\x7c\x22\xf1\xeb\x98\xdf\x11\ \x24\xdc\xbf\x51\x57\x0f\x7a\x09\x51\x48\x79\xf9\x89\x83\x98\x9c\ \xa9\x37\x33\x14\x09\x6d\x19\xda\xf0\x47\x92\xf3\xb8\x73\x35\x27\ \xa6\x5c\x57\x4b\xb4\xa5\x18\x97\xb2\xc7\x8e\x8d\xb0\x9f\x0c\x55\ \xfd\x5a\xd5\xf7\x8d\x8a\x41\xcf\x6d\x64\x1b\x7a\xf0\xd4\x8b\xfa\ \x12\x97\x2a\xf3\x4d\xd9\x7b\xef\xf1\x92\xfe\x78\xa6\x51\x94\x2e\ \xb5\x26\xb6\x35\x46\x33\x32\x29\xf7\xdd\x2b\xf8\xd2\xb9\xac\xb8\ \x98\x24\x5f\xbe\x2f\x43\x19\x87\x3f\x18\x7b\x57\xb6\xaf\x0d\x6f\ \xc4\x3b\x98\xd2\xa8\x1e\xf4\x3d\xcc\x1e\xca\x87\x19\xa9\x88\x98\ \x37\x91\x3f\x7d\x4d\xc3\x03\xb9\xa8\x29\xc8\x2f\xb8\x65\x2a\xc5\ \x5b\x48\x7e\xc1\xed\xeb\x38\x01\x7f\x30\x8a\x54\x8b\x43\x89\x88\ \x99\xed\xcc\xda\x49\xe8\xa0\xb2\x7e\x6e\xd6\xf7\x1a\xd7\xad\x0f\ \x12\xf2\x72\x1b\x9f\xd4\xe2\xd1\x55\x24\x19\x71\xa9\xfa\x5f\x15\ \xfb\x1a\x92\x6d\x12\x33\x3d\x1a\x45\xe1\x3f\x35\xb1\xad\xb1\x35\ \x60\x05\xbe\xd6\xc3\xf1\xb7\x70\xd3\xf7\xe9\x79\xc4\x06\x5b\x6e\ \xd9\xc2\x53\x16\x0a\x94\xdf\x5f\xb4\x7f\x65\x52\xee\x3c\x7c\x80\ \xf6\xdd\x78\x57\xc4\x85\x38\xcc\x56\x3c\xcf\xda\xe9\x8c\x38\xf5\ \x60\x26\x8f\xd1\xdc\x23\x96\xbe\xfd\x19\xe1\x7a\x92\xcb\xb9\xbe\ \x9b\xe3\x71\x9f\x9a\xd0\x36\xc3\x9e\xdb\x31\x65\xb2\x72\x1b\xe9\ \x40\x7d\x4f\x90\x6a\x57\x06\xab\xcb\x83\x9b\xd0\x8e\x65\xcf\xea\ \xaf\x21\x6a\x36\x9f\x8a\xce\x88\x93\x89\xdb\x42\x8a\xd4\x51\x93\ \x97\x7c\xab\x5d\x04\x6a\x6c\x75\xe8\x11\xe2\x72\xdf\xfe\x34\xff\ \x96\x15\xa9\xcf\xdb\x96\x9a\xa9\x33\x8b\x12\x57\x51\x15\x96\xa1\ \xc1\x95\xfb\x53\xe2\x03\x59\xd8\xce\xf9\xf8\x98\x51\xb4\x68\xbc\ \x1c\x24\xa1\x84\xde\x3b\xf7\xf7\x52\x9d\xd2\x3e\x28\x6a\x13\xf2\ \xf8\x15\xc9\x2f\xb9\x32\xe1\xdd\xb6\xe2\xac\x50\x83\x44\x9c\xf2\ \xea\x49\x74\xe6\x45\xc1\xaa\x71\x9a\x1d\x2b\x32\x9a\x2f\x60\x75\ \x20\xb6\xcb\x6c\x7c\x9c\xed\x7d\xab\xf4\xad\x67\x58\x65\xa7\xcd\ \x8e\x15\x8f\x4f\x42\x3b\x93\xd3\x4d\xc8\xd1\xdc\x6a\x18\x15\x0f\ \x51\xa3\xc6\xcb\xc0\x0a\xfc\x5d\x0f\x27\xfe\x86\x3b\x4f\x6b\xe4\ \x58\xce\xe7\x71\x2d\x53\xbb\xe5\xb9\xef\x32\x15\x98\xdc\x79\xd9\ \x7d\x8e\xc6\xf1\x4c\x1e\xcb\x7f\xe2\xbf\x04\x4e\x7d\xab\x99\x73\ \x6d\x74\xc6\x7c\xea\x60\x26\xe5\xb3\x7b\x65\x28\xaa\x17\xf3\xc7\ \xae\x26\xb9\x2e\xa4\x5f\x3c\x29\x09\x2a\xcd\x1a\xcd\xd1\x81\x37\ \xec\xae\xbf\xf6\xa5\x8a\x41\x2c\xf6\x7d\x8c\xc7\xc2\xef\xc7\xd3\ \x50\xa5\x70\xa3\xd4\xc8\x78\x30\x62\xd5\x33\xb9\xfb\xe7\xff\xb3\ \x8a\xb9\xca\xb7\x73\x1c\xc6\x07\x47\xad\xa1\x28\x64\xdf\x12\xd8\ \x6a\x26\x7e\x8d\x1a\x39\x24\xb8\x1c\x6f\x7c\x9c\x1f\x9c\xc6\x9a\ \x9b\xf4\x97\x68\x8b\xaa\xad\x32\xee\xbc\xca\xb3\x99\x20\x35\x2f\ \xc0\xc7\x88\x77\xe2\x83\x11\x57\xe0\x40\x5b\xc9\xbc\x4b\xd8\x7f\ \x6a\x28\xa1\x57\x1a\x57\x5b\x54\x1f\x12\xfa\xef\x32\x92\xdf\x72\ \x5e\x14\xc2\x7b\xb6\xea\xf4\x8b\x2f\x03\xf3\xda\x99\xb7\x87\x0d\ \xf6\xda\x2a\xc7\xa8\x2a\xd5\x6d\x8a\x25\x24\x29\x37\xd8\xb4\xd8\ \xe5\x35\x29\x8b\x96\x14\xca\xfc\x35\x43\xb1\x3d\x31\x76\x0a\x9b\ \x7d\x37\xa1\x1d\x2d\x85\xad\x62\xd2\xd7\xa8\x51\x81\x15\x38\x65\ \x3d\x27\x5f\xce\xb2\xb3\x90\x79\x51\x16\xb9\xfe\xa2\x5d\xb1\x2c\ \x1c\xa8\xcc\x4e\xd6\x2b\xa8\xc4\x4e\xc1\x7e\x2c\x8c\xb9\x0c\x1f\ \x35\x8a\xbc\x2c\xcb\xb0\x6d\x28\xa1\xf7\x89\xd7\x32\x21\xb3\x8d\ \x97\x39\x41\x15\xa5\xae\x8b\x48\x6e\xe6\xac\x36\x4e\x4e\x43\xdc\ \x74\x8d\xc1\xe1\xd0\xe9\x4c\xd9\xc1\xc0\x4c\x61\x95\xf3\xdf\x5a\ \x3c\x4e\x57\xc4\x2f\x6d\x82\x6d\x3c\xa5\x27\xe2\xda\x07\x88\xcb\ \xe2\x76\xca\xec\xb6\xc5\xf9\xd6\x83\x9d\xc3\xef\xf9\x46\x89\x09\ \xa6\x26\xb6\x35\xb6\x76\x24\xf8\x29\x5e\x77\x3f\xbf\xf8\x16\x3d\ \x77\xd9\x50\xba\xaf\xc8\x91\x17\x43\x2a\x9a\x11\xe1\xbc\x3a\x2f\ \x11\x5c\x69\xdf\xc9\xa4\xce\xa0\x52\xfe\xbe\x10\xb4\x3f\x2a\xe7\ \xe0\x6a\xf6\x9b\xca\x5b\xf7\x11\x18\x8e\x7c\xdf\x14\x25\xab\x6c\ \xe1\x3f\x97\x9e\xdf\xf3\xdd\x36\x3e\x5e\xe7\x39\x7e\x59\x68\xc7\ \x09\xbb\x37\xbe\x14\x1d\x91\x9a\xf5\x7d\xb6\x2f\x16\x3c\xa2\x9e\ \xe5\x91\x34\xf8\x36\x6c\x12\x52\xae\x78\x48\x5f\xbb\x6d\x99\x19\ \x26\x7f\x2c\x3f\xdf\x7a\xbd\x14\xf7\x33\x2f\x1e\x25\x99\xa4\x46\ \xe5\x44\xaf\x51\x63\x23\xf0\x10\xde\xbb\x86\xcf\x9c\xcb\xb3\x3f\ \x27\x29\x06\xe6\x17\x89\x2b\xe5\x36\xdb\xfc\x36\x4f\x74\xbb\x04\ \x36\xfd\xa3\xc4\x33\x79\x9f\x20\x41\x1c\x3a\x74\x8f\xd0\x1a\xe8\ \x0c\x6b\xfe\xc7\x5f\xc3\xa4\x6c\xf1\xcf\x50\x94\xa8\x32\x46\xe4\ \x6c\x7a\x16\xf3\x7f\xf1\xb9\xde\x4d\x4b\xa8\xb0\xd5\x21\xe2\x80\ \x31\xec\xb7\x90\xb8\x99\x38\xda\x2c\x94\x2d\xc5\x6d\xe1\x55\x5c\ \x6c\xd3\x55\xf7\x09\x6e\xee\x65\xc9\xe2\x86\x2a\xb9\xc8\xa4\x0e\ \xd4\x26\xd8\x11\x63\x99\x9e\x06\x27\xff\x11\x4f\xab\x46\xfc\x03\ \xd4\xa8\x31\x84\x58\x83\x6f\x25\xfc\xc9\xa2\x50\xd4\x20\x79\xd8\ \x06\x29\x37\x43\x95\x67\x65\x99\x03\x48\x91\xe8\x66\xde\xca\x1f\ \x0c\xde\xca\x0b\xda\x42\xd6\xa9\x4f\x1a\x45\xf1\x84\xeb\x59\x38\ \x2d\x27\xd5\x96\x69\x03\xb2\x7e\x4a\x70\x0e\x5d\xf7\xf2\x35\x7c\ \x51\x4d\x68\x5f\x36\x52\xde\xbf\x1b\x13\xb3\x90\x9f\x2a\x27\xa4\ \xa2\x64\x99\x77\x8c\x7a\x08\x0f\xf3\x14\x7e\x64\x68\xc2\xab\x7a\ \x70\xf6\xef\x35\x27\x32\xf9\xf9\x51\xc4\x36\x5e\x2a\xaa\x7b\xd0\ \x10\xb4\x67\xd8\x51\x13\xdb\x1a\x35\xfa\x22\x11\x8a\x1a\x9c\xf0\ \x0c\x5f\x3b\x8b\xd5\x57\x28\x97\x54\x95\x7c\xcf\xb6\x45\x15\x74\ \x51\x22\x6e\x13\xf2\x3a\xbe\x83\x29\xe3\xf9\x17\x41\xad\x3c\xc3\ \xc8\x9f\x93\xed\xf8\xc8\xab\x72\x39\x90\xab\x90\x11\xda\xfb\xf8\ \x46\x5a\x57\xee\xd9\x58\xcc\xc0\xb1\xaf\x0a\x9e\xbb\xa5\xda\x97\ \x22\x8a\xe3\x34\xc1\x75\x24\xbd\x5c\x80\x3b\x87\xb0\x6d\xa7\x3d\ \xc2\xea\xc7\xf4\x25\xf2\x55\xed\xc9\xff\xce\x18\xd3\x39\x21\xa4\ \xe9\x10\xa3\xc0\x6e\xdb\x36\xf0\x29\x35\x6a\x6c\x95\x58\x83\xdf\ \xf4\x72\xfb\xa3\xbc\xf2\x41\xa6\xce\xc4\xb6\xfa\xb2\xfd\x65\xf6\ \xb0\x32\xa7\xa9\xaa\x10\xa1\x1d\xb1\x27\xed\x4f\xb1\xcf\xf3\x1c\ \x2e\xa4\x00\x7e\x68\x33\x3c\xcf\x16\x41\xcc\x82\x29\xfc\xe3\x5b\ \x98\x18\x2b\x67\x46\x78\x89\xd0\xf6\xdc\xc7\xbf\xa6\xa1\x1e\xed\ \x8b\x5b\xba\xad\xa3\x04\xa7\x4e\xe7\xd8\x23\x1a\x4c\x5a\x19\xe3\ \x97\xdf\x16\xd1\x86\xdb\x71\x2b\x4b\xd3\xa0\x61\x79\x6a\x08\xdb\ \xb6\x12\xf3\xd7\xb2\x60\x01\xd1\x40\x3e\x10\xc5\x76\x26\x18\x43\ \x72\x27\xe3\x12\xce\xc3\x33\x46\x30\x6a\x62\x5b\xa3\x46\x35\x7a\ \xf1\x00\x2e\x7a\x9e\xed\x16\xb3\x77\x3b\xed\x33\x35\x5f\xcc\xaa\ \xa4\xdd\x32\xc7\x94\x54\x48\xa2\x3c\x9f\xa8\x9b\x9d\x96\xf3\xd6\ \x34\xf8\x95\x2c\x32\xf2\xf2\xff\xc6\xf8\xdc\x21\x1c\xb1\x7b\xc5\ \xe2\x4a\x1f\x42\xfb\xb5\x06\xa1\xad\x55\xc7\x1b\x87\x29\xf8\xf6\ \x91\x4c\xde\x49\xb9\xd9\x62\x20\xac\xc0\x45\xac\x5b\xcb\xff\x27\ \x84\xa6\x35\xcb\x3f\xf1\x72\x91\xe2\xd1\x67\x79\xf7\x6e\x74\x6e\ \x57\x68\x5b\x99\x96\xa8\x88\xf1\x44\x8b\x18\xbf\x86\xdf\x61\xf1\ \x10\xb7\x6f\x8b\xa2\x26\xb6\x35\x6a\x34\x47\x8a\xe7\x71\x65\x37\ \xf7\x3f\xc8\xab\x9e\x60\xe2\xce\x44\xe3\xf5\x37\x6e\x35\x93\x62\ \xab\x8e\x13\x26\xe2\x5c\xec\xc0\xf8\x87\x39\xbc\x9b\xd9\xb8\x51\ \x88\xc8\x18\x11\x0b\x4c\x1b\x73\xb7\xe7\x9f\xdf\xd2\x70\x8c\xa2\ \xff\xb3\x67\x84\xf6\x5e\xbe\x81\xff\xa3\x96\x68\x37\x05\x9f\x9e\ \xca\xdb\xff\x24\x67\x7a\x18\xcc\x58\xcb\x88\x5a\x37\xce\x0d\x49\ \x5d\x7e\x86\x7f\xd6\xd7\x79\x78\xa8\xb0\x3c\x65\x97\xe7\x78\xd5\ \x2b\x88\xca\x4c\x2b\xc5\xf0\xaf\x3c\x11\xee\xc0\xe3\xa4\x4f\x06\ \x86\xec\x62\x23\x38\x5d\x67\x4d\x6c\x6b\xd4\x18\x1c\x7a\x70\x47\ \xca\x15\xcf\xb0\xf3\xdd\xec\x36\x8e\xf6\x1d\x0d\xde\x46\x96\x7d\ \xaf\x0a\xcb\x48\x85\x14\x53\x73\x69\x7f\x82\xfd\x56\x05\x5b\xd5\ \x62\xa1\x5e\x7a\xab\x13\xdc\x18\x9f\x39\x88\xb7\xee\xd9\x90\x6a\ \xf3\xc8\x08\xed\x79\xa1\xc6\xf0\xbf\x09\x92\xd4\xda\x2d\xdc\xc6\ \xd1\x84\x59\xf8\xfe\x31\x6c\x3b\xad\xb1\xa3\x99\x5d\xb4\x88\x48\ \x88\x69\xbe\x8f\x9b\x71\xaa\xcd\x97\xa5\x2b\xc5\x5d\xcf\xf3\xb6\ \x71\x4c\xde\x65\x80\x36\x96\xcd\xa5\x88\x68\x71\xb0\xd9\x5e\x20\ \x30\xbe\x23\x12\x35\xb1\xad\x51\xe3\xe5\x61\x05\x2e\x5d\xcf\x93\ \xf7\xb3\xef\x33\x4c\xd8\x89\x68\x9c\xfe\x1c\x7a\x9e\x98\xe6\x89\ \x6c\x99\xf3\x54\xde\x29\x64\x3c\x16\x62\x35\xbb\x3c\xcd\x31\x8d\ \x2c\x4a\xf7\x68\x61\xb5\x72\xcc\x4e\xdb\xf2\x6f\x47\x17\x0a\x0e\ \xe4\xfb\xe0\x12\x7a\x16\xf1\x3f\xf8\x5b\x9b\x47\x8a\xda\x5a\x10\ \xe3\x5f\x76\xe5\xd0\x23\x0b\xea\xfa\x2a\x73\x45\xf1\xf7\x65\x24\ \x7f\xe0\x9e\x94\x0f\xe1\xee\xcd\xdc\xde\x95\x78\xee\x71\x8e\xdc\ \x8d\x8e\x6d\x73\x07\x06\x32\xb9\x24\x82\x9f\xc4\x62\xb6\x5b\x17\ \x32\x5b\x6d\xee\xb6\x6e\x36\xd4\xc4\xb6\x46\x8d\x97\x8f\x2e\xdc\ \x92\xf2\xeb\xa7\x98\x79\x37\xb3\x62\xda\x77\xd2\x37\xfb\x54\x1e\ \x65\x1e\x97\x55\xea\xb3\xb4\x71\x9f\x7d\x30\x9e\x09\xcb\x38\xb2\ \x9b\xa9\xf8\xbd\xd6\xb5\x6f\xfe\xf9\x7e\xbc\x6b\x9f\x8a\x5a\xaa\ \x57\xd2\x73\x4b\x48\x1e\x72\xaa\x5a\xa2\xdd\x14\xc4\x38\xac\x8d\ \xaf\xbf\x9b\x31\xe3\x55\x3b\xe2\x55\x8d\xb9\x8b\x48\x6e\xe7\xbe\ \x94\x0f\x0a\x63\x6a\x4b\x68\x4d\xee\xe9\x66\xe7\x27\xd8\x6f\x6f\ \xe2\x2c\x7d\x5a\x95\xc7\x7e\x9e\x81\x18\x2b\xe4\x6c\x5e\x1e\xe6\ \xdd\x88\x55\x25\xd7\xc4\xb6\x46\x8d\x8d\xc7\x13\xb8\x70\x3d\x0f\ \x2d\x61\xfe\x52\xb6\xdb\x9e\xb8\x98\xee\xa6\xb8\x18\x96\x85\x0d\ \xe5\xcf\xcd\xb6\x09\x76\xc1\x6e\x8c\x59\xc6\x01\x6b\x78\x35\xee\ \xc0\x93\x5a\x48\xad\xdc\x19\x54\x7c\xff\x79\x2c\xd3\xc7\x35\xec\ \x72\xf9\xe7\xf8\x25\xc9\x0d\x5c\xd8\xc6\x47\xd3\xd6\x65\x16\x46\ \x0a\xb6\x8f\x38\xeb\x35\xcc\xdc\xdf\x06\xaa\x53\x36\xa6\xf2\x63\ \x2b\x16\x54\x09\x3f\xc6\x3d\x61\x0c\xbd\xc7\x96\x23\xb4\x04\x67\ \xc3\xdf\xbd\xc0\x81\xcf\xb1\xeb\x5e\x44\x99\xa1\xb9\xcc\x8b\x5f\ \xe1\x7b\x47\x50\x25\x6f\x9f\x06\x62\x3b\x22\xbd\x92\x6b\x62\x5b\ \xa3\xc6\xa6\xa1\x5b\x28\x68\x7e\xc1\x2a\xda\xef\x60\x8f\xc7\xe8\ \xdc\x91\x68\x3b\x2f\xdf\x81\x2a\xbf\x8f\x0d\x6a\xb4\x7d\x89\x9e\ \x67\xf6\xd3\xbc\x2d\x0d\x44\xfe\x5e\xfd\xf3\xfb\x0f\x0b\x12\xde\ \x36\x97\x53\x0e\x64\x4c\xfe\x39\x62\x21\x7e\xf3\x3a\x2e\x8f\xf8\ \xf3\x24\xa8\x13\x6b\x6c\x3c\x3a\x22\xbe\xbc\x3d\xc7\xbf\x4f\x18\ \x1b\x15\x36\xce\x3e\x63\xaa\x4d\x48\xc5\xf8\x63\x7a\x9e\xe4\x4a\ \x81\xd0\x2e\xd9\x12\x0d\x2e\x60\x0d\x6e\x5a\xc1\x1b\x56\x33\x75\ \xaf\x92\xe6\x57\x69\x7c\xb6\xc3\x7d\x6c\xbb\x3a\x44\x07\xdc\xa2\ \x85\x98\xcd\xc1\xa2\x26\xb6\x35\x6a\x0c\x0d\x56\xe1\x2a\x5c\xfc\ \x0c\x93\x6e\x67\xcf\xe5\xb4\x4f\x15\x32\x46\xe5\xa9\x62\x95\x5d\ \x4d\x93\x7d\xb1\x50\x41\xa8\x93\x6d\x1f\xe1\xe8\xde\x70\xdb\xdf\ \x19\x66\xdb\x67\x14\x9a\xf6\xaf\xc7\xb0\xe7\xa4\xdc\xe2\xd9\x86\ \x9b\x48\xae\xe1\x5a\x9c\x94\xd6\xd5\x7b\x36\x15\x31\x8e\x69\xe7\ \xeb\xef\xa7\x6d\x42\xee\x40\x95\x83\x5e\x9b\x40\xdd\x2e\x25\xb9\ \x82\xb5\xeb\x83\xf7\xf7\xa7\x0c\x6f\x81\x87\xe7\x70\xcb\x72\xde\ \xf4\x3c\x93\xf7\x56\x2e\xd1\x16\x31\x06\xeb\x89\x1e\x08\xe3\xfe\ \xa7\x36\xad\x2a\xd1\xb0\xa0\x26\xb6\x35\x6a\x0c\x1d\x52\x3c\x8d\ \x0b\x53\x2e\x7d\x9a\xf1\xb7\xb2\xe7\x52\xda\x27\x0b\x46\xd7\x2c\ \x95\x5e\x33\x67\xa9\x22\xf2\xce\x22\xb3\xb0\x3b\xed\x4b\x39\x70\ \x6d\xf0\x56\xbe\xb6\x9f\x0c\x26\x00\x00\x05\x77\x49\x44\x41\x54\ \x4e\x58\xc0\x86\x05\x11\xfb\x4c\xe5\x7f\x1f\xc1\xd8\xec\x59\xda\ \x71\x27\xc9\x65\xdc\x9e\xf2\xae\xb4\xae\x47\x3b\x14\x78\x65\xcc\ \x99\x47\x30\x69\x81\xe6\x99\xcc\xb2\x45\xfd\x37\x42\x98\xd5\x32\ \x7e\x8d\xf7\x0a\x21\x3e\xc3\xed\x64\x97\x0a\xe3\xe1\xba\xe5\x1c\ \xfe\x18\xdb\xcf\x27\xca\x13\xa2\x2a\x47\xa9\x89\xb8\x83\x49\x3d\ \x21\x24\xee\x81\x2d\xd9\xe8\xa1\x40\x4d\x6c\x6b\xd4\x18\x7a\xa4\ \x1a\xf6\x5c\xfc\x74\x25\xed\x7f\x64\xee\xa2\x50\x4c\xdd\x34\x21\ \x7e\xb0\x99\x0e\xb8\x2a\x5e\x32\x53\x2b\xbf\x92\xe8\xb9\xe0\xad\ \xfc\x8e\x88\xfb\x84\xc5\x67\x8b\xab\xd6\x22\x3e\x7b\x08\xaf\xdf\ \xa5\xb1\x46\xb6\x61\x29\x2e\xe0\xfe\xf5\xbc\x27\x0d\x1a\xcc\x1a\ \x9b\x86\xd9\x11\xe7\x2e\x64\xce\x5b\xf4\xa5\x96\xf9\xb1\x31\x46\ \x50\x73\xdc\x88\x73\x48\xee\x65\x71\x2f\x9f\x10\x72\x4e\x3f\xa1\ \x75\x54\xaf\x19\xc1\xbd\xf8\x59\x5e\x71\x0f\xb3\xf7\xb0\x21\x6e\ \xbd\x4a\xc2\x1d\x87\x27\x68\x7f\x32\x9c\x76\x91\xd6\x79\x9e\x41\ \xa1\x26\xb6\x35\x6a\x6c\x3e\xa4\x82\xca\xee\x4a\xfc\x68\x2d\x4f\ \x2e\x61\xc7\x5b\xd9\xe1\x59\xe2\x89\x42\xad\xdb\xa2\xe3\x14\xcd\ \xc3\x37\x52\x41\x7a\x9c\x1f\x9c\x4c\xb6\x7b\x84\xb7\x37\xb2\x4e\ \xdd\x62\x0b\x7a\x6a\x8e\x61\x5c\xcc\x77\xdf\xc1\x76\x6d\x82\x9e\ \xf3\x29\x9c\xcd\xe3\xab\xf9\x33\x21\x13\xe0\x88\x5a\x10\x5b\x10\ \x53\x70\xda\xee\x1c\x78\x22\x51\xf1\xe5\x66\x55\x95\x9e\x20\xb9\ \x96\xe8\x22\x7a\xee\xe7\xd6\x6e\xbe\x8c\xcf\x0b\xfe\x04\xc5\x7a\ \x10\xad\x82\x95\xb8\x64\x0d\xd3\x16\xb1\xef\x24\xa2\x19\x36\x30\ \xa1\x65\xe6\x96\x71\x44\x8b\x42\x25\xa0\x4b\x05\x2d\xd2\x88\x41\ \x4d\x6c\x6b\xd4\xd8\xfc\x48\x04\x9b\xee\x8d\x11\x3f\xe9\xe2\xc6\ \xc7\xe9\xbc\x83\x1d\x17\xb3\x4d\xb7\x40\x74\xb3\x4c\xeb\xcd\xc2\ \x38\x8a\x2b\xe6\x6e\x98\x4e\xc7\x52\x5e\xdf\xcd\x1e\x82\x5a\x79\ \x4b\x85\xd6\x1c\x35\x97\x0f\xbf\xaa\x11\xee\xf3\x02\xce\x62\xe5\ \x73\x7c\x2c\xe6\xea\xb4\x45\x1c\xb8\x46\x30\x26\xe1\x3f\x76\xe2\ \x6d\xef\xa6\x6d\x8c\xb0\x60\x8f\x11\x3a\xf6\x49\x21\x23\xc5\x25\ \xb8\x89\x67\x96\x71\x79\x0f\x7f\x13\xf1\x95\x34\xd8\xf3\xd7\x68\ \x4d\x22\x9b\xc7\x5a\x5c\xd3\xc3\xf2\x7b\x39\x70\x39\x9d\x7b\x10\ \x75\xe8\xcf\x35\x66\x8e\x52\x8f\x30\xee\xb9\x60\xb3\xbd\x5a\xeb\ \x3f\xdf\x4b\x68\x66\x93\xae\x51\xa3\xc6\xe6\xc3\xb8\x88\x59\x29\ \xc7\x46\x1c\x3f\x8e\xfd\x77\xa1\xfd\x95\xc4\xbb\x09\xe5\xc5\x7a\ \xf4\x27\xb8\x65\xbf\x63\xc1\xfb\xe8\x6c\x92\xa7\x42\xe0\xff\xc9\ \x82\xb7\xe9\x66\x93\x72\xe3\x40\x60\x7f\xf8\x2e\xfe\x74\x9e\xe0\ \x92\x7d\x26\xab\x97\xf1\xd9\x94\x1f\xa4\xc3\x6f\x1b\x1c\xe9\x98\ \x84\xff\x9c\xc9\x7b\xde\x49\xfb\x36\x42\xbc\xcb\x13\x58\x4a\xf2\ \x28\xd6\xb2\xa2\x2b\x68\x0f\x2e\x8c\x02\x73\xb3\x4c\x20\x42\x23\ \x31\x0e\x35\xc6\x7e\xf8\xa7\x49\x1c\xf9\x46\xbc\xa2\xb1\x33\x53\ \x2d\x67\x63\xfd\x3e\xfc\x84\x65\x29\xaf\x37\x82\xcc\x14\x35\xb1\ \xad\x51\x63\x78\x11\x47\x61\x61\x5d\x88\x77\xc7\x1c\x31\x31\xd8\ \xb0\xda\xf7\xc1\x4c\x1b\xec\xbb\xcd\xaa\xa6\x44\x58\x2f\x24\x2c\ \x58\x1c\x16\xa0\xcf\xe0\x72\x9b\x89\xe8\x4d\x60\xe2\x7a\x1e\xf8\ \x5b\xa6\xb4\x0b\x69\x18\xef\xe0\xab\x49\x28\x95\x37\xe2\x3c\x45\ \x5b\x0c\x33\xf0\x1f\x38\x76\x46\xd0\x14\xc7\x2f\xd2\xd5\x20\xae\ \x0f\x45\xfc\x21\xe5\x57\x31\xb7\x27\xc1\xf6\xb9\xce\xc8\x24\xb0\ \x65\x98\x88\x0f\xc5\x9c\xba\x33\xb3\x0f\x23\xde\xc3\x06\x27\x29\ \x8d\xed\xe9\x24\x8f\xf1\xd5\x94\x2f\x19\x21\xcf\x5e\x13\xdb\x1a\ \x35\x5a\x07\xed\xc2\x42\x7b\x10\x4e\x6c\xe7\xa0\x1d\x98\xb1\x17\ \xf1\xde\x82\x63\x55\xa6\x42\xac\xd2\x9d\x45\x42\xac\xcd\x0d\xac\ \xec\x0e\x0b\xd1\x77\x0d\x7d\x78\x50\xdc\xc6\x61\x73\xf8\xe5\xc9\ \xc4\x57\x92\xfc\x9a\x73\x13\x4e\x49\xeb\x58\xda\x4d\xc5\x74\xe1\ \xbd\xcd\x13\x4c\xe0\x8f\x0b\x31\xd5\xf7\xc5\x3c\x92\xb2\x22\x0d\ \x26\x09\x46\x08\x91\xd9\x08\xc4\x98\x8d\x8f\x8f\xe1\x7d\x33\x99\ \x7e\x60\x83\xe8\x76\x08\x63\x7f\x31\xce\x0d\xd2\xed\xeb\x8c\x90\ \x92\x94\xb5\xcd\xb6\x46\x8d\xd6\x41\x22\x24\x5a\xbf\x1b\x17\xa4\ \xfc\x62\x35\x77\x3f\x1c\x92\x65\x4c\xbc\x9f\x6d\x5e\x20\xea\x14\ \xec\xbb\xed\x85\x8b\x33\x55\xdb\xee\x98\x4c\xe7\xa3\xbc\xbe\x2b\ \x38\x2f\xdf\x62\x08\x09\x6e\x27\x51\x0f\x27\x1d\xc8\x1b\x5e\x24\ \xbd\x9c\xdb\x7b\xf8\x70\x1a\xcc\x88\x35\x36\x0d\x89\x60\x0a\x38\ \x1d\xe7\xe0\x32\x41\x55\xfc\x60\x1a\x9c\xed\xd6\xd9\x10\x41\x36\ \x5a\x91\x0a\xe1\x6c\xbf\x4a\xb9\x72\x25\xab\xef\x66\xc7\xfb\x99\ \xb4\x9e\x68\x82\xa0\xf1\x79\x84\x09\x2b\xc3\xb0\xbf\xca\x08\xe8\ \x8f\x9a\xd8\xd6\xa8\xd1\x7a\x48\x05\x01\xf6\x19\x61\xa1\x3d\x37\ \xe1\xf2\x55\x2c\x79\x88\x31\x8b\x18\xff\x00\xdb\xbc\x48\xba\x8d\ \x50\x04\xa1\x4d\xff\xea\x41\xbb\x30\xe6\x61\x0e\x58\xcb\xce\x02\ \xc1\x7d\x61\x28\x1a\x17\xd1\x96\xf2\xa1\x7d\xd8\xf7\x52\x9e\x5e\ \xcb\xfb\x04\xe9\xab\xe5\x17\xbc\x11\x80\x6e\xa1\xec\x60\xb7\x0d\ \x92\xeb\xd6\xda\xaf\x89\xc0\xc0\x5d\x93\x72\xf1\x0b\x3c\xfc\x00\ \x13\xef\x0c\x1e\xf8\x63\x26\x10\x3f\xc9\x9e\x82\x8f\xd8\x50\x16\ \xbd\xdf\x2c\xa8\x89\x6d\x8d\x1a\xad\x8d\x54\xb0\xbb\x2e\x17\x42\ \x28\xcf\x4e\xb8\xfc\x79\x1e\x5c\xca\x36\x7f\x60\xfc\x83\x74\xbe\ \x48\x3a\xbe\x41\x78\xb3\x62\x08\xdb\x61\x77\xda\x1e\x61\xe1\xea\ \xb0\x28\x5d\x6f\x83\x0a\x72\xa3\x91\x04\xe7\xa8\x63\x1f\x66\xee\ \x1a\x3e\x11\x05\xc9\x62\xb4\xaa\x34\x6b\x0c\x3f\x32\x49\xf7\xa6\ \x88\x73\xbb\xf9\xd5\x33\xac\x78\x32\xf8\x11\x4e\x10\x94\x39\x17\ \x68\x71\xef\xf7\xda\x66\x5b\xa3\xc6\xc8\x45\x47\xc4\x82\x94\x23\ \x22\xde\xde\xc6\xfc\x99\x4c\x9c\x47\x3c\x4f\x20\xb6\xb1\x40\x5d\ \x7f\x42\xf2\x78\x58\x90\x3e\x6e\x68\xa4\x80\x85\x38\x14\xdf\x56\ \x13\xda\x1a\x5b\x1e\x31\x3a\x05\x26\xf2\x00\xc1\x19\x70\xd9\xb0\ \xb6\x68\x00\xd4\xc4\xb6\x46\x8d\xd1\x81\x0e\x2c\x88\x78\x0b\x8e\ \x8f\x99\xb7\x0b\xe3\xf6\x26\x9e\x2f\xac\x4c\x67\x90\x3c\x19\x6c\ \x81\x1f\x57\x7b\x0c\xd7\x18\x1d\xc8\xa2\x83\x6a\xd4\xa8\x51\x63\ \x8b\xa3\x1d\xfb\xe3\x1f\x70\x5b\x1b\x6b\xe7\xd0\x7b\x20\xbd\x6d\ \x41\x1d\x77\xe8\xf0\x36\xaf\x46\x8d\x1a\x35\x6a\xd4\x18\x5d\x68\ \xc7\x7e\x51\x20\xbc\x8b\x05\x4f\xe7\x05\xc3\xdb\xa4\x1a\x35\xb6\ \x3e\xfc\xff\x41\xd8\xce\x07\xaa\x41\x55\xf2\x00\x00\x00\x00\x49\ \x45\x4e\x44\xae\x42\x60\x82\ \x00\x00\x16\xaf\ \x89\ \x50\x4e\x47\x0d\x0a\x1a\x0a\x00\x00\x00\x0d\x49\x48\x44\x52\x00\ \x00\x00\x40\x00\x00\x00\x40\x08\x06\x00\x00\x00\xaa\x69\x71\xde\ \x00\x00\x00\x06\x62\x4b\x47\x44\x00\xff\x00\xff\x00\xff\xa0\xbd\ \xa7\x93\x00\x00\x00\x09\x70\x48\x59\x73\x00\x00\x0b\x13\x00\x00\ \x0b\x13\x01\x00\x9a\x9c\x18\x00\x00\x00\x07\x74\x49\x4d\x45\x07\ \xe5\x03\x1d\x11\x0d\x23\x65\xa3\x13\x7b\x00\x00\x00\x1d\x69\x54\ \x58\x74\x43\x6f\x6d\x6d\x65\x6e\x74\x00\x00\x00\x00\x00\x43\x72\ \x65\x61\x74\x65\x64\x20\x77\x69\x74\x68\x20\x47\x49\x4d\x50\x64\ \x2e\x65\x07\x00\x00\x16\x13\x49\x44\x41\x54\x78\xda\xc5\x9b\x79\ \x9c\x1d\x55\x95\xc7\xbf\xe7\x56\xbd\xb5\x97\x74\x3a\x7b\xc8\xa6\ \x21\x84\x84\x00\x61\x09\xa0\xc3\x8c\xb2\x2a\x33\x40\x04\x44\x76\ \x06\xc8\x20\x23\xb8\x20\x22\x10\x20\x2c\x0a\x06\x65\x11\x19\xd9\ \xf9\x0c\xe0\x88\xe8\x20\x9b\x49\x06\x10\x51\x08\x32\xe3\x80\x4a\ \xc8\x46\x3a\x7b\xa7\xf7\x4e\x77\x7a\xef\xb7\x55\xdd\x33\x7f\x54\ \xf5\xcb\xeb\xee\xd7\xa4\x93\x46\xa6\x3e\x9f\xea\xd7\xaf\xde\x7b\ \x75\xef\xf9\xdd\x73\xcf\xf2\x3b\xa7\x44\x55\xd9\x97\x43\xc3\xd3\ \xf4\xfd\x5c\x86\xf8\x52\xe1\x67\x0a\x2a\xc1\x6b\xb1\xaf\xf7\xbb\ \xf8\x11\xf7\x55\x40\xb0\x05\x57\x0c\xfb\x7a\xb8\xfb\xfa\x43\x1f\ \xb0\x40\xb4\xef\x82\x0d\x27\x2b\x3e\x20\xa8\x0a\x82\x40\xce\x82\ \x2b\x60\x24\x10\xdc\x86\x92\xa9\x06\x77\xb1\x21\x1a\xc6\x80\x71\ \x03\xb9\xad\x87\x88\x60\x73\x16\x75\x0d\x8e\x63\xb0\x21\x22\x79\ \x51\xd5\x02\x16\xc5\xc5\x0a\x38\x9f\x28\x00\x1a\x0c\x68\x64\xc0\ \x6a\x05\xb3\xc7\x17\x45\x11\x8c\xb5\x18\x3f\x87\x76\xf4\x42\x73\ \x0b\xb2\xbe\x0a\x7f\xfb\x0e\x3a\x6b\xeb\x4e\xe8\xed\xec\x3e\x26\ \x97\x4a\xed\xef\x65\x32\x53\x8c\xeb\xb4\x4b\x2c\x56\x9b\xac\x2c\ \x7b\x75\xf4\xc4\x89\xaf\x45\xa7\xcf\x80\xfd\x67\x62\x26\xed\x07\ \xa3\xcb\x21\x1e\xc5\x3a\x06\x63\x04\xb0\x58\x5c\x1c\x04\xfa\xfe\ \x7e\x94\x16\xee\xe1\x90\x7d\xda\x02\xda\xff\x7f\x55\x8b\x18\x09\ \x5e\xc9\x05\x9f\xd7\x37\x91\x5e\xbd\x86\xf6\xb7\xff\x34\xbd\xf1\ \x8f\xef\x6d\x6f\xdb\xbc\x99\x58\x53\x0b\x65\x74\x52\x1a\xce\xd5\ \x19\xb0\x9d\x72\x40\x2f\xd0\x43\x14\x3f\x31\x86\x8a\x03\x66\x32\ \x66\xc1\xfc\xaf\x97\x9c\xf8\xb9\x07\xcb\x0f\x39\x08\x66\x7d\x1a\ \xf0\x51\x13\x43\x54\x40\x0c\xa0\xc1\x96\x10\xf9\x04\x01\x28\x54\ \xfb\xfc\x3f\x0a\xdd\x5d\x64\x57\x7d\x40\xcb\xf2\x57\x67\x37\xae\ \x78\x7d\x43\xac\xba\x9a\x92\x9e\x14\x86\x2c\x86\x38\x42\x0e\xc1\ \xc7\xa0\x58\xbc\x21\x6f\xe9\x87\x00\x19\xc0\x47\x48\x45\x92\xa4\ \xa6\x4e\x25\x79\xdc\x67\xaf\x9d\xf6\xe5\xb3\xee\x4d\x1c\x34\x0f\ \xc6\x4d\x00\xc7\xc5\x3a\xc1\xa6\x30\x46\xf6\x49\x84\x61\x02\xa0\ \x21\xd2\x26\x34\x40\x20\x1a\xce\xd6\x2a\x78\x69\xec\xfb\x7f\xa5\ \xe6\xd1\x27\xbf\xdf\xf9\xf2\xcb\x37\x3b\x1d\x6d\x94\x00\x2e\x16\ \x1f\xc5\xc5\x20\x58\x64\x37\x54\x45\x15\x2a\xb8\xb7\x10\xd8\x49\ \x17\x09\x2d\x8d\x03\xe4\x48\xd2\x45\x8a\x54\xb4\x94\xb2\xcf\x7f\ \xbe\x76\xea\x57\x2f\x9b\x9a\x38\xf1\x38\x6c\x69\x12\x35\x06\x47\ \x24\x9c\x59\x7e\x86\x1f\x1f\x00\x8a\x8f\xc5\xa2\x44\x10\x14\x6b\ \x7d\x22\x08\x78\x8a\x6e\xdc\xc2\xce\x87\x1f\x3e\x6b\xc7\x73\xcf\ \xfd\xba\x62\x67\x3d\xb1\x22\x36\x59\xf7\x6d\x7b\x0e\x09\x92\x47\ \x29\x5d\x06\x2a\xbf\x70\xe2\x86\x71\x8b\xaf\x9e\x13\x5b\x30\x1f\ \x3f\x1a\xc7\x98\x00\x3e\x8b\x83\x51\x33\xac\x41\x87\xa9\x01\x7d\ \x00\x18\xc4\x82\xa8\x45\xba\x7b\xc8\xbc\xf0\x32\x5b\x7e\xf4\xb0\ \x9a\x8d\xeb\x29\xb1\x5d\xc4\xc2\x7d\xfc\xb7\x3a\xb4\xc0\xd9\xb8\ \x40\x2f\x0e\x3d\x93\xa6\x33\xfb\x6b\x8b\x24\x76\xf9\x22\x18\x3f\ \x26\xf0\x2e\x8e\x33\x6c\x2d\x18\x16\x00\x16\xf0\xd5\xe2\x8a\x04\ \x6e\xac\xa9\x91\x86\xbb\xef\xfe\xbb\x6d\x3f\x7e\xe8\x8f\xd3\x51\ \x7c\x72\x28\x10\x29\xa2\xde\x1f\x37\x00\x7e\x81\xfb\x72\x00\x8b\ \xa1\x09\x4b\xec\x8c\xf3\x5e\x9d\xfb\x83\xdb\x4f\xe1\x53\x33\x50\ \xd7\x05\x14\x31\x7b\xd6\x82\x61\x01\xe0\x69\x60\x01\x22\x56\xf1\ \xaa\xaa\xd8\xb2\xf8\xc6\xb7\x9d\x65\xcb\x8f\x8d\xaa\x97\xb7\xe0\ \x7d\x46\xcb\xf0\xb7\x3d\xfa\x40\x70\x0a\x76\xbc\x07\x64\x89\x93\ \x3a\xfc\x30\xe6\x7d\xff\x76\x71\x3e\xff\x39\x34\x16\x41\x8c\xec\ \x0b\x00\x81\x48\x1e\x26\x18\x44\x03\x0d\x30\x5e\x0e\x6f\xd3\x16\ \x36\x5d\xfe\x35\xd5\xff\x7e\x8b\x72\x34\x7f\x6f\xbf\x60\xe5\x9d\ \x8f\x61\xbf\xef\x51\x6d\xf3\xb3\x4c\x00\x1e\x96\x5c\x38\x07\x87\ \x9e\xfd\x0e\x64\xce\x83\x77\x8b\x7b\xca\xf1\xe0\x46\x02\x57\x29\ \x7b\x09\x80\x9f\xb7\xf8\x3e\x11\xeb\x40\x4e\xc9\x7e\xb8\x8e\x35\ \xe7\x5f\xaa\xa3\x3e\xfc\x33\x49\x04\x0d\xcd\x4d\xdf\xea\xdb\xbd\ \xb6\xbf\x1f\x8f\x36\x0c\x0c\x86\x95\x24\x2d\x13\x27\x33\xf7\x91\ \x1f\x49\xe4\xa4\x7f\x84\x58\x2c\xf8\x50\x8a\x1b\x63\x33\xb4\xb5\ \xf5\x31\x48\xa0\x60\xdb\xb6\xb0\xe5\x3b\x37\x74\x95\x7f\x58\x45\ \x32\xfc\xb4\xcf\xad\x15\xde\xe8\x93\x12\xbc\x50\x13\x64\x80\x10\ \x42\x2f\xa3\x1b\x77\xf0\xe1\x95\x37\xaa\xf7\xd6\xdb\x90\x0d\x74\ \xc3\x16\x84\xef\xc3\x02\xc0\xc5\x82\xfa\xd0\xb2\x93\xaa\x9b\x6e\ \x5c\x16\xfd\xfd\xab\xa5\x51\xba\x02\xd7\x3f\x84\x3f\xff\xff\x3c\ \xb4\x60\x4e\x86\x2c\x15\xf5\xdb\x58\x77\xdd\x4d\xca\xd6\xad\x90\ \xce\xa2\xd6\xe2\xeb\xe0\x59\x9b\xe2\x09\x99\x45\x14\x9c\x4c\x9a\ \xa6\x07\x1e\x1d\x65\x5f\xf8\xed\xa9\x09\xfc\x7d\x4e\x38\xf6\x45\ \x10\x80\xc8\x30\x47\xd4\x01\xb6\x21\x38\x32\x24\xd7\xae\x62\xcd\ \x2d\x4b\x96\xd1\xd5\x89\x63\x7d\x9c\x22\x9b\xa0\x08\x00\x36\x48\ \x2e\x3c\x97\xcc\xeb\xef\x50\xfd\xe0\xa3\xed\x15\xa4\x81\x68\xbf\ \x2f\x3b\xfd\xb3\xdc\x41\xaa\x35\x52\xd5\xce\x20\xec\xc2\x90\xc1\ \xe4\x57\x56\x3f\xe2\xfb\x4e\x41\x18\xdd\x37\xbf\x04\x16\xef\x85\ \x97\x4e\xed\x7a\xe2\x29\xc8\x79\x61\xea\x54\xdc\x76\x14\xc0\x69\ \xc0\xba\xd0\xda\xc6\x96\xa5\x4b\x75\x52\x7b\x23\x42\x06\xc8\xf6\ \x1b\x6c\xb7\xe0\x42\x2a\x99\x24\x15\x89\xe2\x84\xb7\xd3\x01\x67\ \xe1\x7e\xed\xbb\xe6\x0c\x18\xdc\x84\xd7\x14\xd8\x15\x29\x27\x72\ \xf1\x05\x1c\xf0\x6f\xf7\x91\xfe\xe2\xc9\xf4\xba\xc9\xa2\x86\x6f\ \xa0\xd6\x98\x01\x73\xf3\xb1\x54\x60\xa8\x7a\xf4\xdf\x35\xbb\x76\ \x6d\x51\x10\x8b\xd8\x00\x81\xde\x5e\x5a\x7e\xf1\x73\xec\x9a\xd5\ \xf9\x49\x15\x33\x38\x19\xe2\x74\x1c\x73\x2c\xfb\x3f\xfb\x4b\xa6\ \x3e\xf0\x00\xdb\x26\x4e\xdd\x4d\x0b\x0c\xf0\x08\x85\x5a\x62\x07\ \x78\x0d\x93\xbf\x9f\xd0\xe4\x8e\x67\xc2\x6d\x37\x32\xf5\x27\xf7\ \x61\x2e\xbd\x90\xb9\x8f\x3f\x8a\xb3\xe0\xb0\x10\xfe\xe1\x6d\x83\ \xdd\x63\x5a\x0c\x86\xb2\x1d\xb5\xec\x7a\xe0\x91\xbb\x4d\x4f\x0f\ \x8e\xb5\xfd\xe6\x34\xc8\x78\x8b\x2a\xb6\xa1\x81\xda\x9f\x3c\xac\ \xa5\x3d\x29\x72\x1f\xa1\x7a\x9d\x11\x65\xbf\x33\x4e\x87\xe3\x4f\ \x24\x7e\xf1\xc5\x1c\x73\xef\x5d\xb4\x4e\x98\x46\x06\xc9\x0b\xa7\ \x45\xd4\xd7\x14\x01\x24\x87\xd0\xe2\x8e\x61\xd2\xe2\x6f\x30\xe1\ \x3b\xd7\x60\x2b\xc6\x62\x63\x09\x18\x3b\x9e\x99\x47\x7f\x16\xaf\ \x9f\xab\x2b\xae\x65\x03\xb7\x85\x0b\xb8\xf4\x30\x0a\x9f\xda\x15\ \xaf\x5c\xdb\xb3\x72\x25\x78\x3e\x1a\x92\x32\xb6\xe8\x16\xf0\x7c\ \x9a\x9f\x7d\x96\xe8\x8e\x0d\x44\x34\x93\xd7\x80\x62\x43\x24\x73\ \x42\xe3\x2b\x6f\x40\x63\x13\xb8\x0e\xe6\xf4\x2f\x30\xef\xde\x3b\ \x68\x1a\x37\x95\x4c\x91\xdf\xf9\x40\x0a\x48\x89\xc9\xa7\xbc\x7d\ \xfb\xb6\x29\x12\xe7\x53\x77\xdc\xc0\x7e\xd7\x5f\x8b\x46\x5c\x8c\ \x0a\x46\x62\xd0\xb4\x8b\xad\x2b\xff\x97\x44\xc1\x3d\x86\x7b\xf4\ \x45\xa6\x96\x14\x65\x6d\x3b\x69\x7b\xe2\xa9\x57\xe8\xea\x0e\xc2\ \x79\x1b\xf0\x08\xc6\x62\x35\xbf\x16\xaa\x50\x5b\x4b\xeb\xaf\x7f\ \xa3\x49\xe2\xfd\x0c\xdb\x60\x61\x94\x08\x69\xa2\x6f\xbe\x45\xed\ \x2d\xb7\x42\x7d\x0d\xc4\x13\x44\xbe\x74\x06\x47\xdd\xff\x03\xba\ \x27\xce\x40\x91\x7e\xc6\xb2\xc7\x29\xc3\x9c\xf0\x79\xdc\x8b\xcf\ \x21\x3d\xfd\x00\x32\x61\xbe\xdf\x56\x5a\xce\xe4\xc5\xdf\xa0\xf2\ \xaa\x45\x68\x24\x48\xb9\xf1\x2d\x74\xee\xa2\xee\x87\x77\xa3\xef\ \xbf\x8b\xbb\x0f\x86\xd6\x16\xfc\x26\x8e\x47\xed\x8a\xe5\x5f\xcc\ \xae\x5f\x0f\x52\xe0\x2f\x7c\xf5\x51\xcd\xa1\xd6\xa2\xb9\x0c\x1d\ \xbf\x7a\x8e\xf5\x4e\xa9\x6e\x03\xdd\x01\x5a\x13\x9e\xb5\x03\xce\ \x3a\xd0\x7a\xd0\x06\xd0\x0d\x12\xd3\xcd\x0b\x4f\x53\x6d\xd8\xaa\ \x9a\x4a\xab\xa6\xba\xd4\x7b\xf2\x69\x7d\x27\x39\x51\x1b\x31\x5a\ \x4f\x89\x6e\x74\x92\x9a\x59\xba\x54\x75\x67\xbd\x6a\x5b\xa3\xea\ \x07\xab\xf4\x9d\x79\x47\xe8\x3b\xb1\x31\x5a\x77\xdd\x0d\xaa\x1d\ \xbb\xd4\xb7\x59\xf5\x3d\x4f\xd5\x57\xd5\xa6\x46\xdd\xf4\x95\xaf\ \x68\x95\x4c\xd4\x1a\xa4\xdf\xd8\xf5\xe1\xf8\xd5\xa0\xdb\xc3\xb3\ \xd8\x1c\x6b\x0a\x5e\x77\x80\xae\x03\xdd\x7e\xed\x75\x07\xa9\x97\ \xc5\x7a\x3e\xbe\x6a\x1f\x00\x1e\x36\x97\x43\x3b\x3b\xd9\x70\xf6\ \xf9\xcf\x6e\x06\x6d\x18\x30\x68\x31\x00\x1a\xc2\xb3\x09\x74\x03\ \x51\xdd\x76\xfa\x99\xaa\x1b\x36\xa9\x66\xd2\xaa\xbd\x9d\xea\xfd\ \xe2\x17\xfa\xde\xf4\xfd\xf5\xfd\xc4\x04\x6d\x59\x72\x87\x6a\xeb\ \x2e\x55\x2f\xa3\xbe\xf5\x54\x3d\x4f\x75\xf5\x1a\x6d\x7c\xec\x31\ \xd5\xb6\x76\x55\xdf\x57\x6b\xad\x6a\xc6\xaa\xd6\x36\x6a\xcd\xe5\ \x57\xea\x46\x92\x5a\x43\x5c\x6b\x42\x61\xab\xc3\x71\x9b\x10\xad\ \x47\xb4\x16\xd1\xea\x21\x84\x1f\x08\x44\x0d\xe8\x36\x44\xd7\xcd\ \x39\x54\x75\x4b\x15\x9e\x9f\x43\x55\x11\x5f\xfd\x40\x45\xb3\x39\ \xa4\x6a\x2b\x6f\x9f\x7c\xba\x4e\x6d\xdc\xdc\x8f\x2d\x95\x3d\x30\ \xd8\x26\xbc\xd2\x4e\x8c\xd2\x33\xbf\xcc\x94\x47\x7e\x0c\x95\x65\ \x90\xcd\xe0\xbf\xf2\x2a\x0d\xab\xd6\x32\x65\xf1\x12\xd4\x35\x78\ \xae\xc1\xfa\x1e\x31\xd7\xdd\x7d\x17\xdf\x07\x0b\xea\x18\xa4\xb9\ \x93\x9a\x5b\x6f\xa1\xeb\xb1\x47\x19\x4d\x26\xcf\x2f\x68\x81\xdb\ \xed\x75\xc6\xe1\x4f\xd9\x0f\xe3\xf5\x12\xa9\xdf\x4a\x99\xe6\x86\ \x1d\x60\xf5\x26\x46\x33\xf5\xe5\x67\x25\x79\xfc\x71\x88\x13\xc5\ \x48\x9f\x23\x30\x82\xff\xd7\x3f\x53\xd2\x58\x8b\x5b\xc4\x8d\x15\ \x8f\xd6\x82\xdf\xfa\xa1\x4d\x28\x23\x4d\xfa\xa5\x57\x59\x73\xe9\ \x15\x50\xd7\x04\x6e\x0c\x3d\xed\x74\xa6\xdc\x7c\x33\x1a\x73\x11\ \x31\xb8\x0a\x11\x27\x4c\x6a\xf3\xc5\x05\x03\x11\x1f\x69\x6d\x65\ \xeb\x0d\x8b\x49\x3d\xf6\x73\x2a\xc8\xe4\x0d\xde\xee\xf0\xdb\xa1\ \xc1\x19\xcd\x9c\x9f\x2e\xe5\xd0\x95\xcb\x38\xf8\x8d\xe7\xa9\xbc\ \xf4\x02\x42\x7e\x2a\x6f\xf4\x86\x4a\xcb\x1d\x20\x96\x6a\xa3\xe7\ \xcd\x77\xc6\x48\x3a\x87\x55\xc5\x58\x05\xb1\x82\x38\x42\xfd\xba\ \xd5\x07\x95\x91\xde\x63\x52\xd3\x17\x0c\x39\x10\x52\x9c\x05\x83\ \xd8\x16\xa2\x2b\xde\xa4\xf6\xa6\x3b\xa0\xae\x11\x47\x5c\x88\x44\ \xc0\x08\x1a\x12\x97\x32\x20\x0c\x52\x11\xc8\x09\xf5\xbf\xf8\x25\ \xcd\x4f\xbf\x48\x09\x6d\x48\x68\xf1\x4d\x81\xb7\xe8\x98\x3a\x95\ \xa3\x9f\xbe\x07\xe7\x82\xf3\x60\xf2\x24\x98\x31\x93\xb1\x8b\x2e\ \x27\x1d\x73\xf2\x89\x8e\x1d\x60\xfc\x06\x6a\xac\x01\x1a\xde\xfd\ \xeb\x06\xd2\x3e\xa2\x84\x09\x9f\x02\xad\x9d\x74\xbf\xb7\x7a\xd5\ \xa8\xbd\xb0\xb0\x41\x20\xe1\xf7\x03\x2c\x02\x44\xe9\xa4\xe9\x99\ \x97\xd8\x74\xcd\x75\xc8\xae\x36\xb0\x01\x39\xda\xa7\x52\x1a\x5a\ \xff\xfe\x3e\xcb\x65\xf2\xc9\x5f\x80\x59\x93\xc9\x51\x86\x07\x44\ \x70\xf3\xcc\x4f\x53\xd9\x38\x0e\x5d\xfa\x7d\xdc\xb3\xce\x81\x64\ \x0c\x1c\x81\x58\x04\xcd\xf6\x06\xc4\xec\x5e\xb8\xc6\x4c\xd5\xfa\ \xb1\x34\x37\x84\x00\x04\xd1\x0f\x7e\x5b\x27\x99\x96\x36\x57\xf6\ \xca\xcd\xe8\xa0\x6d\x12\x68\x87\xcf\x44\x6d\x27\xfb\xe2\x1b\x6c\ \xb9\xfc\x6b\xb0\x79\x23\x6e\x36\x03\x78\xa8\x28\x88\x04\xc8\x87\ \x3f\x16\xc2\x2a\xcb\xac\x4f\x71\xcc\xf3\xcf\x90\x3e\xfe\x18\x7a\ \x89\x63\xb1\xf8\x94\xb1\x73\xc2\xfe\x1c\xf3\xf0\xfd\x98\x33\xce\ \x44\x9d\x44\x40\x72\x64\x3d\xf8\x70\x23\x35\x3f\xba\x97\x64\x2e\ \x33\x28\xe8\x1a\x3a\x6f\x10\x4c\x6b\x1b\x54\x57\x87\xf3\x08\xfd\ \x7f\xa6\xbd\x8d\x5c\x5b\xc7\x10\x6c\xfd\x70\x28\x89\x00\x5f\x0f\ \xc1\x8a\x43\x46\x3c\x4a\x68\xc5\x2e\xfb\x1d\x5b\x6e\xb8\x11\xda\ \xdb\x11\xdf\xc3\x60\x31\x21\xf5\xdd\x8f\x83\x12\x50\x47\xe1\x80\ \xa9\x1c\xf8\x93\xfb\xe8\x39\x62\x3e\x29\x77\x0c\x4d\x15\x13\x38\ \xf4\xfe\xa5\x98\x85\x0b\xd1\x78\x32\xa0\xb9\x3c\x0f\x1a\x1b\xf8\ \xf0\x5b\xdf\xc5\xbe\xf2\xda\x5e\x65\xa9\x82\x42\x6f\x17\xd9\xfa\ \xfa\xc0\xf4\xe5\x15\xba\xa3\x0d\xd3\xd3\xb5\xcf\x39\x7e\x5f\x1a\ \x9d\x12\x97\xf4\x49\x27\x32\x7d\xe9\x0f\xd9\x99\x18\x47\x4c\x3b\ \x70\x5e\xfe\x1d\x55\x97\x2c\x82\xda\x7a\xf0\x6c\xd1\xe5\xb1\x10\ \xac\x6c\xd4\x85\xb9\xb3\x38\xfc\xb1\x87\x69\x58\x70\x30\xf3\x7e\ \x7a\x27\xe6\xd4\x2f\xa2\xc9\x30\x21\xf2\x2d\xba\x7d\x2b\x6b\x2e\ \xfe\x17\x78\x7d\xe5\x5e\xa7\xe8\x02\x24\x81\xae\xe6\x96\x00\x00\ \xa7\x6f\x0d\xda\xda\x31\xa9\xdc\x88\x48\x0e\x01\xd2\x8e\x32\xfa\ \xa4\xe3\x70\xbe\x7a\x09\xf3\xee\xb9\x95\xde\xc4\x34\x22\x9a\x23\ \xfe\xca\x7f\xd3\xb4\xe4\x7b\x50\x53\x1b\x44\x79\x3a\x38\x0d\x57\ \x14\x4f\x1c\xac\x18\x74\xfe\x3c\xfe\x61\xd9\xaf\x89\x9e\xb9\x10\ \x4a\x4b\x83\x34\xcd\xf3\xa0\xae\x8e\xda\xef\xdc\x40\x72\xe5\x2a\ \xca\xe9\x21\x1a\x96\xc6\xf6\x0e\x00\x21\xd5\xd1\xbd\x5f\x08\x79\ \x90\x12\x68\x3a\x8b\xf1\x73\x23\xa2\xb5\x04\xb0\x8e\xc3\xb8\x43\ \x0e\x86\x64\x92\xc4\x85\x17\x32\xeb\xde\xdb\x69\x26\x89\xd2\x4e\ \xc7\x33\xcf\xb1\xe1\xca\x6f\x43\xeb\x2e\xd0\xfe\x71\xbd\xe4\xed\ \x87\x09\x2c\x8b\x08\x54\x96\xa3\xf1\x68\x50\x40\xf6\x7d\xa8\xae\ \xe6\x2f\x67\x7c\x85\xde\xe5\xaf\x10\x63\x27\x8a\xdd\x6b\x66\x2a\ \x70\x97\x16\x93\xcd\x4d\xc2\x6a\x81\x2f\x12\x41\x8d\xcb\x48\x8f\ \x68\x62\x0c\x66\xdc\x38\x70\x23\xd8\x92\x32\x9c\x0b\xcf\x66\xce\ \xa3\x77\xd1\x52\x3e\x86\x98\x66\x71\x5e\xfb\x13\x1b\xff\xe5\x0a\ \xd8\xb4\x09\x27\x97\x2b\x10\x5e\x90\xd0\x3a\x38\x22\x61\xb1\x53\ \x10\x01\xa3\x16\xdd\x5e\xcd\x9a\x6b\xaf\xa3\xfc\x83\x77\x49\x90\ \x1e\xd4\xa7\x20\x43\xa4\xe1\x14\xcd\xff\x2d\x1a\x14\xeb\x35\x74\ \xe2\x06\x6b\x0c\xbe\x19\x39\xab\xef\xa7\x7b\x0b\x46\x33\xf8\x89\ \x38\xf1\x0b\x2e\x64\xfe\xdd\x77\xd1\x52\x36\x9e\xb8\xf6\xe0\x2c\ \x5f\x49\xd5\xe2\x9b\xa0\xa7\x37\x30\x68\x83\x32\xf9\x42\x0b\xa9\ \xa0\x8a\xa4\xb3\xa4\xeb\x1b\x08\x3b\x08\x8a\xfa\xfa\xe1\xf6\x35\ \x04\x1a\x16\xd8\x7b\x03\x06\x15\x45\x2a\xca\x21\xe2\x8c\x98\xd9\ \xb5\x36\x05\xcd\x6d\x60\x03\x2d\x56\xd7\x81\x58\x02\xf7\x82\xf3\ \x98\x77\xd7\x2d\x34\x95\xc4\x11\x5a\x89\xbe\xf4\x0e\x1b\xce\xbd\ \x38\x30\x8c\x39\x6f\x80\x1e\x4b\x7f\x0a\xc6\x38\x30\x6f\x2e\x0b\ \x1e\x7f\x98\xce\xd9\x73\xb0\xbb\xdb\x32\xf6\xfa\xf0\x80\x0c\x4a\ \xb4\x2c\xf9\x81\x1a\x30\x7e\x28\xb1\x53\x5e\x86\x13\x97\x11\x55\ \x76\x04\x88\x59\xa5\x61\xed\x86\x00\x00\x14\x57\x15\x8c\x0f\x89\ \x24\xb1\x8b\x2e\xe4\x90\xfb\x96\xd2\x2b\x15\x38\xda\x43\xe4\xb5\ \xf7\xd8\x7e\xfd\xcd\x50\x53\x17\x76\x8c\x14\xad\x5c\x04\x2e\x52\ \x15\x66\xcf\xe4\xa0\x6f\x7f\x93\xee\xa8\x93\x67\x73\xf6\xf6\x70\ \xc2\xd0\xbd\x6c\x4c\x45\x60\xfd\xfa\x14\xca\x1d\x55\x8e\x94\x95\ \x8c\x6c\xf5\x09\x64\xad\xfb\xc3\xdb\xd0\xdb\x8b\xaf\x1e\x3e\xb9\ \xb0\x91\x41\x20\x1e\x27\x7a\xee\x79\xcc\x79\xfc\x3e\x76\xc5\x62\ \x44\x68\xc4\xfb\xcf\xe5\x6c\xfe\xe6\x35\xd0\xdc\x0a\x39\x7f\x88\ \xad\xa0\xf8\xea\x01\x12\xcc\x53\x74\x9f\x2b\x50\x3e\x4a\x0f\x71\ \xe2\xe3\x26\x06\x95\x45\x13\xc6\xe2\x91\xca\x4a\xdc\xd1\xe3\x47\ \xb4\x05\x14\x88\x6b\x8e\xd8\x9f\xfe\x0a\x35\x3b\x50\xcd\x91\x51\ \x45\xc5\x80\x01\xeb\x18\x6c\x69\x09\xce\xb9\xe7\x70\xe0\xfd\xdf\ \xa3\x79\xd4\x68\xa2\xf4\xa0\xff\xf5\x26\x5b\xae\xf8\x57\xd8\xb2\ \x15\x32\xfd\x6d\x82\x22\x88\x82\x8b\x81\xfa\x66\xd6\x3f\xf4\x24\ \xb1\xec\x6e\x6f\xb5\xb7\x95\x28\x41\xb0\x15\x13\x61\xfa\x34\x04\ \x0d\x00\x40\x0c\x8c\x2a\x25\x39\x7d\xc6\xf2\xcc\x08\x0a\x1e\x02\ \xc4\x50\x92\xad\x5b\xe9\x78\xfe\x79\x5c\x0f\x5c\x89\x14\xd8\xc4\ \xc0\xba\x6b\x2c\x46\xfc\xa2\x8b\x38\xec\x9e\x7b\x68\x29\x9f\x40\ \x54\x3b\x49\xff\xe6\x45\x36\xdf\x74\x33\x74\xb4\x41\x36\x83\xaa\ \x06\xbb\x42\x43\x68\xdb\xdb\x58\x7b\xc3\x62\x22\x6f\xaf\x24\xae\ \xfe\x08\xb6\xa9\x83\x4c\x9f\x08\x53\xf6\x03\x35\x7d\xa9\x9c\xa0\ \xc9\x24\xa3\x8f\x3c\xfc\xb4\x5d\x23\xf5\x02\x80\x83\xc3\xb6\x47\ \x9e\x24\xf7\xfa\x1b\x44\xfd\xa0\xc8\x52\xe0\x6d\x11\xc7\x81\x68\ \x1c\xe7\x9c\xb3\x99\xf7\x83\x9b\x68\x29\xad\xa0\x04\x8b\x79\xe1\ \xf7\x54\x5d\x74\x29\x54\xd7\x20\x7e\x28\xbd\x2a\x34\xd6\xb3\xe6\ \x9b\xdf\xc2\x7d\xf1\x75\xe2\x8c\xcc\x55\xe7\xf0\xa8\x3c\x74\xee\ \x1d\x8c\x1a\x15\x24\x43\x56\xfa\x26\xe6\x50\x71\xf8\xa1\xa4\x4c\ \xc5\xb0\x35\x60\x60\xe2\xd1\xc7\x13\x44\x30\x8c\x6a\x6e\xa0\xea\ \xc6\x3b\x61\xf3\x36\xf0\xfc\xc1\x46\xce\x78\x90\x2c\x21\x7a\xc9\ \xc5\xcc\xbb\x73\x09\xbd\x94\x13\xa3\x97\xf8\x6f\xff\x42\xfd\x92\ \xdb\x61\xdb\x76\xc4\x5a\x94\x2c\x99\xd5\xeb\x69\xfb\x9f\xbf\x90\ \xf0\xdb\xf0\xe9\x19\x92\x6d\x1e\xce\x7c\x33\x08\x63\x8f\x39\x6a\ \x09\xd1\x28\x22\xb2\xbb\xcf\x11\x14\x8e\x38\x1c\xe7\x88\xb9\x03\ \xb8\x7d\xf9\x48\xc1\x3d\x04\x9f\x28\x3e\x90\xa5\x14\x3d\xf2\x28\ \x72\xb3\x67\x01\x1e\xe5\xab\xd7\xb3\x6a\xe1\x57\xe0\xdd\x3f\x81\ \xa6\x83\x10\x38\xef\xbc\x83\x26\x06\xe2\x31\x62\x97\x2d\xe2\x80\ \x47\x7e\x4c\x2b\x95\xc4\xe8\xa2\xeb\x57\xcf\xb3\xf1\xea\x6b\xa0\ \xad\x0d\x63\x0d\xb1\xcf\x7c\x96\xbf\xff\xc1\xed\xd4\x8f\x9d\x4c\ \x24\x54\xda\xc2\x42\xe7\x50\x20\xb8\x05\x5a\x19\xd0\xfb\x71\x72\ \x93\x66\x50\x7a\xc4\x7c\x88\x08\x68\x18\x09\x1a\x1b\x50\x4d\x94\ \x95\x30\x63\xe1\x3f\x49\xb6\xa0\xe6\x2f\x05\x7d\x00\xc5\x1b\x15\ \x14\x87\x28\x3d\x94\xd3\xf9\x77\x47\x32\xfd\x89\x47\x99\xf6\xcc\ \x93\x74\x1d\x7e\x14\x1e\x50\xbe\x71\x3b\xef\x5f\x72\x05\xdd\x3f\ \x7d\x08\x1a\xeb\x20\x9b\x0d\x9c\x71\xd8\x35\xea\x59\x1f\x8d\xc7\ \x70\xcf\x3f\x9b\xd9\x0f\xdd\x4e\x87\x8c\xa2\x94\x14\xee\xab\x7f\ \xa4\x7a\xd1\x95\xb0\x71\x07\x24\xe3\xc8\xc2\x53\x39\xea\xdf\xee\ \xa5\x61\xec\x14\x3c\x04\x97\xe2\x8d\xa5\xc5\x72\x55\x13\x82\xe1\ \xe3\xe0\x7c\x66\xc1\x72\xe7\x80\x59\xd8\xb0\xad\xce\xb9\xe5\xb6\ \xdb\x42\xee\x1c\xd4\xe6\x88\x27\x93\x34\x2e\x7b\xe5\xb6\x78\x4f\ \xd7\x90\xd6\xb5\x50\x05\xa3\x80\x87\x4b\xfa\xf0\xf9\xcc\xfb\xcf\ \x9f\x23\x33\xf7\x47\x26\x8d\xa3\xf2\xc8\x23\xd9\xbe\xf2\x2d\x4a\ \x5b\x6b\x49\xee\xda\xc5\xae\xdf\xbd\xc9\xa6\xd7\xdf\xa0\x32\xe7\ \x13\xad\x1c\x0b\xf1\x08\xe2\x65\x31\xd6\x0f\xe2\x7c\xcf\xc7\x8d\ \xba\x44\xd6\xad\xa3\xbb\x76\x0b\x31\x4d\x93\xad\xaa\xa7\x6b\xc7\ \x76\x2a\x4e\x3e\x09\x4a\x12\x98\x99\x33\x98\x30\x6d\x3f\xaa\xdf\ \x7a\x97\x78\xba\xab\x4f\x87\xfa\x69\xec\xa0\x0c\x33\x4f\xd4\x94\ \xd2\x0e\x4c\xb9\xfa\xca\xd9\xf1\xa3\x17\x04\xc1\x95\x08\xd2\x57\ \x25\xc9\xa1\xa8\x58\xa2\x1d\xdd\xac\xbb\xfc\xaa\x67\xe3\xcf\x3d\ \x73\x6e\xf2\x23\xc2\xcd\xdd\xe8\x1a\x5a\x46\x7d\x9a\x43\x96\x3d\ \x09\xc7\x1c\x06\x6e\x22\x20\x39\x33\x16\xef\xe9\x9f\xb1\xe5\xaa\ \xaf\x52\x42\x92\x1c\x2e\x08\x58\x51\x3c\x37\x4a\xe4\xd3\x93\x70\ \xc6\x54\x60\x4a\xe3\x78\xed\x3d\x78\xcd\xed\x78\xb5\x35\xc4\x73\ \xbd\x44\x42\x78\x83\x22\x69\x25\xb9\xd3\x4e\x64\xf6\x8f\xef\x82\ \x69\x93\xc0\xfa\x64\x5f\x5a\xc1\xfb\x57\x5e\xcf\xc4\x5d\xd5\xb8\ \x28\xde\x10\x9d\x29\x5a\xb0\x64\x19\x92\x64\x67\xce\xe2\xc0\xdf\ \xbe\x20\x32\x63\x1a\x98\x20\x98\x72\xfb\x32\x09\x17\xc0\x1a\x28\ \x49\x32\xf3\xfc\xb3\xce\x5b\xfb\xdc\x33\xe7\x26\xc3\xb5\x2e\xd6\ \x59\x21\x05\xa1\xa5\x33\x67\x0a\x1c\x70\x20\x6a\xe2\x88\x97\x0d\ \x28\xaa\xd7\xff\xc0\xfa\xef\xdd\xc3\x38\x00\x52\xc1\xfd\x35\xd0\ \x7b\x2f\xab\xd8\x0d\xad\xe1\x3e\x0e\xda\x26\x4b\x48\x90\x25\x43\ \x0c\x83\xe2\xe5\xb5\xcc\x61\x17\xac\xf8\x1f\x76\xc4\x6f\x65\xda\ \x0f\xef\x84\x69\x93\x89\x9e\xb6\x90\x05\x59\x9f\xf7\xbf\x7b\x3d\ \x13\x9a\x6a\x86\xf4\x0b\xbb\xbb\x06\x85\x5c\xa2\x9c\x09\x97\x7e\ \x59\x64\xfc\x78\x34\x24\x01\x76\x53\x62\xfd\xf8\x2c\x43\xfc\x33\ \x9f\x65\xd2\x3f\x7d\x79\x55\x17\x49\x34\x2c\x4f\x0f\x45\x8c\xba\ \x58\x4c\x55\x35\xac\x5e\x17\xaa\xb2\xc5\xff\xed\x1f\xf8\xe0\x5b\ \x57\x53\xda\xb4\x31\xb4\x25\x9a\x6f\x76\xee\xa3\xd1\x5c\x20\x06\ \x44\xb1\x24\x00\x25\x85\x83\xed\x27\x3c\xe1\x16\x4b\xd8\x1a\xba\ \x9f\x7b\x9e\x4d\xdf\xb8\x1a\x9a\xeb\xc0\xf1\x31\x67\x2e\x64\xfe\ \x7d\x3f\xa2\x35\x51\xbe\xc7\x90\x58\x11\xb2\x53\x27\x53\x79\xfe\ \xb9\x90\x88\xf7\xaf\x5a\x0f\xec\x11\x52\x2c\x92\x4e\x91\xfb\xdf\ \xd5\xac\x3a\xfb\x02\x9d\xb0\xb3\x1a\x33\xa0\x1d\xa6\xb0\xaa\xaa\ \x40\x9a\x04\x3d\xf3\x0e\x61\xfa\xd9\xa7\xe1\xb5\xb5\xd1\xf8\xf8\ \x73\xc4\x7b\x76\xe4\x09\x4d\x33\x4c\x77\xa5\x45\xf8\xc5\xc2\xf7\ \x9d\xa6\x04\x77\xe1\x49\x7c\xfa\xce\x3b\x60\xff\xfd\xa1\x37\x4d\ \xed\x85\x97\xe2\x2e\x7f\x71\x50\x8f\x42\xa1\x6d\x68\x8c\x94\x32\ \xe7\xfe\x7b\xa5\xf4\xf2\xcb\xc0\x71\x0a\xd8\xe9\xa2\xdd\xe2\x16\ \x8d\x46\x88\x1c\x71\x28\x07\x9c\x77\xf6\x89\x75\x0f\xdc\xff\xbb\ \x0a\xb2\xfd\x04\x90\x41\xd5\xde\x34\xe5\x6b\xdf\xa3\x6d\xed\xbb\ \x18\x94\xf2\x82\x89\xcb\x3e\xf8\xea\xc2\x2d\x66\x0b\xde\x97\xda\ \x5e\x3a\x5f\x5c\xc1\xa6\x2c\xcc\x7a\xfc\x01\xa8\x6b\xa6\x63\x4b\ \x1d\x63\x29\xc5\xd2\x5d\x34\x37\xf1\x80\x51\xa7\x9c\xf4\xc7\x92\ \xb3\xbf\x14\x34\x50\x9a\xfe\x8e\x7d\x90\x06\xd8\x90\x67\x31\xd6\ \x83\x9a\x9d\xac\xbf\xe8\x32\x2d\x7f\xfb\x0d\x9c\x01\x1b\x41\x0a\ \xbc\xad\xe0\xe5\x99\x19\xbf\x8f\x79\xed\x67\x82\xf6\x3e\x71\xd1\ \x82\xd0\x35\x68\xc9\xf2\xf2\xd7\x72\xb8\x50\x36\x05\x47\x3a\xa1\ \xb3\x3d\x74\x89\xb6\x48\xd4\x07\x4d\xd3\x3f\xc5\x82\x67\x7f\x2e\ \xe6\xe8\xa3\x03\x7d\x34\x0c\xa7\x45\xc6\x06\xd5\x95\x89\x95\xcc\ \xbb\xe5\x06\x69\x1a\x37\x1d\x2f\xac\xf9\x0f\x6c\x48\x22\xdc\xb3\ \xa6\x9f\x67\xd0\x11\xf3\x0a\x92\xf7\xdf\x31\x20\x82\x0d\xc7\x37\ \x40\x0c\x8f\x64\x57\x23\xd1\xce\x36\x62\xd8\x41\xc2\xf7\xcd\xaf\ \x3b\x91\xe4\xa0\xc5\xdf\x15\x33\xff\x60\x7c\xa3\xa8\xb1\x43\x30\ \x44\x03\xb2\x25\x41\x40\x1c\x88\x44\xe1\xd8\x63\x39\xe8\xc1\xfb\ \xa4\xa5\x74\x22\x42\x72\x0f\xab\x65\x70\x90\x7c\xad\x30\x7f\xaf\ \x21\x9a\x1a\xf6\x74\x06\xac\x4f\x1a\x0d\x5b\x2e\x9c\x82\xc8\x2e\ \x4b\x3a\xef\xa1\x8a\xcd\xa7\x05\xc3\x98\xab\xbe\x3d\xaf\xf4\xfc\ \x8b\x20\x9e\x2c\x52\xc2\x19\xaa\x47\x08\x03\xe2\x06\xa7\x71\x21\ \x16\x21\x79\xca\xc9\xcc\xb8\x6d\xb1\x34\x25\xca\xb1\x44\x0a\x84\ \x76\x43\xf5\x34\x61\x53\xbc\x09\xfb\x4b\x5d\x04\x27\x7c\x3f\x32\ \x9a\xcd\x0f\x57\xb8\x58\xfb\xb3\x57\xa0\x89\x85\x67\x47\x7c\x2c\ \xe3\xbe\xf6\xf5\x73\x27\x5d\xf3\xed\x75\x1a\x8d\x83\x04\xcb\x62\ \x8a\x00\xb0\xe7\xd4\x4a\x04\x12\x09\xc6\x2c\x5a\x84\x66\x7d\x69\ \xb8\x73\xa9\x96\xf7\x34\x87\x2b\x5b\x68\x47\x75\x50\x01\xe2\x93\ \x6e\x9c\xb4\x18\x5a\x89\x30\xfa\xcc\x53\x7f\x3a\xe5\x8e\xdb\x7e\ \x45\x69\x59\x50\x78\x2d\xf4\xf7\x32\x90\x70\x1a\xee\x13\x23\xd6\ \x42\xc6\xd2\xfc\xe0\x43\x6c\xbf\xf3\x87\x3a\xa1\xbd\x25\x5c\x15\ \xdd\x5d\x71\x19\x02\x00\x1f\xff\x63\x15\x54\x8b\x7a\x8b\x24\x1d\ \x24\x18\x73\xc5\x85\x97\x4c\xbe\xfd\xe6\xa7\x19\x3b\x1a\xeb\x84\ \x7d\x6b\xe1\x97\xad\x0c\x56\xf9\x61\x3e\x30\x11\xf8\x06\x63\x0d\ \xf4\x66\xe8\x59\xf1\x5f\xac\xbf\x7e\x89\x8e\xa9\xde\x41\x34\x7c\ \x0c\x46\x06\xb0\x74\x85\x80\xd8\x10\x80\x11\x3c\xdb\x34\x64\xd2\ \xa3\x61\x2e\xd2\x5d\x31\x8d\xa9\x57\x5f\x2e\x15\x8b\x2e\x83\xf1\ \x63\xf0\x5c\xc0\x38\x38\x61\x4d\xd6\x97\xc0\x76\xb8\x03\xf6\xfd\ \x30\x35\x20\xa8\xda\x88\x86\xe1\x4f\xd6\x43\x57\xad\x62\xcd\xad\ \xdf\xdf\xe6\xbd\xb6\x6c\xc6\x24\x34\xcc\x0c\xdd\xbc\xb0\x10\x0d\ \x1b\xaa\x3d\x0c\xde\xa0\x22\xc8\x48\x84\xee\x13\xc4\x01\x5a\x71\ \xc8\xce\x3d\x82\x39\x77\x2e\x91\xf8\x09\xc7\x41\x3c\x0e\x22\x78\ \x4e\xc0\x74\xf5\x01\x60\xf3\x00\xd8\x8f\x8e\x03\x86\x3d\x23\xdf\ \x47\x9b\x9a\x48\x3d\xfd\x0c\x5b\x9f\x78\x42\xe3\xdb\x6a\x48\x90\ \x0a\x03\x1f\x09\xdb\x92\x04\x21\x47\x24\x6c\x67\xdf\x37\x00\x24\ \x0c\xa5\x77\x47\xa0\x41\x67\x59\x84\xce\x89\x93\xa9\x3c\x6b\xe1\ \x97\xa6\x7d\xfd\xaa\x97\x99\x31\x1d\x1b\x89\xf4\x7b\x7a\x4c\x44\ \x86\xa0\x6e\x47\x0a\x00\x8a\xaa\x05\xcd\x81\xa7\x78\xef\x7f\x48\ \xd7\x63\x4f\x7c\x67\xf3\x53\xff\x71\x4f\xa5\x15\x22\xa4\xc2\x12\ \x17\x61\x5f\x87\xb7\x57\x2c\x53\x7f\x90\x24\xef\xec\xfc\xb0\x21\ \xa3\xdd\x89\x33\xfe\x73\x27\x74\x57\x5c\x7b\x55\x59\xe9\xb1\x0b\ \xd0\x64\x39\xe2\x38\x83\x48\xa7\xbf\x29\x00\x84\x89\x8b\xaa\x41\ \x7c\x41\x32\x19\xfc\x0f\x56\x53\xf7\xb3\x67\xfe\xb9\x7d\xc5\x6f\ \x9e\x72\x6b\x6b\x48\x00\x0e\x49\xa0\xb7\x68\x3b\xbd\x14\x51\x71\ \xed\xe7\xa2\x5c\x7c\x0c\x39\x3c\x52\x44\xc9\x8d\x2a\x67\xd4\xf1\ \x9f\x7b\x75\xfc\xc5\xe7\x9c\x92\x38\xf1\x04\x6c\x3c\x89\x38\x06\ \x11\x0d\x37\x85\xd0\x27\x4f\x71\xe1\x3f\x56\x00\x14\xb5\x8a\x6f\ \x04\x13\x3e\x10\x2c\xe2\x21\x1d\x3d\x78\x75\xf5\x74\xbf\xf9\x16\ \x35\x2b\x7e\xbf\xc6\xfe\x79\xf5\xbc\x44\x6b\x3d\x31\xbf\x27\xcf\ \xe2\xec\xce\xf6\x0b\x0d\xa6\x09\x57\xda\x84\x16\xc7\x92\x23\x46\ \x67\x45\x25\xe6\xe0\xb9\x4c\x3d\xfe\x1f\xa4\xec\x94\x2f\x12\x9d\ \x35\x13\x4a\x13\x68\x24\x88\x41\x8c\x38\x7b\x19\x70\x7f\x9c\x00\ \x68\xd8\x12\xab\x82\x8a\xc5\x8a\xc5\x58\x0d\x82\x21\x55\x48\x65\ \x61\x43\x15\xe9\x8d\x1b\x69\xfb\xf3\x5f\x8e\xee\xd9\xb0\xf5\xa9\ \xde\x86\x86\x03\xbb\x1b\x6a\x89\x64\x2c\x7e\x26\x87\xef\x79\x41\ \xdc\x15\x8b\x42\x49\x92\xf8\xd8\x71\x24\x27\x4f\xda\x90\x9c\x31\ \xed\xb6\xca\xc3\xe6\xff\xaa\x64\xf6\x2c\x38\x64\x2e\x94\x95\x05\ \x8d\x5c\x12\x64\x07\xc1\xb3\xc3\xa6\xa0\xe9\xf1\x13\x05\x60\x98\ \x30\x69\x38\x31\xab\x48\x36\x07\x3d\x3d\x68\xba\x17\x9b\x4a\x21\ \x9d\x1d\x90\xf3\xd0\x9c\x17\x3c\xdd\x15\x71\xd1\xf2\x52\x28\xad\ \xc0\x89\xc7\x20\x99\x84\x48\x0c\x75\x76\x3f\x16\x5b\xd8\x0a\xff\ \x71\x1d\xa2\xaa\xb2\x07\x72\x75\xe4\x01\x8b\x6a\x01\xb7\xa4\xf9\ \x87\x2f\x8d\x10\x86\xa9\x12\xd4\x00\x3d\x0f\x8c\x41\xac\x84\xcf\ \xfe\x99\x7e\x82\xf3\x37\x00\xe0\xff\x00\x02\x30\x8b\x63\x7d\x32\ \x74\x75\x00\x00\x00\x00\x49\x45\x4e\x44\xae\x42\x60\x82\ \x00\x00\x10\xc7\ \x89\ \x50\x4e\x47\x0d\x0a\x1a\x0a\x00\x00\x00\x0d\x49\x48\x44\x52\x00\ \x00\x00\x40\x00\x00\x00\x40\x08\x06\x00\x00\x00\xaa\x69\x71\xde\ \x00\x00\x00\x06\x62\x4b\x47\x44\x00\xff\x00\xff\x00\xff\xa0\xbd\ \xa7\x93\x00\x00\x00\x09\x70\x48\x59\x73\x00\x00\x0b\x13\x00\x00\ \x0b\x13\x01\x00\x9a\x9c\x18\x00\x00\x00\x07\x74\x49\x4d\x45\x07\ \xe5\x03\x1d\x11\x0c\x13\x5a\x61\x12\x96\x00\x00\x00\x1d\x69\x54\ \x58\x74\x43\x6f\x6d\x6d\x65\x6e\x74\x00\x00\x00\x00\x00\x43\x72\ \x65\x61\x74\x65\x64\x20\x77\x69\x74\x68\x20\x47\x49\x4d\x50\x64\ \x2e\x65\x07\x00\x00\x10\x2b\x49\x44\x41\x54\x78\xda\xe5\x9b\x7b\ \x74\x55\xd5\x9d\xc7\x3f\x7b\x9f\xfb\xbe\x49\x08\x24\x01\x42\xc0\ \x10\x12\x22\x0f\x79\xca\x23\x4a\x47\x11\x15\xad\xe3\x68\xa9\xae\ \x3a\xb6\x75\x8d\x9d\x76\xaa\xad\x28\x4e\xab\x2e\x3b\x74\xd4\xe9\ \xc3\xd6\x4e\xd7\x38\xda\x61\xd5\xce\x38\x56\x46\x9d\xd1\x4e\x1d\ \x5f\x9d\x16\xa7\x52\x05\x11\x02\x3e\xa1\xbc\x02\x09\x0f\x09\x10\ \x48\x42\xc8\xf3\xbe\xce\xd9\x7b\xfe\x38\xe7\xe4\xde\xe4\xde\x9b\ \xdc\x84\x40\x5d\xcb\xb3\xd6\x81\xfb\xca\x39\x7b\xff\xf6\xef\xf7\ \xfd\xfd\xbe\xdf\xdf\x3e\x42\x6b\xcd\xa7\xf8\x10\x92\x4f\xf7\xa1\ \x3d\x67\xfb\x0e\xc7\xac\x38\xc7\x55\x8c\x3d\xf1\x13\x7c\xdc\x7e\ \x92\x7d\xed\x6d\x0f\x1e\xea\x6c\x7b\x28\x6a\x25\x48\x58\x09\x04\ \x60\x08\x49\xd0\x1f\xc2\x9b\x37\xaa\x65\x6e\xb8\x60\xe9\xbc\x31\ \x13\x77\x55\xfb\x8a\x28\x91\x3e\xca\x8d\xc0\xd9\x75\x81\xb3\x11\ \x02\x8d\x24\xd8\xd9\xd9\xc8\xfa\xa6\xfa\x99\x9b\x4f\x1e\xd9\xb9\ \xb3\xb5\x89\x8e\x68\x27\x48\x0b\x0c\x01\x3e\x03\xa4\xb0\x4f\x34\ \x58\x1a\x94\x06\x4b\x81\xa9\x40\x49\x0c\x7f\x88\x79\x05\xc5\xcc\ \x99\x30\xe5\xee\xab\x4a\xab\x1e\x5b\x90\x5f\x4e\x05\xbe\x4f\xb6\ \x01\x3e\x8a\x36\xb3\xfe\xd8\x6e\xd6\x1e\xdc\xae\xff\x18\x39\x09\ \xc2\x04\xe9\x44\x9a\x10\xce\x1d\x05\xb8\xb7\x14\xce\xe9\xbe\xd7\ \xce\x3f\x42\xdb\xaf\x95\x02\xad\x41\x79\xa8\x0e\x14\x73\x73\xe5\ \x6c\xb1\xa2\x74\x0e\x53\x03\x63\x08\x21\x3f\x39\x06\xd8\xa5\xda\ \xf9\x45\xdd\xb6\xab\x5e\x38\xf4\xde\xba\x93\x89\x36\xf0\x49\x7b\ \xa5\xb5\xb6\xcf\xde\x99\x3a\x86\x70\xef\x99\xd1\x00\x29\x87\x94\ \xa0\x2c\xc7\x53\x14\x44\x2c\x8a\x7c\x63\xf8\xd2\xa4\xb9\x57\xdc\ \x31\x73\xc9\xfa\x6a\xf2\xff\xb4\x06\x38\x46\x82\x5f\x1e\xdf\xc9\ \xf7\x77\xff\x5e\xc7\x3a\xda\xc0\x2f\xed\xd5\x93\xc2\x9e\x18\xfd\ \x26\x26\x32\x4c\x52\x64\x99\x7c\xea\x77\xbd\xd7\x11\xa0\x00\x25\ \x08\x19\x61\x1e\x98\x75\x89\xb8\xa5\x74\x16\x13\x64\xfe\xb9\x37\ \xc0\x9b\xd1\x13\xdc\xbf\xe3\x75\xbd\xad\x69\x3f\xf8\x94\xed\xe6\ \xa9\xd7\x92\x23\x8d\x2d\xfd\x5c\xde\x52\x10\x85\x25\xc5\xe7\xf1\ \xc8\xe2\x15\x62\x91\xaf\x18\xef\x30\xc2\x62\xc8\x06\x88\xa1\x79\ \xf1\x54\x03\x5f\xaf\xfd\x6f\xdd\x2d\x3a\xc1\x6b\x80\x12\xb6\x6b\ \x5b\x56\x72\x39\x47\x3c\xc1\x66\xba\xa0\x86\xb8\x22\x5f\xe6\xf1\ \xfd\x05\x57\x8b\x55\x63\xe7\x9f\x5d\x03\x34\x11\xe7\x67\x87\xb6\ \x14\x3f\xbc\xe3\xad\x66\xfc\x09\x1b\xd5\x91\xa0\x0d\x67\x3c\x29\ \xc1\x2c\xce\xb2\x07\xa4\x82\xa5\x06\x62\x82\x55\x53\x2f\x59\x7a\ \xdf\xf4\x65\x1b\x26\xe0\x39\x23\xb3\x66\x3d\x7e\xb2\xe7\x0f\x8b\ \x1f\xde\xbe\xae\x19\x7f\xdc\x71\x71\x69\xc7\xe5\x39\x3f\x54\x12\ \x34\x84\x02\x61\x41\x40\xf1\xd8\xae\xb7\xde\x7a\x60\xfb\x1b\xab\ \x62\xe8\x91\x35\xc0\x09\x1d\xe3\xab\x7b\x7e\xf3\xed\x47\xf7\xac\ \xaf\x25\x20\x93\x60\xe6\xa6\x2d\x2c\xe7\x54\x7d\x07\x37\xe2\x93\ \x76\xcf\x14\xe0\xd4\x12\x30\xec\x85\xc8\x97\xfc\xfb\xc1\xb7\xff\ \xf9\xd6\x9d\xaf\xfc\xdb\x31\xba\x47\xc6\x00\x3d\x68\x1e\x3e\xbc\ \xf5\xf2\xa7\xea\x6a\x7f\x4a\xc8\x9b\x8e\xcc\xfd\x51\x5b\x30\xf0\ \x6f\xce\x5e\x49\x67\x87\xa4\x5f\xf1\xfc\x81\x77\xbf\xf6\xf0\xbe\ \xcd\xd7\xf7\x60\x9e\x39\x06\xac\x3d\x55\xc7\xad\x9b\x9e\xd7\x18\ \x51\xdb\xe4\x5e\xe3\x93\x5a\xd6\xdb\xcb\x69\x29\x90\x5e\xe8\x48\ \xf0\xb3\x8b\x6e\x10\x2b\x27\x2c\x1c\xbe\x07\xbc\xd5\x71\x9c\x6f\ \xd6\xfe\x8f\x46\x46\xed\xdc\x6e\x7c\x92\xb9\x93\xb0\xc3\xc0\x30\ \x6c\x5c\x08\x4b\xee\xfb\xf0\x77\x7a\x7d\xf4\xf0\xf0\x0c\x70\x04\ \xcd\x03\x3b\xdf\xd0\x3d\x74\x81\x47\x83\x54\xd9\x5d\x5b\x67\x38\ \x07\x0a\x13\x32\x15\x49\x29\xd8\x61\x01\x31\x0d\x89\xbe\x21\x9f\ \x8b\x13\xf4\xc2\x05\x8a\x88\xe8\xe6\xef\xdf\x7d\x5d\x37\x9a\xdd\ \x43\x37\xc0\x93\x8d\xb5\xc6\xdb\x1d\xfb\xc0\x93\x32\xf1\x4c\xa9\ \x4d\x0f\x71\x70\xb2\x5f\xf5\xd7\xfb\xb9\xb0\xc3\x2b\x0e\x33\x4a\ \xaa\x79\x62\xc1\x8d\xdc\x5b\x75\x29\x79\xf8\x41\x5b\xb9\x1b\xc1\ \x72\xae\x29\x00\xc3\x60\x4b\xf3\x01\x1e\x3d\xf6\xde\x85\xd9\x7e\ \x9e\x31\x61\x7e\x10\x6f\xe7\xd1\xed\x1b\x4c\x7c\x56\xdf\xc1\xeb\ \x33\x00\x38\xd1\x0f\xcc\x45\x6a\x2e\x97\xa0\x24\x44\x15\x97\x14\ \x4f\x65\xcd\xfc\x15\x4c\x92\xf9\x44\x4b\x2d\xba\xf2\x43\xfc\xbc\ \xf6\x15\x08\x1b\x83\xdf\xbb\xcf\x62\x38\x58\x15\x34\x78\x66\x57\ \xed\x7b\x5f\x1a\x3f\x43\xcc\xf7\x95\xe4\xe6\x01\x4f\x1c\xd8\x7a\ \x5b\xa7\x79\xda\x26\x22\x4a\x8f\x1c\xaa\x6b\xe5\x18\x51\xdb\xd7\ \x76\x79\x83\x61\x80\x29\x59\x3a\x76\x3a\x4f\xd7\x7c\x81\x69\x32\ \x8f\xb0\xd2\xe4\x59\x9a\xc5\x25\x13\x9d\x54\x37\xdc\xfa\x49\xd0\ \x9c\x38\xcd\xe3\x0d\x5b\x1f\x54\x19\xdc\x55\xa6\x53\xda\x56\x5e\ \x3f\xf8\xe1\x13\x04\xa5\xcd\xc6\xa4\x43\x61\xfb\x13\x9c\xe1\x1c\ \x96\x86\xb8\x69\x9f\xee\x35\xa5\x01\x3d\x09\x96\x8f\x9b\xc1\x9a\ \x05\xd7\x31\x19\x1f\x52\x9b\x28\xa9\x69\x16\x26\x2f\xec\x7d\x1f\ \x8c\x1c\x17\x41\x64\x38\x25\xe0\x37\x78\xee\xf0\xf6\x87\x76\xc5\ \x9b\x07\x37\xc0\x6b\x2d\xfb\xf9\xb8\xa7\xd5\x5e\xad\x8c\xa8\x35\ \xc4\x98\x77\x5f\x9b\x9a\xfc\x82\xb1\xfc\xc5\xbc\x65\x2c\x2a\x9f\ \x05\x3d\x36\xcf\xa7\xdb\xe4\xc2\x92\xa9\xac\x99\xfd\x59\x2a\x09\ \xdb\xce\x21\x14\xdd\xc0\x23\xfb\x36\xf2\xbb\x86\x6d\x90\xe7\xcd\ \x50\x10\x39\xaf\x5d\xf0\xcc\x04\xbe\xda\xf5\x34\x85\x19\xe9\xe0\ \xd5\xfa\x8f\x06\x36\x40\x1b\x16\x4f\x1d\xfa\x48\x13\xf6\xe7\xee\ \x76\x22\xcb\x32\x68\x91\x94\x1c\x2d\xcd\xfc\xbc\xc9\xbc\xbd\xf8\ \x2b\xac\x2d\xbb\x8c\xdf\xcc\xba\x99\x7b\x67\x5f\x07\xed\x82\xcb\ \xcb\x66\xf2\x5f\x35\x7f\x49\xb9\x51\x80\x5f\x4b\x34\x92\x36\x2d\ \x79\x68\xf7\x7a\x9e\xa8\xdf\x02\x21\x69\x83\xa0\x70\x26\xde\xab\ \x31\x58\x7d\x45\x14\x77\xf6\xa9\x46\x10\xce\x18\xb4\x80\x80\x97\ \xa7\x8f\xed\xd6\xfb\x75\x57\x76\x10\xdc\xd1\xd9\xc8\xa1\xd6\x63\ \x10\x12\xb6\x1a\x93\xeb\xea\x8b\x7e\x4b\xaf\xdd\x90\x91\x10\x87\ \x9a\xfc\x49\x3c\xbd\xe4\x26\x26\x19\x61\xfc\x08\x84\x16\xdc\x57\ \xb9\x80\x8b\x3c\x01\xce\x9f\x50\xce\x64\x11\xc4\xab\x04\xa6\x50\ \xb4\x0a\x8b\x7f\xda\xbb\x91\xc7\xf7\x6e\x82\x90\x33\x1b\xe5\x84\ \x9f\x12\xe0\x71\xaa\x51\xad\xc1\xb4\x92\x0a\x93\xd4\x99\x51\x3a\ \x45\x65\xaa\xef\x6e\x65\xf7\xa9\x26\xa6\x16\x55\xa5\x7b\x40\x02\ \x78\xe1\xc8\xde\x9b\x90\x16\x58\x09\x3b\xfe\xcf\xa4\x2a\xd3\x1a\ \xba\xe2\x2c\x0c\x4f\xe2\xd9\x25\x5f\xa4\xca\x08\x13\x44\x22\x11\ \x08\xa0\x58\x7b\x59\x71\xde\x1c\xaa\x3d\xf9\x78\x35\x98\x42\xd3\ \x2a\x34\xff\x78\xb0\x96\x9f\xec\xd9\x00\x21\x67\x52\xda\x01\x4f\ \xb4\x3d\xa6\xd3\x31\xe6\xf9\x4a\xb9\x38\x5c\x81\x8c\x3b\x9e\xea\ \x1a\x24\x63\x55\xab\x9d\x50\xd1\x60\x58\xfc\x5f\x53\xdd\x0d\x19\ \x3d\xe0\xa8\x8a\xf2\xce\xa9\x43\xcf\xe3\x71\xcc\xa2\xcf\x04\xfd\ \x35\xc4\x35\x0b\x46\x4f\x66\xed\x45\x37\x31\xde\x08\xa0\x94\x04\ \x29\x30\x5c\xfa\x24\x04\xc2\x31\x88\x89\xe0\x94\x32\x79\xa4\x6e\ \x23\x8f\xee\xfa\x3d\xe4\xc9\xf4\x7b\x1b\x06\x44\x14\xf7\x5c\x78\ \x2d\xdf\x3c\x6f\x3e\x52\x48\x5e\x69\xab\x67\xd5\xd6\x17\xc1\x50\ \x29\xd2\x5b\x3f\x27\x10\x29\x98\xe1\xf3\xb2\xb1\xf1\xc0\xaf\x9b\ \x67\x6a\x51\xe2\xfc\xa8\x77\x99\xdb\xe3\x11\x76\x74\x9d\x4c\x71\ \x25\x3d\xf4\x3c\xef\xae\x82\x12\x14\xf9\x0a\xf9\x45\xcd\xf5\x94\ \x7b\xf3\xf0\x68\x03\x53\x4a\x37\x6a\x11\xc2\x06\x76\xe9\x94\xef\ \x0a\xd8\x7d\xba\x89\xb5\xdb\x37\xd9\x80\x27\x94\xbd\xea\x96\x72\ \xc2\xc9\x80\x6e\x8b\xbb\x66\x5c\xc6\x77\x2a\x16\x51\x6e\x84\x98\ \x24\x03\x5c\x5e\x58\x41\x49\x41\x49\x32\xb5\x8a\x01\xaa\x55\xa1\ \x41\x2b\xf6\x46\xda\x38\x4c\x47\x7a\x08\x1c\x8d\xb7\x42\x22\xd2\ \x57\xc0\xd3\xb2\xef\x99\x0b\x7b\xd6\x02\x62\x06\xdf\xb9\xe0\x0a\ \x66\xfa\x4b\xf0\x0a\x81\x10\x02\x0f\xe0\x4d\x03\x0d\x1b\x30\x0d\ \x60\xfe\x98\x52\xbe\xbd\xe0\x6a\x88\x4a\x10\x86\x2d\x8f\xbb\xc2\ \x68\xb7\x87\xd5\x33\xaf\xe3\xbb\x53\x96\x51\xa0\x7d\x60\x6a\x34\ \xd0\x61\x76\xd3\xd6\x71\xda\xf1\xd6\x6c\x2a\x94\x23\xd8\x68\x0f\ \x48\x03\x53\x44\xd8\xd1\xd6\x98\x6e\x80\x8f\x3b\x9c\xd4\x37\x54\ \xb7\x4f\x13\x35\x35\x33\xf2\x8b\xb9\x76\xdc\x34\x3c\xda\x75\x72\ \xbb\x2e\x13\xa9\x5c\x59\x24\x4b\x6b\x03\x4d\xc8\x52\xdc\x56\x79\ \x21\x3f\x9a\x73\x35\x22\xe2\x05\xaf\x07\x3c\x12\xa2\x06\xdf\x9a\ \xbd\x9c\x55\x95\x35\x14\x69\x69\xd7\x77\x86\xa0\x9e\x6e\xee\xdc\ \xbe\x0e\x53\x45\x1c\xd5\xd8\x15\x67\x54\x86\x01\x3a\x8b\xa7\x34\ \x78\xe0\xfd\x96\xa6\x1b\xd2\x0d\x70\xfa\xd4\xb8\x61\xd5\xba\xa9\ \x11\x63\xd8\x83\x58\x56\x71\x01\x65\x9e\x80\xed\xea\xc9\xa2\x74\ \xd0\x63\xb4\x16\xdc\x36\x79\x31\xab\x67\x2c\x83\x88\x33\xf9\x0b\ \x2e\xe7\xfe\xca\xcf\x50\xa8\x40\xa0\xb1\x84\xa2\x4e\x74\xf0\xf5\ \xad\x2f\xf1\x7e\xcb\x01\x08\x7a\x9c\x21\x3b\x24\x23\x1b\x31\xd3\ \x49\x5b\xb4\xc4\x7a\x3e\x97\x0e\x82\xb1\xc8\x4a\xdb\x92\xfd\x9a\ \x17\xb9\x1a\x40\x00\x4a\x23\x4c\xc9\xf5\xe7\x55\x13\x4c\xb1\xae\ \x1c\x90\xc2\xda\xff\x49\xc3\x36\xd3\x28\x34\x77\x55\xd6\x30\x06\ \x89\x90\x92\x2f\x56\x2c\xa4\x58\xeb\x5e\x8c\xdb\x61\xb6\xb2\xea\ \xfd\xdf\xb2\xa9\xed\x10\xf8\x00\xd3\xec\x8f\x7a\x59\xf0\xc9\x25\ \x48\x82\x8e\x68\x47\x4d\x33\x26\x25\x78\x6c\x03\x24\x80\x23\xb1\ \xc8\x3d\xf6\x0a\x0e\x81\xf4\xf4\xc7\x4a\xa5\x99\xe6\xcb\xa7\xca\ \x53\x8c\x42\x63\xf4\xd7\x0b\x45\x76\xe3\xf5\xf6\x48\x94\x66\x94\ \x90\xdc\x56\x75\x31\x4a\x2b\x02\xae\xeb\x4a\xc1\x11\xd1\xc5\xca\ \xad\xaf\xb0\xe5\xd4\x01\x08\x4a\x87\x54\x09\xfb\x7b\x44\xb2\xfb\ \x94\x6d\xf5\xb4\x7d\x9d\x88\x19\xaf\x32\x95\x02\xe9\x78\x40\x14\ \x88\xa1\x02\x99\x3b\x17\x83\x61\x40\x4a\xa7\x27\x61\x31\xba\xb0\ \x88\x02\x02\x08\x77\x66\x03\x19\x53\xa4\xbe\xb4\xfd\x44\x48\x1b\ \x2c\x3d\x1a\xb4\x83\x1f\x96\x84\x7d\x89\x2e\xae\xdb\xf2\x9f\x34\ \x74\x1d\x05\xbf\xc7\xb9\xa7\x4a\x71\x31\x9d\xbd\xb9\xa2\xfb\x96\ \x04\x32\x66\x46\x3d\xce\x98\x65\x6e\xe5\xed\x40\x13\xd0\x0e\xb1\ \xb1\x47\x5f\xec\x0b\x22\x50\xe9\xab\x9f\x73\x29\xed\x84\xaa\x48\ \x0e\xae\x59\x28\xee\xdf\xfc\x5b\x1a\x3a\x8f\x83\x5f\xa7\x08\xc3\ \x62\x70\x32\x44\x7f\x9d\x52\x38\xb1\x9f\x52\x07\xf8\xdc\x0f\x86\ \x5d\xfc\x88\xde\x51\xc7\x51\x80\x1c\x31\x5d\x58\x00\x3e\x24\x35\ \x13\x27\x43\xc2\xa9\x33\x5c\x86\x3a\xe4\x8c\x65\xff\x8d\x14\x22\ \xea\xfe\xad\x04\xf0\x03\xe3\x03\xc1\x67\x51\xc3\x4c\x83\x6e\xf6\ \x11\x82\x13\x3d\xdd\xe9\x5a\xec\x30\xad\x21\x9c\x1a\xa2\x40\x4b\ \x6e\xa9\x9a\xcf\xaa\x39\x4b\xed\x78\xc8\xa6\x4e\xe5\x08\xda\xfe\ \x60\xb0\xd1\x2f\x3d\x7d\x43\x60\xbc\x3f\xf4\x34\x96\x1e\x86\xac\ \x2d\x92\x42\x87\x14\x34\xf4\x9c\xe6\x08\x5d\x49\xef\x3c\x53\xa9\ \xdc\x59\xf0\xf1\x78\xb8\x77\xca\x62\x9b\x42\x2b\xdd\x97\x02\x0f\ \x5a\xbc\x3a\xd3\x54\x26\x58\x26\x01\x7f\xf0\x90\xdb\x5e\xef\x35\ \xc0\xac\x82\xe2\xf5\x28\xc0\x72\xdb\xd8\x72\x08\x79\xd0\xcd\x02\ \x16\x1d\xb2\x93\x97\x5a\xea\xb0\x52\x0b\x92\x61\x94\x16\xa4\x94\ \x34\x06\x10\xc7\xe4\x70\xfc\x94\x53\xf2\x0e\x47\x9c\x50\xe0\x31\ \xc0\xd4\x94\x05\x0a\xff\x25\xad\x10\xaa\x2c\x28\x4e\xbe\x1d\x2a\ \x15\x70\x57\xd8\x63\x80\x57\xb0\x71\xdf\x47\xb4\xaa\x04\x7a\x20\ \xb1\x22\xa7\xae\x8d\x42\xa1\x88\x0b\xc5\xc7\x89\x1e\xee\xd9\xba\ \xce\xd1\x06\x48\xef\x12\x0d\x4c\x52\x1c\x7e\x01\x98\x92\xc5\x25\ \x13\x5e\x4f\x33\xc0\x58\x5f\x1e\x5e\x5f\x30\xd9\xd9\x1a\x4e\x88\ \x69\x05\x4a\xb1\xb1\xa9\x9e\xb7\xdb\x0f\x93\xc0\x72\x8c\x30\x04\ \x2f\xe8\xb5\x97\x3d\xc1\x84\x48\x70\x50\x45\xb8\xe3\xbd\x97\xd9\ \xd2\xd2\x60\x33\x28\x4b\x0f\x41\x2e\x77\xe9\xb0\xfd\xce\x8b\x8f\ \x69\xa3\x4b\xd3\xb9\xc0\xa8\x40\x88\x0b\x0a\x8a\x47\x00\xb3\x81\ \x80\xe4\xbe\x1d\xeb\xd8\xaf\xba\x88\x61\xa1\x84\x35\xb4\x84\xa2\ \x14\x16\x8a\x38\x16\x07\xcd\x0e\x56\x6e\xfb\x15\x6f\xb6\xed\x87\ \x90\x91\xb2\xef\x20\x47\x72\xe6\xae\x3e\xf6\x3e\xa4\x19\x79\x25\ \x4c\x61\x54\xba\x01\xc6\x08\x3f\xf3\xc7\x4c\xbc\xbb\xf7\x23\x31\ \x9c\x30\x13\x60\xda\x09\xfc\x70\x57\x13\xb7\x6f\x7e\x91\x16\x6d\ \x61\x66\x70\xa8\x5e\x07\x76\x95\xac\x14\x31\xc3\x92\x82\x18\xd0\ \x10\xef\xe4\x6f\xb7\xbe\xca\x1b\x4d\xbb\xc1\x6b\x81\x15\xb1\x27\ \x23\x87\x3a\x3e\xc7\xad\x4c\x8b\x79\x93\x2a\xbe\x3b\x3a\x93\x26\ \x18\xc2\xc3\x8d\x93\x67\x3c\x46\x4c\x81\x57\x3a\x96\x76\x44\x47\ \xf7\xcc\xe8\x77\xce\x80\x2c\x49\x9e\xcc\x67\xf9\xcc\xa5\x84\x62\ \x1e\xf0\x08\x36\xb5\xd4\x73\xe3\xa6\xe7\xd8\xdc\xd3\x42\x97\x5d\ \x6d\x62\xa1\xb0\xd0\x98\x68\xac\x7e\x66\xb1\xb4\x26\xae\x15\xed\ \xc0\xc6\xd3\x47\xb9\xec\x9d\x17\x58\xd7\xbc\x1f\x82\x8e\xf2\xe3\ \x09\x24\xab\xcb\x61\x49\xe4\x7e\xae\x19\x37\xf5\x87\x59\x45\xd1\ \x0b\xc2\x65\x4c\x2d\x9a\x04\x09\x2b\x77\x6a\x2c\x0c\x88\x69\x0c\ \xe5\xe3\x3f\x2e\xfe\x3c\x4f\x96\x7f\x86\x35\x35\x37\xe0\x8d\xf9\ \x21\xe8\x65\xeb\xa9\x03\x5c\xbb\xe1\x19\x56\x37\x6e\xa5\xce\x8c\ \xd0\x8d\x46\x69\x1b\xdc\x4c\x14\x4a\x28\x34\x0a\x4b\x40\x8b\x4e\ \xb0\x39\xde\xc2\x37\x76\xbe\xca\x8a\x0d\x4f\x71\x22\xd6\xe4\x48\ \x63\x56\xe6\x9a\x22\x5b\xe5\x97\x76\x18\x60\x19\x4c\x09\x14\x31\ \xbb\xb0\x74\xe0\xee\xf0\xf7\x8e\xbc\xcb\x83\x1f\xbc\xac\x09\x98\ \xe9\xba\xa0\xee\x67\x33\x0d\x68\x83\x51\x56\x80\xb5\x4b\x6f\xe2\ \xca\xf0\x24\x02\x08\x3a\x90\x3c\xdb\xb4\x93\x3b\xb7\xbf\x0c\x3a\ \x6e\x1b\xa9\x33\x41\x69\x5e\x09\x0b\xcb\x2a\x58\x5a\x58\x46\x71\ \x5e\x01\xf9\xa1\x10\x5e\xd3\xa2\x27\x1e\x63\xd7\xe9\x16\x36\x9c\ \x3c\xc8\xdb\xc7\xea\xb1\x3c\x31\x08\x1a\x49\xc4\xd7\x0a\xb4\x77\ \xf8\x85\x04\x40\xa7\xc9\x0f\x67\x5d\x2d\xfe\xae\x7a\xd9\xc0\xad\ \xb1\x15\x63\xcf\xe7\x97\xa1\x22\x0e\xe9\x16\x5b\x19\x96\x62\x60\ \xcc\x8b\x24\xf8\xdc\x9c\x4b\xb9\x2a\x3c\x11\x9f\xb6\x6b\x08\x29\ \xa0\xc4\x1f\xa4\xb7\xb0\x42\x41\xbe\x87\xe3\xa2\x95\x57\x8f\xb6\ \xf0\xea\xe1\x77\x9d\xec\x2e\x93\x82\xa7\xa1\x6d\x01\xa4\x40\x24\ \x87\x25\xdc\xef\xcf\x60\x43\xab\x56\x10\xd7\x04\xbc\x85\xdc\x58\ \x31\x7f\xf0\xc6\xc8\x2c\x7f\x01\x57\x94\xcf\x58\x49\x4f\xdc\x01\ \x0f\x6b\x50\x03\x17\x85\xc2\x74\x2b\x93\x98\x80\x28\x82\x1d\x5d\ \xad\xfc\xcd\xe6\x97\x6d\xa2\x9d\xaa\xcd\x6b\xa7\xc0\xf2\x38\xa2\ \xa0\xc7\x04\xaf\x09\x7e\x97\xf9\x58\x76\xb5\xa6\x2c\x67\x93\x24\ \x43\xdf\xce\xac\x53\x29\xbd\x72\xd8\xaa\x97\xbf\xaa\x5e\x7c\x6b\ \xb5\xb7\x30\xb7\xde\xe0\x1d\x53\x96\xac\x19\x15\x18\xef\x70\xed\ \x01\xa8\x26\x40\xc0\xcb\xaf\x77\x6d\xa7\x2e\xd2\xc9\x11\xa2\xbc\ \xd6\xda\xc0\xd5\x6f\x3e\x45\xa7\x68\x77\x5a\x5a\x2e\x98\x5a\x49\ \x79\x5a\x38\x8a\xa8\x48\x59\x65\xa1\x93\x0d\x95\x5e\xef\x70\x9a\ \xa6\x3a\xc7\xbe\x58\x6f\x33\x27\x85\x03\x2b\xc1\x58\x19\xe6\xce\ \xc9\xb3\xd6\x66\xd6\x4a\xb3\xec\x10\x79\xb4\xb1\x96\x6f\x7d\xf8\ \x9a\xc6\xeb\xb2\x2f\x9d\x8e\x01\x00\xc2\x03\x71\x4d\x50\xf8\x29\ \x0b\x84\x39\xd0\xd3\x8e\x22\x0e\x5e\xdd\x97\x29\x66\x23\x47\x22\ \x0b\x6b\xcb\x94\xc6\x72\x32\x42\x2a\x51\x52\xd0\xa5\xf9\x87\x0b\ \xff\x5c\x3c\x50\xfe\x67\x43\xdb\x1f\xf0\x85\x89\x73\x59\x5e\x54\ \xd5\x48\xa2\xff\x28\xfb\x35\xfd\x74\x02\x3c\x26\x11\x6f\x94\xfa\ \xc4\x49\x94\x27\x96\x32\xf9\x73\x78\xe8\x0c\xcd\x11\x53\xb0\x70\ \xdc\x14\x6e\x99\x38\x8f\x41\x68\x52\xfa\x51\x46\x80\x07\x67\x5f\ \x39\x29\xcf\x28\xb0\x29\xa8\xce\x60\x00\xed\xf6\x00\x53\xd4\xd8\ \x91\x62\x81\x43\x2e\x42\xdd\x7e\xa1\x8b\x1d\x06\x21\x19\xe6\x07\ \xf3\xaf\x12\x15\x46\xde\xd0\x0d\x00\x50\x93\x57\xc6\xe3\x8b\xae\ \x11\x58\xce\x36\xb4\x3e\xdb\x59\xb2\x48\xcf\xa9\x20\x74\xe6\x4b\ \x3a\x88\xfb\x3b\xba\xa0\x76\xca\x5d\x43\x27\x25\xe8\x98\xe6\x47\ \xb3\x97\x8b\xe5\xc1\xf2\x41\x08\xd7\x80\x5f\x0a\xbe\x52\x3c\x9b\ \xfb\xa6\x5f\x52\x45\x8f\xb6\x3b\x34\x22\x4b\x43\xd4\xad\x08\xa5\ \x48\xa9\x1f\x86\xdb\x5a\xd7\x83\x70\x7c\xb7\x0f\x90\x2e\xca\xa2\ \x34\x74\x59\xac\x9e\x7e\x45\xe1\xcd\x13\x06\xdf\x3a\x9b\x53\x8e\ \xb9\x6b\x4a\x4d\xc3\xed\xd3\x2f\xfd\x32\x5d\x96\xb3\xc2\x62\x60\ \x69\x4c\x64\x02\xb2\x2c\x15\xdc\xb0\x0d\xe4\xcc\x5e\x38\x17\x54\ \x4e\xf7\x27\x66\xf0\xd7\xd3\x2e\xba\xe7\xb6\xca\xc5\xed\x25\x39\ \x74\x24\x72\xde\x2b\xdc\x44\x9c\x1f\xef\xdd\x70\xe9\x63\x75\x9b\ \xde\x22\x98\xb2\xc5\x85\x54\x7d\x4e\xf6\xed\x0e\x9f\x6d\xd0\xeb\ \x75\x32\xc7\xeb\xda\x62\x7c\x6d\xda\x92\x95\x3f\x98\x75\xcd\x9a\ \x71\x39\x16\x4f\x43\xda\x2c\xdd\xac\x63\xfc\xeb\xc1\x6d\x7c\x6f\ \xc7\x9b\x3a\xee\x8f\x27\x6b\x74\xd9\x9f\x9a\x9e\x03\x03\x08\xb7\ \x11\x6b\x87\x82\x61\x19\xdc\x3d\x7d\xe9\xdc\xbb\xa7\x2c\xd9\x3e\ \x51\xf8\x87\x70\x99\x21\x0e\x34\x81\xe6\x99\xe6\x3f\xb2\xf2\x83\ \x75\x3a\x62\xb5\xdb\x4f\x86\xf4\x51\x68\x5d\xbd\x5e\x27\x33\xc5\ \x70\x34\x31\x91\xc2\x36\x7b\xeb\x1a\xd1\x4f\xe1\x11\x08\x53\xe0\ \x27\xc8\x4f\xe7\x5c\x29\xbe\x51\xb6\xd8\xe9\x24\x70\xf6\x0c\xe0\ \x1e\xdb\xa2\xad\xac\xfe\xe0\xf5\xe6\x37\x9a\xf6\x14\x93\xdf\xbf\ \x09\xa7\xb3\xb8\x6a\x4a\xb9\x3a\xa0\x6b\xcb\x94\x8d\x93\x56\x5f\ \xe5\x59\x19\xc9\x2d\xb1\x71\xc5\xac\x31\xd5\x3c\xb9\xf0\x5a\xb1\ \x28\x30\x7e\x98\x8e\x74\x06\xae\xfa\xb1\x4a\xf0\xd2\xf1\x9d\xac\ \xde\xf5\x07\xdd\x9d\x68\x07\xaf\xb2\xb9\x83\x54\x49\x94\x56\xa9\ \x80\x97\x63\x5d\xaf\x65\xd2\x8b\x64\x4a\x7d\xa1\xa4\x9d\xea\x85\ \x8f\x70\xc2\xc7\x83\xf3\x2e\x15\x9f\x9f\x30\x97\x4a\x19\x3e\x83\ \x48\x1a\x81\x58\xfd\x90\x6e\x9e\xde\x57\x7b\xf9\xaf\x1a\x3e\x78\ \xa3\x29\xda\x62\x6f\x6c\xf2\x78\x20\x6e\xa5\x90\x19\xab\x6f\x66\ \x10\x22\x07\x90\x73\xc6\x66\x18\xf6\xcb\xce\x38\x05\xfe\xd1\xdc\ \x3c\x65\xde\xad\xb7\x9f\xbf\x68\xed\x5c\x39\x7a\x04\xa0\x64\x04\ \xc1\x6a\x5b\xbc\x99\x97\x5a\xf6\x97\xfd\xef\xfe\x8f\x1a\x77\x77\ \x36\x61\x99\x71\xfb\x19\x41\x37\x5d\x19\x32\x87\x0a\xc9\x4d\x6f\ \xd2\xa6\xd3\x09\x81\x0f\x3f\xd3\x47\x8d\x63\x69\xc5\x8c\xa5\x5f\ \x1d\x3b\x7b\xc3\x34\x7f\xfe\xb0\x9e\x0f\x3a\xeb\x06\xe8\x0d\x0d\ \xba\xd9\x7b\xfa\x18\x2f\x37\xd7\xdf\xb4\xe1\xc4\xe1\xe7\x77\xb7\ \x34\x81\x8e\xd1\xbb\x35\xd6\x6b\x38\x99\x43\xf7\x15\x09\x35\xc9\ \xdd\xa9\x86\x97\xf3\x47\x8f\xe7\xb2\xd2\xaa\x2f\xaf\x28\xac\x7a\ \x6e\x56\x51\x29\xa5\x84\x47\x7c\xac\xe2\x5c\x3c\x3c\x7d\x5c\xf7\ \xb0\xb7\xf5\x28\x7b\x3a\x4e\x70\xb0\xa3\x6d\x66\x9d\xd9\xf3\x64\ \xbb\x15\xaf\x89\xab\x04\x86\xf4\x60\x28\xcd\x28\xe9\xab\xad\x0c\ \x15\xdc\x53\x11\x2c\x7c\xa7\x7a\xf4\x38\xca\x47\x8f\x65\xa2\x0c\ \x93\xcf\xd9\x7d\x3e\x41\xfc\x29\x9e\x1e\x8f\xa1\x69\xc3\x22\x8e\ \xc2\x79\xe0\x85\x3c\x24\xf9\x78\xce\xf9\x58\xc4\xa7\xfc\xf1\x79\ \xfe\x1f\x92\x21\x06\xeb\x43\xa5\xea\x31\x00\x00\x00\x00\x49\x45\ \x4e\x44\xae\x42\x60\x82\ \x00\x00\x06\x9e\ \x89\ \x50\x4e\x47\x0d\x0a\x1a\x0a\x00\x00\x00\x0d\x49\x48\x44\x52\x00\ \x00\x00\x40\x00\x00\x00\x40\x08\x06\x00\x00\x00\xaa\x69\x71\xde\ \x00\x00\x00\x06\x62\x4b\x47\x44\x00\xff\x00\xff\x00\xff\xa0\xbd\ \xa7\x93\x00\x00\x00\x09\x70\x48\x59\x73\x00\x00\x0b\x13\x00\x00\ \x0b\x13\x01\x00\x9a\x9c\x18\x00\x00\x00\x07\x74\x49\x4d\x45\x07\ \xe5\x03\x1d\x12\x1e\x26\x76\x60\x18\x3f\x00\x00\x00\x1d\x69\x54\ \x58\x74\x43\x6f\x6d\x6d\x65\x6e\x74\x00\x00\x00\x00\x00\x43\x72\ \x65\x61\x74\x65\x64\x20\x77\x69\x74\x68\x20\x47\x49\x4d\x50\x64\ \x2e\x65\x07\x00\x00\x06\x02\x49\x44\x41\x54\x78\xda\xed\x9b\x4d\ \x6c\x13\x57\x10\xc7\xff\xfb\x76\xd7\x76\xf6\x10\x3b\xc9\xa6\x96\ \x59\x3b\x08\xd4\x2a\x88\xc4\x01\x41\x72\xaa\x03\x51\x50\x9b\x0b\ \x87\x12\x2b\x09\x72\x93\x03\x2d\xa0\xca\x12\x20\x55\x48\xb4\x70\ \xe9\xad\x0a\xaa\x84\x50\x2f\x1c\x11\xea\x09\x21\x2a\x54\x09\x45\ \x15\x6d\xd4\x5e\xa0\x08\x04\x07\x08\x1f\xb2\x88\x82\xeb\x40\x90\ \x51\x28\x09\xbb\xb6\xf7\xe3\xf5\xd0\xd8\x32\xa9\x3f\xd6\x8e\xed\ \xb5\x03\x73\x73\xec\xec\xce\xff\xf7\x66\xe6\xcd\x1b\xed\x02\xef\ \xed\xdd\x36\xa6\x96\x37\xfb\xf6\xc4\x09\x5a\xca\xef\xbf\x9f\x9c\ \x64\x1a\x1a\x40\xa9\x82\xad\x80\xc1\xd4\xb3\xe8\x5a\xc0\xa8\xd8\ \x85\xa6\xa7\xa7\xdb\x7e\x9d\x9a\x8a\xd7\x32\xa5\x2a\x01\x82\x69\ \x94\x55\xaf\x16\x08\xa6\x91\x85\x57\x02\x02\xb3\x1e\xc4\xa7\x6d\ \x83\x24\x7d\x73\xe4\xe8\xd1\xc9\xaa\x03\xa8\x47\xf1\xe5\x46\x43\ \xc1\x1f\xca\xb2\xcc\x00\x80\x20\x08\xb4\x51\xc4\x97\x0a\x81\xc9\ \x25\x78\xb5\xe8\x46\x13\x5f\x0a\x04\xc6\x8c\xf0\x46\x14\x6f\x16\ \x02\x57\x48\x74\xa3\x8b\xaf\x48\x11\x5c\x0f\xe2\x0b\x45\x01\x79\ \x17\x4e\x7c\x85\x16\x91\xbc\xab\xa1\x5f\x14\x40\xad\xc5\x8b\xa2\ \x68\x49\x14\xd4\x45\x0a\x0c\xee\xd9\x83\xaf\xc2\x61\xec\x1e\x18\ \xa8\x39\x04\xce\xca\xd5\xdf\xb4\x69\x13\x3e\x1b\x1e\x06\xa5\x14\ \x94\xd2\xfa\x4a\x81\xaa\xde\x94\x10\x0c\x07\x83\x18\x19\x1b\xc3\ \x2f\x57\xae\x60\xea\xea\x55\x50\x4a\xb1\xbc\xbc\x5c\xf3\x82\x68\ \x09\x80\x2f\x0f\x1d\x02\xcb\xb2\xf8\xe1\xf4\x69\x44\x22\x11\x38\ \x5d\x2e\x30\x0c\x83\xe8\xd3\xa7\x35\xf7\x85\xb3\x22\xfc\x2f\x9c\ \x3f\x8f\x64\x32\x99\xf9\x2c\x79\xbd\x50\x14\x05\x89\x44\xa2\xb1\ \x52\x60\xf1\xd5\x2b\x8c\xee\xdf\x8f\x07\x8f\x1e\x95\xf4\x7f\xd9\ \xe2\x1d\x0e\x07\x5a\x5b\x5b\x21\xcb\x32\x34\x4d\xcb\xfc\xdd\xdf\ \xd3\x53\x93\x34\xe0\xca\xb9\x40\x6c\x7e\x1e\x3d\xdb\xb6\xe1\x8b\ \x83\x07\xe1\xf3\xf9\x20\x49\xd2\x9a\x1c\x12\x04\x01\x0b\xcf\x9f\ \x43\x96\x65\x88\xa2\x88\x91\xb1\x31\x70\x1c\x87\x47\x0f\x1f\x22\ \x95\x4a\xd5\x2e\x05\xcc\x86\xff\xe7\xe3\xe3\xd8\xb9\x73\x27\x5a\ \x5a\x5a\x90\x4c\x26\x31\x1f\x8b\xa1\xb9\xb3\xb3\x2c\x07\x9a\x9a\ \x9a\x20\x08\x02\x62\xb1\x18\x3e\x1d\x1a\x42\x6f\x5f\x1f\x7e\xbb\ \x76\x0d\x7f\xdd\xb8\x61\x4d\x0d\x28\x66\x1f\x75\x76\x22\x10\x08\ \x80\x65\x59\x50\x4a\x91\x4a\xa5\xf0\x81\xdb\x5d\xb6\x03\x5e\x9f\ \x0f\x2c\xcb\x62\xf7\xc0\x00\xe6\xe6\xe6\x70\xf6\xcc\x19\xbc\x79\ \xf3\xa6\x3e\x6b\x40\x4b\x5b\x1b\x82\xc1\x20\x58\x96\x85\x61\x18\ \x50\x55\x15\x82\x20\xc0\x66\xb3\x95\xed\xc0\xc3\x07\x0f\xb0\xb4\ \xb4\x84\x9f\x2f\x5f\xc6\x4f\x17\x2e\xd4\x4c\x7c\x3a\xda\x4d\x03\ \x50\x92\x49\x04\x83\x41\x08\x82\xf0\x56\xd3\xc2\xb2\x2c\x76\xec\ \xd8\x51\xb6\x23\xaa\xaa\xe2\xc7\xb3\x67\x31\x73\xff\x7e\x7d\x37\ \x42\x07\x0e\x1c\x80\xdb\xed\x86\xa6\x69\x19\x00\x94\x52\x10\x42\ \xd0\xd1\xd1\xb1\x26\x27\xac\xea\x02\x4d\x03\xd0\x0c\x03\x1e\x8f\ \x07\x0e\x87\xe3\x2d\x67\x29\xa5\x50\x55\x15\xee\x35\xd4\x80\xba\ \x3d\x0d\x66\xdb\xf0\xf0\x30\x5c\x2e\x17\x0c\xc3\x78\x7b\x9a\xc2\ \x30\xa0\x94\x42\x14\x45\x44\x9e\x3c\x59\x9f\x00\x9e\xcc\xce\xa2\ \xab\xab\xeb\xbf\x48\xc8\x6a\x54\xd2\xa6\xeb\x3a\x9c\x4e\x27\x7a\ \x7b\x7b\x1b\x2e\xfc\x33\x00\x14\x45\xc9\x3b\x32\x12\xdb\xdb\x91\ \x48\x24\x0a\x3a\x6a\xb7\xdb\x11\x0e\x87\xa1\xeb\x7a\xc9\x0e\xa4\ \xa3\xc8\x30\x0c\x4b\x60\x64\x22\x20\x16\x8b\x31\xf9\x8e\xac\xed\ \xed\xed\x39\x57\x3f\x6d\xa9\x54\x0a\x84\x10\x34\xbb\x5c\x65\x39\ \xc1\x30\x0c\x18\x86\xb1\x2e\x02\x9a\x9a\x9a\xa8\x24\x49\x39\xf1\ \xbb\xdd\x6e\x18\x86\x01\x42\xf2\x67\x8b\xae\xeb\xb0\xd9\x6c\x08\ \x04\x02\x65\x3b\x92\x06\xa0\xeb\xfa\xff\x6a\x8d\xa5\x35\xa0\xab\ \xab\xab\xa8\x43\x0c\xc3\x40\xd7\x75\xf8\xfd\x7e\xbc\x7a\xfd\x7a\ \x4d\x10\x58\x96\xad\x69\x6d\x28\x0a\xe0\xee\xdd\xbb\xe0\x38\xce\ \xd4\xaa\xb4\xb6\xb6\xe2\xd4\xa9\x53\x98\x8b\x46\x8b\x16\xbe\x42\ \x02\xd3\x75\x21\x9d\x76\xd5\x80\x91\x1e\x95\x17\x05\x90\x4a\xa5\ \xa0\x69\x5a\x66\x65\xf2\x99\x61\x18\x50\x14\x05\x4e\xa7\x13\x13\ \x13\x13\x88\xcd\xcf\x9b\x0a\xf9\x7c\xdf\x11\x42\x32\x69\x57\xcd\ \xfa\x40\x72\x51\xc9\xb6\xc7\x8f\x1f\x67\xaa\xb4\x19\xe3\x79\x1e\ \x7d\x7d\x7d\xe8\xdf\xb5\xab\x2c\xf1\xab\x47\x67\x96\xa7\xc0\xc2\ \xc2\x02\xe2\xf1\x38\x38\xce\xdc\xc1\x91\x52\x8a\xb6\xb6\x36\x84\ \x42\x21\x6c\xf0\x7a\xeb\xb2\xf9\xc9\x5e\xe8\xa2\x00\x3a\xbc\x5e\ \x2c\x2e\x2e\x82\xe7\x79\x53\x2b\x47\x29\x85\x2c\xcb\xe0\x79\x1e\ \x87\x0f\x1f\x46\xcf\xf6\xed\x8d\xd5\x09\xe6\x4a\x83\xc9\xc9\x49\ \x3c\x7b\xf6\xac\x68\x1d\xc8\x0e\x71\x4d\xd3\xc0\x71\x1c\xf6\xed\ \xdb\x87\xee\x2a\x8e\xb7\x6a\x72\x16\x90\x3c\x1e\x5c\xbf\x7e\xbd\ \xe4\xbc\x4c\x26\x93\x20\x84\x20\x14\x0a\xe1\xc8\xb1\x63\x50\x57\ \x75\x8a\x56\xb7\xc1\x25\x1d\x87\x2f\x5d\xba\x84\xa5\xa5\x25\xd8\ \xed\xf6\xcc\x36\x65\xea\x24\xa9\x69\x50\x14\x05\xa2\x28\x22\x1c\ \x0e\x43\xf2\xf9\x32\xdb\xa4\x15\xdd\xdf\xea\x08\x67\x8a\x4d\x4c\ \xb2\x2d\x1a\x8b\xe1\xe4\xc9\x93\xe8\x5c\x99\xff\x65\x4f\x77\xcd\ \x54\x74\xbb\xdd\x0e\x00\xb8\x77\xef\x1e\x6e\xdd\xba\x85\x9b\x37\ \x6f\xc2\xd5\xdc\x5c\x9f\x00\xf2\x41\x00\x21\x98\x98\x98\xc0\x96\ \x2d\x5b\xa0\xaa\x2a\x54\x55\x35\x9d\x16\x94\x52\xf0\x3c\x0f\x8e\ \xe3\xf0\xf2\xe5\x4b\xdc\xbe\x7d\x1b\x7f\x4c\x4f\x5b\x26\x1e\x00\ \x0a\x56\xb5\xfe\x40\xe0\xbb\x1c\x2a\xf0\xfb\xf4\x34\x78\x9e\xc7\ \xc6\x8d\x1b\x21\x08\x82\xa9\x94\x20\x84\x80\x65\x59\xd8\x6c\x36\ \xcc\xcc\xcc\xe0\xe2\xc5\x8b\x98\x9a\x9a\x42\x4b\x99\x07\xa8\x4a\ \x88\x2f\x1a\x01\x79\xa3\x60\xc5\x9e\xbf\x78\x81\xd1\xd1\x51\x74\ \x77\x77\xc3\xbb\xb2\xe7\xab\xaa\x0a\x96\x65\xa1\x69\x5a\x66\xeb\ \xa4\x94\x42\x51\x14\xc4\xe3\x71\x44\x22\x11\x9c\x3b\x77\x0e\x1f\ \x6e\xde\x6c\x69\xe8\x57\x04\x00\x00\x24\x92\x49\x28\x89\x04\x24\ \x49\x42\x20\x10\x80\x28\x8a\x60\x59\x16\x1e\x8f\x07\xb3\xb3\xb3\ \x58\x5e\x5e\xc6\x9d\x3b\x77\x10\x8d\x46\xf1\xcf\xe2\x62\xd5\x9f\ \x03\x28\x45\xbc\x29\x00\x66\x20\xe4\x82\xe2\x58\x29\x78\xf5\xd4\ \xf5\x95\xbd\x0d\x96\xfa\x1c\x6e\xbd\x88\xff\x64\x68\xc8\x57\xb1\ \x3e\xa0\x16\x6f\x6f\x54\xda\x06\x07\x07\xff\x2e\xda\xb5\x96\x7a\ \xd1\x75\xfd\xa8\xec\x7a\x80\xf0\x71\x7f\xff\xee\xbd\x7b\xf7\xfe\ \x69\x7a\x0a\x55\xee\x8d\xea\x11\x42\x68\x7c\x9c\xf8\xfd\x7e\x53\ \x7e\xc9\xb2\xcc\x08\x82\x40\xd7\xcd\x0b\x13\x5f\x1f\x3f\x4e\x5c\ \x2e\x17\x78\x9e\xa7\xc5\x84\xa7\xeb\x9f\x20\x08\x7a\xd5\x5e\x99\ \xc9\xee\x0c\xab\x79\xe8\x09\x8e\x8c\x90\xad\x5b\xb7\x66\x3e\x17\ \x7b\xee\x59\x96\x65\x02\x80\x02\x60\x04\x41\x30\x2a\xea\x59\x36\ \x88\xf4\x18\x2d\x3d\xdf\xb3\xb2\xd0\xe5\x58\xfd\x0c\xac\xaa\x2c\ \x4d\xb5\x53\xa3\x2e\x5f\x9b\xab\x36\x8c\x86\x79\x71\xb2\x52\x30\ \x1a\xb1\xf1\x7a\x6f\x8d\x68\xff\x02\xfd\x0a\x90\x14\x8a\xf5\xdc\ \xd2\x00\x00\x00\x00\x49\x45\x4e\x44\xae\x42\x60\x82\ \x00\x00\x0c\x95\ \x89\ \x50\x4e\x47\x0d\x0a\x1a\x0a\x00\x00\x00\x0d\x49\x48\x44\x52\x00\ \x00\x00\x40\x00\x00\x00\x40\x08\x06\x00\x00\x00\xaa\x69\x71\xde\ \x00\x00\x00\x06\x62\x4b\x47\x44\x00\xff\x00\xff\x00\xff\xa0\xbd\ \xa7\x93\x00\x00\x00\x09\x70\x48\x59\x73\x00\x00\x0b\x13\x00\x00\ \x0b\x13\x01\x00\x9a\x9c\x18\x00\x00\x00\x07\x74\x49\x4d\x45\x07\ \xe5\x03\x1d\x15\x2d\x18\x46\x25\x76\x21\x00\x00\x00\x1d\x69\x54\ \x58\x74\x43\x6f\x6d\x6d\x65\x6e\x74\x00\x00\x00\x00\x00\x43\x72\ \x65\x61\x74\x65\x64\x20\x77\x69\x74\x68\x20\x47\x49\x4d\x50\x64\ \x2e\x65\x07\x00\x00\x0b\xf9\x49\x44\x41\x54\x78\xda\xed\x9b\x5b\ \x6c\x1c\xd7\x79\xc7\x7f\x67\xae\x3b\xb3\x77\x2e\xaf\x4b\x2e\x29\ \x51\xa2\x68\x52\xa2\x65\xea\x52\x33\x92\xec\xc8\x76\x5d\x2b\x56\ \x1a\x35\x69\x9c\x56\x85\x1d\xa7\xad\x5d\xa0\x40\xd0\x3e\x14\xed\ \x43\x81\x00\x29\xfa\xe4\x3e\xb5\x7d\xe8\x43\x83\xa2\x68\x81\x20\ \x50\x83\x4a\x42\x5c\x5b\x8d\x9a\xc4\xb5\xe5\x5a\xb5\x2d\xd9\x92\ \x6d\x46\xa4\x28\x92\x12\xef\xbb\xdc\xe5\x6d\x97\x7b\x9f\x99\x3e\ \x50\xa2\xb8\x92\x28\x91\x34\x2f\xa2\x9b\xf3\x44\x2e\x67\xce\xf0\ \xff\x3f\xff\xef\xfb\xfe\xe7\xdb\x33\xf0\xab\xf1\xff\x7b\x88\xf5\ \x7c\xd8\x99\x6d\x21\x67\x39\xd7\x7f\xa5\x37\x21\x36\x35\x01\xcb\ \x05\xbc\x11\x64\x88\x87\x19\xf4\x7a\x90\xb1\x6a\x13\x9d\xfd\xee\ \x2b\x3b\xac\x33\xa7\xba\xd7\x33\xa4\x56\x83\x08\xb1\x59\x56\x7d\ \xad\x88\x10\x9b\x19\xf8\x6a\x90\x20\xbe\x08\xe0\x3f\x0f\x11\xe2\ \x8b\x04\x7e\x25\x24\xdc\xf7\xc2\x74\x3a\x2d\x00\x4c\xd3\x74\x36\ \x0b\xf8\xe5\x92\x20\xee\x05\xf8\x4e\xd0\x9b\x0d\xfc\x72\x48\x10\ \x4b\x01\xbe\x19\xc1\x2f\x95\x04\xe5\x7e\xa0\x1f\x06\xf0\xce\x1a\ \xdb\xd5\x07\xce\xbd\xa1\xe0\x65\x05\x2b\x1c\xc1\x36\x4c\xe4\xd1\ \x21\xa4\x99\x29\x84\x10\x08\x55\x43\x54\xd5\x40\x6a\x06\x6b\x66\ \x1a\x61\xdb\x2b\x56\x81\xf4\x50\xeb\xd7\x1f\xc4\x75\xec\x77\xa8\ \xfd\xa3\x3f\xc1\xd7\xdc\x0a\x8a\x82\x23\x04\xca\x8e\x16\x2a\x5e\ \x78\x91\xe0\xab\x7f\x8a\xba\xb7\x03\x64\x79\xc5\x8b\xa8\x3c\xcc\ \xe5\x4e\x56\x15\x76\xb6\xb6\x10\x3a\xfc\x2c\x43\x99\x14\xc3\x1e\ \x2f\x86\x69\xe0\x7d\xe2\x19\xc2\xcf\x1c\x21\x95\x88\x93\x7a\xff\ \x5d\x0a\xb2\x82\xb0\xac\x15\x3d\x43\xd9\x68\xf0\x8e\xe3\x20\x84\ \x28\x89\x79\x24\x09\x61\xdb\xa4\x33\x19\x6e\xe4\x8a\x94\x0b\x41\ \xdd\xb1\x17\x08\x75\x1c\xc2\x51\x54\xb4\x40\x10\xcd\x30\x48\xc7\ \xc6\xb0\x2c\x0b\x27\x9f\x7f\x60\x2c\x9f\xd9\x16\x72\xee\x15\x0a\ \xca\x46\xab\xdc\x06\x24\x07\x84\x00\x39\x58\x86\xba\xa3\x95\xe2\ \xcc\x34\xb2\xa6\x53\xf3\xe8\x63\x44\x0e\x3e\x81\xaa\xaa\x38\x8a\ \x82\xb6\x75\xdb\xfc\x7d\xc5\x62\x11\xe1\xf1\x62\x46\x1a\xc8\x68\ \x3a\x38\x36\x48\x12\x52\x2e\xbb\x2c\x12\x94\x8d\x96\xbe\xbc\x60\ \xf5\x5d\x95\xd5\x6c\xfb\xcb\xbf\x86\x5c\x16\x47\xd5\x08\x46\x1a\ \x70\xf9\x7c\xf3\x2a\xc9\xc4\xc6\xb0\x1d\x07\xd5\x1f\x44\xd5\x34\ \x82\x55\xd5\xd4\x1d\xf9\x2a\x56\x7a\x16\x43\xd3\x88\xcd\x24\xb1\ \x2e\x5f\x40\x8a\x8e\x2c\xb9\x72\x28\x1b\xb2\xe2\x42\x80\x53\xca\ \xb1\xe2\xf1\xa2\xef\x3f\x80\x59\x59\x4d\xa0\xa2\x62\x6e\x85\x85\ \xa0\x98\xcd\x90\x19\x1a\x60\xfc\xdd\xb7\x99\xba\x7c\x11\x61\xdb\ \x04\xda\xf7\x53\x7b\xec\x9b\xb8\x42\xe5\x44\x0e\x7e\x99\xd0\xf6\ \x66\xf2\xf9\x3c\xce\xe0\x20\xa3\x13\x71\xe4\xd8\xe8\x5d\xf3\x2f\ \xa6\x82\xd5\x25\x40\x08\x0a\x07\x9e\x42\xbe\x78\x1e\x29\x9b\xb9\ \xeb\xcf\xb3\x35\x11\x7a\xdb\x0f\xb0\x2b\x3e\x84\x33\x78\x03\x79\ \x6c\x78\x6e\x75\x81\x42\x2a\x49\xe2\xbd\x77\xf8\x54\x51\x69\x7b\ \xf9\x15\xfc\x75\xf5\x00\xc4\xc7\x46\x19\xfe\x97\x1f\x90\xf8\xc5\ \x4f\xb1\xc6\xa3\x08\xc3\x64\xba\xab\x13\x51\x55\x43\xe3\xd1\x63\ \x08\x21\x70\x95\x57\x90\xbf\xd6\x8d\xfc\xe1\x7b\x48\x13\x71\x1c\ \xdb\x2e\xc9\x2b\xcb\x52\xc0\x4a\xe4\x6f\xbb\x0c\xd8\x7f\x10\xef\ \xa1\xa7\xd0\x5a\xda\xe0\x64\x05\x63\x6f\x9c\x42\x2f\xe4\x4b\xae\ \xab\x3d\x74\x98\xc8\xd7\x8f\xe3\x92\x04\x23\xfd\x7d\x4c\xbd\x71\ \x8a\xc0\xbb\x3f\x9b\x37\x24\x4e\x6f\x37\xc9\x4c\x9a\xc9\x47\x1f\ \xc3\x53\x1d\x46\x00\xb3\xa3\x23\x24\x7e\x76\x06\x2b\x31\x3e\x97\ \x24\x33\x69\x26\xae\xf7\xa1\x9c\x7b\x8b\xf0\xc1\x27\x71\x05\x82\ \x14\xa6\xa7\xb8\x7e\xf2\x04\x89\x37\x4f\x23\xc5\x63\x4b\x06\xbf\ \x6a\x0a\xc8\xb4\xec\xa6\xe2\xa5\x57\x79\x74\xef\x3e\x5c\x9a\x46\ \xb7\x55\xa4\xa7\xbb\x87\x96\x5f\x5e\x9c\x8f\x71\x57\x64\x0b\x0d\ \xcf\x1e\xa1\xbc\xbd\x1d\x45\x51\xa8\xaa\xa8\xe0\xca\x7f\x9e\x26\ \x5b\x22\x20\x41\x7c\xf0\x06\xb1\x44\x82\x70\xa1\x80\x66\x18\x68\ \x13\x71\x84\xa2\x96\x3c\x4f\x17\x20\x4d\xc6\x29\x4c\x4d\xa0\xfb\ \x03\xe4\x73\x39\xf2\xfd\xd7\xb0\xc6\x46\x96\x64\x6c\x16\x86\xc1\ \xaa\x10\xe0\xee\xeb\xa6\x22\x39\x85\x61\x18\x68\x9a\x46\xd3\xbe\ \xfd\xb8\xbf\xfd\x1d\xc6\x5e\xf7\x92\xbd\xd1\x47\x5a\xd1\xf0\x1c\ \xfd\x3a\x35\x4f\x3f\x77\xdb\x81\x8d\x47\x71\x06\xfa\x6f\x97\x3f\ \x49\x46\xab\xab\x67\xc7\xee\x3d\x94\xb7\xb6\xa1\x9b\x26\x00\xde\ \xc6\xed\xb8\xeb\x1b\x98\x1e\x8f\x82\x3d\x57\xeb\x75\x4d\xc3\x57\ \x1d\x46\x0d\x84\xe6\x56\xdb\xe5\x42\x69\xdb\x83\x7d\xf9\x23\xc4\ \xd4\xc4\x03\x9d\xe1\xa2\x0a\x58\x69\xf6\x8f\xe5\x0a\x64\xae\x5c\ \x21\xf4\xa5\x27\xa8\xac\xac\xc4\x30\x0c\xc2\xcf\x1f\xc3\xdb\xbe\ \x1f\xaf\x69\xd2\xd9\xd3\x43\x79\x75\x0d\x96\x65\x21\xcb\x32\xc5\ \x62\x91\x81\xa1\x41\x2e\xf4\xf6\xd3\x76\x73\xc9\x84\xcb\x85\xe7\ \xb9\xaf\xb1\xfd\x77\x5f\xc4\x5b\x5e\x31\x3f\xb7\xaf\x65\x17\x91\ \xdf\xfb\x7d\x72\xf9\x3c\xf9\xbe\x1e\x1c\x55\x23\xd0\xbe\x8f\xea\ \xaf\x7e\x03\xd5\xeb\x05\xc0\xf0\xfa\xa8\x7b\xee\x28\xd9\x91\x41\ \x66\xde\x3a\x0b\x37\xc3\x65\xdd\x42\x20\x94\x49\xa2\xf6\x75\x23\ \xd9\xf6\x7c\xc9\x32\xdc\x6e\xb4\xad\x8d\xc8\xb2\x4c\x7b\x55\x35\ \x42\x08\x24\x69\x0e\xad\x2c\xcb\xe4\x42\x55\x84\xca\x82\x38\x53\ \x09\x04\x0e\x42\x51\xc8\x17\xf2\x4c\x0d\x0f\xcf\x25\x34\xb7\x87\ \x40\xdb\x63\xa8\xa6\x1b\xcf\xbe\x0e\xc2\x42\x42\xb7\xe7\x08\xf4\ \x35\x3d\x82\x59\x17\x41\x92\x24\x8a\xc5\x22\x92\xe3\x50\xd5\xdc\ \xc2\xf8\xe1\xdf\x20\xfd\xd9\x65\x8a\x89\x38\x02\x67\xfd\x08\x50\ \x83\x21\x6a\x9e\x7c\x1a\xdd\x30\x4a\x12\x90\x7c\xd3\xa3\xcb\xf7\ \xf0\xea\x4d\xb5\x61\x82\x2f\xff\x21\xf1\x37\x4e\x93\x18\x19\x26\ \xae\x1a\xec\xb8\x7a\x85\x68\x7d\x23\x99\xd7\x7f\x8c\xf0\xfa\x68\ \xfd\xee\x9f\x51\xb1\x7b\x0f\xde\xca\x2a\xcc\x5f\x3f\x82\xaa\xeb\ \x08\x21\xe6\x49\x4e\x45\x47\x99\xbe\xd2\xc9\xec\xc8\x30\x45\xcb\ \x22\x35\x33\x8d\xd5\xf5\xd9\x92\x3c\xc0\xad\x3c\xb0\x6c\x02\xae\ \x37\xec\xa0\xac\xb6\x8e\x9a\x89\x18\xf9\xe8\x08\xd9\x42\x11\xcf\ \xd1\x6f\xb0\xeb\xf8\xb7\xb1\x97\x68\x77\x85\x10\x94\x6f\xd9\x8a\ \xef\xf8\x77\xf0\xee\xed\xc0\x73\xb5\x8b\x50\xa8\x8a\xed\x0d\xf5\ \x38\xfe\x00\x37\x3a\x3f\x66\xfc\xec\x1b\x4c\x76\x75\x12\x6a\xd9\ \x89\xe2\x32\x10\x9a\x86\x65\x59\xd8\x96\x85\xa6\xeb\xd8\xc5\x22\ \x97\x7f\xf0\x0f\x14\xde\xfe\x2f\x72\xe3\x51\xf0\xf8\x96\x95\xfd\ \x57\xa4\x80\x82\x6e\xa0\xec\x79\x9c\x2d\x2f\x1c\xa7\xc9\xe7\xa6\ \x38\x91\xa0\x77\x64\x14\x6f\xe3\x76\x1c\x21\x90\x25\xa9\xc4\xaa\ \x5a\xb9\x2c\xa9\x89\x09\xc6\xe3\x71\x6a\x3d\x6e\x8c\xea\x30\x92\ \xdb\x8d\x24\x49\x08\x49\x42\x2f\xaf\xa0\xc2\xeb\xa3\xe6\xf1\x03\ \xd8\xb6\x8d\xaa\xaa\xd8\xb6\x4d\xf6\x89\xa7\x98\xfe\xe8\x03\xa6\ \x46\x47\xb1\x2c\x8b\x42\x2a\xc9\x44\x4f\x37\x85\x91\x21\x92\x1e\ \x3f\xb5\xad\xbb\xd0\xf2\x59\xcc\x5c\x86\x68\xff\xb5\xb9\x07\xa6\ \x92\xac\x24\x81\x2d\x99\x00\x07\xc8\x57\xd5\x50\xb7\xff\x71\x76\ \xee\xdc\x89\xdb\xed\x9e\x4b\x52\xd9\x2c\xb2\xa2\x94\xb0\x6f\x5b\ \x16\xd1\xb7\x7f\xce\xc4\xf9\x77\x98\x4c\xa6\x98\xee\xeb\x21\xa1\ \x6b\xc8\xbf\x76\x88\xe0\x33\x47\x68\xde\xb9\x6b\x5e\x15\xba\xae\ \x97\x84\x49\x3a\x9d\x26\x23\x24\xd4\x86\x6d\xe8\x3e\x1f\xc9\xc9\ \x49\x66\x2e\x5f\x64\xe8\xc7\x3f\x24\x7f\xbd\x8f\x19\x8f\x1f\xf3\ \xe5\x57\xf0\x1f\x3a\x4c\xde\xed\x05\xaf\x1f\x92\xd3\x2b\x0e\xdf\ \x25\x13\x20\x80\xeb\xc1\x4a\x5a\x3c\x3e\x5c\x2e\xd7\xed\x9a\xbc\ \xe0\x67\x80\xb1\xb1\x31\x46\x3e\x38\x4f\xfa\xd4\x8f\x48\x7f\x78\ \x9e\x42\x26\x8d\x90\x24\xa6\x1c\x98\xed\xbd\x46\x5e\x37\xa8\x8f\ \x44\x70\x79\x7d\x25\xf7\x59\x96\xc5\xd4\xd4\x14\x5d\xef\xbe\x43\ \xcf\xdf\xbd\x46\x79\x22\x8a\x36\x11\xe3\xfa\x40\x3f\xa9\xfe\x3e\ \xb2\x97\x2f\x20\x32\x69\xdc\xba\x8b\xe1\x37\x4f\x13\x4d\x24\x48\ \xfd\xf2\x53\xec\xcc\xec\xe7\x6a\x6a\x94\x64\xa7\x17\xcb\xcc\xef\ \xdf\x6f\xdb\xea\x4f\xa7\xf0\x67\x52\x28\x56\x11\xd9\x30\x11\x86\ \x89\xac\xdc\xe6\xd0\x2a\x14\xb8\xf2\x3f\xe7\xb8\xf4\xcf\xff\x88\ \x7a\xe9\x43\x44\x2e\x8b\x24\x04\xd2\xcd\xce\x8b\x98\x4d\x22\x4d\ \x26\xb0\x4d\x37\xee\xc6\x26\x54\xf5\xb6\xc1\xb1\x6d\x9b\xab\x7f\ \xff\x37\x5c\xfe\xf7\x13\x18\x3d\x57\x70\x5b\x05\x0a\xf1\x71\x72\ \xfd\xbd\x58\xc3\x37\x20\x7b\xd3\x32\x59\x45\x0a\xb1\x28\xf9\x8f\ \x3f\x80\xe1\x41\x44\x3e\xbf\x62\xf0\x3f\x9c\xcc\xfc\x95\x04\x90\ \xc9\x64\x1e\xdc\x3d\x15\x02\x3d\x39\x4d\xfa\xec\x7f\xd0\xfd\xda\ \xf7\xb9\xf8\xb7\xaf\xd1\x7b\xe9\x23\x8a\xc5\xe2\xfc\x35\xd9\x54\ \x8a\x1b\xef\x9d\x43\xed\xed\x46\xc9\xe7\xee\x9a\x43\x13\x02\xab\ \xb7\x9b\x89\x8b\xef\x53\xcc\x66\x70\x16\x6c\x58\xf2\x99\x0c\xb3\ \x3d\xdd\xd4\x5f\xeb\xa4\x4c\x91\x6e\xc9\x02\x3b\x39\x83\x93\x2b\ \x9d\x4b\x64\x33\x90\x4a\xc2\x3d\xf6\x1b\xcb\x1d\xf3\xea\x19\x1e\ \x1e\x5e\x72\x0a\x4d\xc7\xa2\x74\x9e\x3d\xc3\xc0\xd5\xab\x14\x0b\ \x85\xf9\xcf\x27\x67\x67\x91\x6d\x0b\x77\x7e\xf1\x3d\x79\x3e\x97\ \x63\x26\x1e\x27\x3e\x30\x30\x9f\x37\x2c\xcb\x62\xa8\xeb\x0a\x57\ \x63\xe3\x58\x62\x7d\xbb\x74\x12\x80\x61\x18\x4e\x6d\x6d\xed\xd2\ \x93\xa8\x03\x42\x92\xf0\x0a\x07\x65\x41\x8d\x2f\x0f\x04\x68\x08\ \xd7\xe0\x91\x16\xe7\x52\x15\x82\xdc\xa5\x0b\x8c\x45\xc7\x4a\xfc\ \x42\x56\x77\xe1\x0e\x04\x71\x1c\x7b\xfd\x09\x58\xf6\xe6\x07\xf0\ \xd6\xd5\xe3\xab\xdf\x02\x0b\x4a\x9f\x6a\x18\x04\x3c\x5e\x8c\x60\ \x70\xd1\x7b\x73\x0e\x84\xdb\xf7\xb2\xbb\xb9\xb9\xe4\xf3\x2d\x55\ \x95\x1c\xf8\xd6\x71\x82\x2d\xbb\x10\xba\x6b\xfd\xfa\x8e\x4b\x4d\ \x82\xb7\x4a\xa1\x2d\x24\x46\x1b\x9a\xa8\x7d\xfe\x18\xdb\x0e\x3e\ \x89\xc7\xef\x2f\x35\x39\x2e\x83\x99\x58\x94\xd4\xd0\x20\xd2\x1d\ \x79\x20\x2f\x24\xb2\x8d\xcd\xf8\xbf\xf6\x4d\xb6\x74\x1c\x44\x2c\ \x48\xa0\xba\xc7\x83\xff\x91\x56\xaa\x9f\x3b\x8a\x5d\x51\xc3\x54\ \x22\x8e\x9d\x18\x47\x72\xd6\xa6\x39\xb5\xb2\xdd\xa0\x61\xe2\xdd\ \xdb\xc1\xa1\x6f\xbd\x44\xd9\xa3\xed\x84\xaa\xab\xe7\xfd\xfd\x5c\ \x2f\x53\xa2\xac\x65\x27\xc6\x6f\xbe\xc0\x6c\x57\x17\xfe\xae\x4f\ \xc8\x20\x90\x75\x1d\x97\xdb\x8d\x7b\xc7\x4e\x2a\xbf\xf2\x5b\x44\ \x0e\x1c\x42\xba\x59\xff\xef\xaa\xcb\xc1\x10\xae\x8e\x43\x88\xcf\ \x3e\x41\xea\xbc\xb4\xe6\x0a\x50\xee\x64\x65\xb1\x1d\xa1\x03\xe0\ \x0b\xc0\xde\x0e\x1a\x3b\x0e\xe2\x29\x2b\x5b\x74\xd2\xba\xb6\xdd\ \x68\x7f\xf1\x3d\x8a\x3f\x7f\x93\xde\x58\x1c\x77\x43\x23\x01\xd3\ \xa0\x6c\xcf\x7e\xc2\xfb\x3b\xe6\xcd\xcf\xc2\xea\x21\x49\x02\x55\ \x77\x91\x2f\x14\xc8\x26\x67\x51\x86\x07\x28\xae\x43\x08\x2c\xcb\ \x08\x39\xe3\x51\x9c\x78\x8c\xd9\xe4\x0c\x2e\x9f\x8f\x54\x2a\x85\ \x53\xc8\xa3\x1a\x26\xa6\x69\xce\xab\xa1\xac\xac\x8c\xc0\x97\x0e\ \x61\xed\x6e\xc7\x3f\x39\x89\xd7\xeb\xc5\xbc\x69\x7c\x34\x4d\xbb\ \x6d\xad\x0b\x05\x7a\x7a\x7a\x48\x5c\xfc\x00\xf7\xf8\x28\x15\x4d\ \xcd\x14\xca\xca\x19\xfb\xf8\x23\x0a\xfd\x3d\x6b\xf6\x95\xd8\x8a\ \x7b\x82\xc2\xb6\xc8\xbd\x7f\x8e\xfe\xfa\x2d\xcc\x56\xd7\xf0\x71\ \x6f\x1f\xfe\x4f\x2e\x50\xfd\xfc\x31\xaa\x1a\xb7\xe1\x6b\x6a\x46\ \x33\xdd\x73\x5b\x5f\x55\x45\xf2\x07\x88\xf8\x03\x8b\xce\x37\x3b\ \x1e\xe3\xda\xa9\x7f\xa3\xff\xf5\x93\x44\xa6\x13\xc4\x75\x0d\xa5\ \x7e\x0b\x99\x6c\x0e\x79\x3c\xba\x2e\x49\x50\x2c\xb7\x2d\xee\x68\ \x3a\x22\x1c\x81\xeb\xd7\x18\x14\x0a\xe5\xd8\xb8\x5d\x2e\xb4\xdd\ \x7b\x09\xbe\xf4\x2a\xcd\x5f\x7e\xba\xc4\x2a\x2f\xda\x47\x2c\x16\ \x19\x3b\x7f\x8e\x4b\xdf\xfb\x73\xec\xe1\x01\x94\x05\xe5\xef\xce\ \xdd\xe3\x5a\x2a\x60\xd9\x65\x50\xe4\x73\x70\x7d\x6e\x07\x16\x71\ \x8a\x18\x8e\x8d\x9d\x49\x33\x7d\xfe\x1d\x92\x9d\x9f\x50\xb8\xc3\ \x9d\xd9\x96\x85\x7d\xd3\xc9\xd9\x0b\x5a\x55\xf9\x62\x91\xf1\x9e\ \xab\xd8\x99\x74\x09\xf8\x5b\xae\x73\xbd\xc6\xaa\xb5\xc5\x5d\xaa\ \x46\xd8\xe3\xc6\x1b\x08\xce\xaf\xe2\xd0\xd0\x10\xe9\xce\xcb\xe8\ \x93\x09\xd4\x70\x1d\x6a\xfd\x56\x7c\x35\x61\x5c\x2e\xd7\x5c\x98\ \x34\x3d\xc2\x94\xbf\x8c\x50\x22\xb6\x6e\x47\x56\x97\xf4\xcd\xd0\ \xfd\xaa\xc1\xa2\x8e\xca\xe7\x27\x70\xf8\xd9\x79\xf9\xa6\x27\x27\ \xe9\xfa\xc9\x49\xc6\x4e\xfc\x2b\x55\x33\x13\xc8\x65\xe5\xe4\xf6\ \x1f\x64\xdb\x1f\xfc\x31\x4d\x4d\x4d\xe8\xba\x8e\x19\x2a\x47\x2b\ \x0b\x91\xbf\xa1\xa0\x5b\x45\x36\x62\x28\xf7\x63\x6a\x39\x24\xa4\ \xbc\x7e\x3e\xed\xea\xe6\x11\x7f\x90\x40\x20\x40\x76\xa0\x0f\xeb\ \xcc\x69\x3c\x63\xc3\xd8\x76\x11\x3b\x95\x64\x30\x39\x4b\xa0\xb1\ \x89\x70\xc0\x87\xa2\x1b\x88\xd8\x28\xe5\xc1\x20\x19\xc7\xd9\x90\ \xd5\x5f\xb5\x10\xb0\x1d\x87\xdc\xf4\x34\xd7\x5f\x3f\x49\x32\x1e\ \xc7\x5f\x13\x46\x3a\xff\x16\xa2\xb7\x1b\xc3\xbe\xbd\xb2\x91\xc9\ \x18\xf9\x9f\x9c\xe0\x9a\x70\x50\x8b\x05\x66\xce\xfd\x02\xeb\xca\ \x67\xc8\xb6\xb5\x21\xe0\x17\xad\x02\x2b\x6d\x95\x17\x34\x1d\xbb\ \xac\x82\x5c\x65\x35\x7a\x74\x04\x3d\x3a\x72\x0f\xcd\xa9\xc8\x15\ \x55\xd8\x13\xe3\x77\x6d\x73\x37\x3d\x01\x25\xaa\xe0\xe1\x39\x7e\ \x72\xbf\x23\x32\x4b\x4a\xbe\x9b\xf5\x84\xd8\x83\xc0\x2f\xd9\x07\ \xac\xe5\x8b\x0b\xce\x1a\x26\x40\xf9\xe8\x6f\xef\x5b\x91\x13\x5c\ \x6f\x25\xac\x95\xf3\x5b\xf2\x41\xc9\x87\x81\x84\x8d\x00\xbf\x22\ \x2b\xbc\x1e\xef\xf1\x7c\x2e\x35\x45\xb6\xfe\xd3\xaa\x1d\x96\xde\ \x6c\x4a\xa8\x3b\xfd\xdf\x52\x5b\x5b\xdb\x92\xfe\xaf\x74\x3a\x2d\ \x4c\xd3\x74\xbe\x30\x2f\x4c\xec\xfb\xdf\x2e\x29\x10\x08\xa0\xaa\ \xaa\xf3\x20\xe0\xb7\xd4\x6f\x9a\xa6\xb5\xe9\x5f\x99\xa9\x38\xf1\ \x53\xa9\xb5\xb5\x75\xfe\xf7\x07\x9d\x7b\x4e\xa7\xd3\xd2\xcd\x06\ \x97\x30\x4d\xd3\x5e\xd5\x78\x5e\x6f\x22\x96\x9b\x8f\x16\x9e\x8a\ \xbf\x45\xd6\x9a\x24\xb4\xb5\x26\xe2\xa1\x7c\x6d\x6e\xad\xc9\xd8\ \x34\x2f\x4e\xae\x16\x19\x0f\x7b\xb9\xfd\xd5\xf8\xa2\x8c\xff\x03\ \x09\x55\x0d\xa4\x3d\x7d\xc0\x88\x00\x00\x00\x00\x49\x45\x4e\x44\ \xae\x42\x60\x82\ \x00\x00\x05\xb0\ \x89\ \x50\x4e\x47\x0d\x0a\x1a\x0a\x00\x00\x00\x0d\x49\x48\x44\x52\x00\ \x00\x00\x40\x00\x00\x00\x40\x08\x06\x00\x00\x00\xaa\x69\x71\xde\ \x00\x00\x00\x06\x62\x4b\x47\x44\x00\xff\x00\xff\x00\xff\xa0\xbd\ \xa7\x93\x00\x00\x00\x09\x70\x48\x59\x73\x00\x00\x0b\x13\x00\x00\ \x0b\x13\x01\x00\x9a\x9c\x18\x00\x00\x00\x07\x74\x49\x4d\x45\x07\ \xe5\x03\x1d\x12\x1a\x14\xda\xdb\x8c\xbb\x00\x00\x00\x1d\x69\x54\ \x58\x74\x43\x6f\x6d\x6d\x65\x6e\x74\x00\x00\x00\x00\x00\x43\x72\ \x65\x61\x74\x65\x64\x20\x77\x69\x74\x68\x20\x47\x49\x4d\x50\x64\ \x2e\x65\x07\x00\x00\x05\x14\x49\x44\x41\x54\x78\xda\xed\x9b\x4d\ \x4f\x1b\x57\x14\x86\xdf\xb9\x33\x63\xc3\x2c\xc0\xe0\xa1\x96\x33\ \x18\x44\xd4\x08\xc4\x57\x22\x3e\x56\x35\xa9\x84\x54\x65\xc3\x06\ \xac\xa0\xc8\xc5\x0b\xaa\x88\x05\x52\x12\xa9\x8a\x94\x16\x36\xdd\ \x55\xfc\x03\x7e\x03\xe2\x07\xa0\x2e\x6a\xb5\x1b\x24\x04\x82\x05\ \xa2\x0a\x42\xa0\x8a\x1a\x4a\x64\x04\x0d\xd1\x8c\xc7\xf3\x71\xbb\ \x28\x76\x0d\xb1\x3d\x63\xc7\xc6\x1e\x3b\x67\x87\x6c\x8d\xef\xfb\ \x9c\xf7\x9c\xfb\xc1\x5c\xe0\x73\xd4\x77\x30\x77\xf9\x63\x3f\xbe\ \x79\x43\x0b\xf9\xfe\xcf\x4b\x4b\x8c\xa3\x01\x14\x2a\xb8\x12\x30\ \x98\x6a\x16\x7d\x17\x30\x4a\xf6\xa0\x68\x34\xea\xfd\x65\x6d\x2d\ \x7e\x97\x25\x55\x0a\x10\x8c\x53\xb2\x5e\x2e\x10\x8c\x93\x85\x97\ \x02\x02\x53\x0b\xe2\x53\x71\x4f\x92\x7e\x78\xf1\xf2\xe5\x52\xd9\ \x01\x54\xa3\xf8\x62\xdd\x90\xf7\x8b\xb2\x2c\x33\x00\x20\x08\x02\ \x75\x8a\xf8\x42\x21\x30\xd9\x04\xdf\x16\xed\x34\xf1\x85\x40\x60\ \xec\x08\x77\xa2\x78\xbb\x10\xb8\x7c\xa2\x9d\x2e\xbe\x24\x4d\xb0\ \x16\xc4\xe7\x73\x01\xa9\x87\x1d\x5f\xbe\x24\x92\x7a\xb5\xbe\x65\ \x09\xd4\xa2\xf8\x6c\xa5\x50\x17\x25\x90\x2f\xa9\xa4\x5e\xad\x5f\ \x97\x0e\xc8\x96\xdc\xba\x03\x60\xe9\x80\x7a\xb2\xff\x27\x3b\xe0\ \xe2\xf2\x12\xd3\xcf\x9e\xe1\x8f\xb7\x6f\x1d\x5b\x06\x5c\x31\x0f\ \x88\x9d\x9c\x60\xf0\xe1\x43\x7c\xf7\xfc\x39\x02\x81\x00\x24\x49\ \x72\xac\x03\xb8\x62\xec\xff\xed\xcc\x0c\x86\x87\x87\xd1\xd2\xd2\ \x02\x55\x55\x71\x12\x8b\xa1\xa9\xbb\xdb\xf9\x00\xec\xc4\x83\xee\ \x6e\x04\x83\x41\xb0\x2c\x0b\x4a\x29\x92\xc9\x24\xbe\xf0\xf9\xea\ \xa3\x07\xb4\x78\xbd\x08\x85\x42\x60\x59\x16\xa6\x69\x42\xd3\x34\ \x08\x82\x00\x97\xcb\xe5\xd8\xe9\xd0\x36\x00\x45\x55\x11\x0a\x85\ \x20\x08\x02\x28\xfd\xbf\x52\x58\x96\xc5\xd0\xd0\x50\xed\x3b\x60\ \x76\x76\x16\x3e\x9f\x0f\xba\xae\xa7\x01\x50\x4a\x41\x08\x41\x47\ \x47\x47\x6d\x03\xd0\x4d\x13\x7e\xbf\x1f\x0d\x0d\x0d\x37\xb2\x4f\ \x29\x85\xa6\x69\xf0\xd5\x7a\x0f\x98\x9a\x9a\x82\xc7\xe3\x81\x69\ \x9a\x37\xb7\x92\x0c\x03\x4a\x29\x44\x51\xc4\xc1\xe1\x61\x6d\x02\ \x38\x3c\x3a\x42\x5f\x5f\xdf\x7f\x4e\xd0\xf5\x8f\x3e\x37\x0c\x03\ \xcd\xcd\xcd\x18\x19\x19\x29\x6a\x00\x99\x8e\xaa\x18\x00\x45\x51\ \x72\x9e\x0b\x88\x6d\x6d\x48\x24\x12\x79\x07\xea\x76\xbb\x31\x3f\ \x3f\x0f\xc3\x30\x0a\x3f\x90\xb8\x76\x91\x69\x9a\x15\x81\x91\x76\ \x40\x2c\x16\xcb\x0a\xa1\xab\xab\x0b\x6d\x6d\x6d\x59\xb3\x9f\x8a\ \x64\x32\x09\x42\x08\x9a\x3c\x9e\xe2\x4e\x65\x18\x06\x0c\xc3\x54\ \xce\x01\x8d\x8d\x8d\x54\x92\xa4\xac\xf8\x7d\x3e\x1f\x4c\xd3\x04\ \x21\xb9\xab\xc5\x30\x0c\xb8\x5c\x2e\x04\x83\xc1\xa2\x07\x92\x02\ \x60\x18\xc6\x47\xbd\xa6\xa2\x3d\xa0\xaf\xaf\xcf\x72\x40\x0c\xc3\ \xc0\x30\x0c\x0c\x0c\x0c\xe0\xf2\xfd\xfb\x4f\x82\xc0\xb2\xec\x9d\ \xf6\x06\x4b\x00\x3b\x3b\x3b\xe0\x38\xce\x56\x56\x5a\x5b\x5b\xb1\ \xb8\xb8\x88\x3f\x8f\x8f\x2d\x1b\x5f\x3e\x81\xa9\xbe\x90\x2a\xbb\ \x72\xc0\x48\x9d\x0f\x5a\x02\x48\x26\x93\xd0\x75\x3d\x9d\x99\x5c\ \x61\x9a\x26\x14\x45\x41\x73\x73\x33\x22\x91\x08\x62\x27\x27\xb6\ \x2c\x9f\xeb\x33\x42\x48\xba\xec\xca\xd9\x1f\x48\x36\x2a\x99\xb1\ \xbf\xbf\x9f\xee\xd2\x76\x82\xe7\x79\x8c\x8e\x8e\x62\xec\xf1\xe3\ \xa2\xc4\xdf\x18\x1c\x21\x95\x2f\x81\xb3\xb3\x33\xc4\xe3\x71\x70\ \x9c\xbd\x8d\x23\xa5\x14\x5e\xaf\x17\xe1\x70\x18\xf7\xda\xdb\xab\ \x72\xf1\x93\x99\x68\x4b\x00\x1d\xed\xed\xb8\xb8\xb8\x00\xcf\xf3\ \xb6\x32\x47\x29\x85\x2c\xcb\xe0\x79\x1e\x73\x73\x73\x18\x7c\xf4\ \xc8\x59\x2b\xc1\x6c\x65\xb0\xb4\xb4\x84\xd3\xd3\x53\xcb\x3e\x90\ \x69\x71\x5d\xd7\xc1\x71\x1c\x26\x27\x27\xd1\x3f\x38\xe8\xec\xbd\ \x80\xe4\xf7\x63\x7d\x7d\xbd\xe0\xba\x54\x55\x15\x84\x10\x84\xc3\ \x61\xbc\x78\xf5\x0a\xda\xad\x95\x62\xa5\x97\xc1\x05\x6d\x87\x57\ \x57\x57\x71\x75\x75\x05\xb7\xdb\x9d\x9e\xa6\x6c\xed\x24\x75\x1d\ \x8a\xa2\x40\x14\x45\xcc\xcf\xcf\x43\x0a\x04\xd2\xd3\x64\x25\x56\ \x7f\xb7\x1d\x5e\xd0\xff\x06\x8f\x63\x31\x2c\x2c\x2c\xa0\xfb\xfa\ \xfc\x4f\x55\x55\xfb\xa4\x09\x81\xdb\xed\x06\x00\xec\xee\xee\x62\ \x73\x73\x13\x1b\x1b\x1b\xf0\x34\x35\x55\x27\x80\x5c\x10\x40\x08\ \x22\x91\x08\x7a\x7a\x7a\xa0\x69\x1a\x34\x4d\xb3\x5d\x16\x94\x52\ \xf0\x3c\x0f\x8e\xe3\x70\x7e\x7e\x8e\xad\xad\x2d\xfc\x16\x8d\x56\ \x4c\x3c\x00\xe4\xed\x6a\x63\xc1\xe0\x4f\x59\x54\xe0\xd7\x68\x14\ \x3c\xcf\xa3\xb3\xb3\x13\x82\x20\xd8\x2a\x09\x42\x08\x58\x96\x85\ \xcb\xe5\xc2\xde\xde\x1e\x56\x56\x56\xb0\xb6\xb6\x86\x96\x22\x37\ \x50\xa5\x10\x6f\xe9\x80\x9c\x2e\xb8\x8e\xbf\xdf\xbd\xc3\xf4\xf4\ \x34\xfa\xfb\xfb\xd1\x7e\x3d\xe7\x6b\x9a\x06\x96\x65\xa1\xeb\x7a\ \x7a\xea\xa4\x94\x42\x51\x14\xc4\xe3\x71\x1c\x1c\x1c\x60\x79\x79\ \x19\x5f\xde\xbf\x5f\x51\xeb\x97\x04\x00\x00\x24\x54\x15\x4a\x22\ \x01\x49\x92\x10\x0c\x06\x21\x8a\x22\x58\x96\x85\xdf\xef\xc7\xd1\ \xd1\x11\x3e\x7c\xf8\x80\xed\xed\x6d\x1c\x1f\x1f\xe3\x9f\x8b\x0b\ \x88\xa2\x58\xf1\xc6\x57\x10\x00\x3b\x10\xb2\x41\x69\xb8\x6e\x78\ \xd5\xb4\xea\x2b\x7a\x1a\x2c\xf4\x3d\xdc\x6a\x11\xff\xcd\x93\x27\ \x81\x92\xad\x03\xee\xe2\xf6\x46\xa9\x63\x7c\x7c\xfc\x2f\xcb\x55\ \x6b\xa1\x0f\xad\xe9\x57\x65\x6b\x01\xc2\x57\x63\x63\x5f\x4f\x4c\ \x4c\xfc\x6e\xfb\x14\xaa\xd8\x1f\xaa\x46\x08\xe1\x99\x19\x32\x30\ \x30\x60\x6b\x5c\xb2\x2c\x33\x82\x20\xd0\x9a\xb9\x30\xf1\xfd\xeb\ \xd7\xc4\xe3\xf1\x80\xe7\x79\x6a\x25\x3c\xd5\xff\x04\x41\x30\xca\ \x76\x65\x26\x73\x65\x58\xce\x4d\x4f\xe8\xe9\x53\xd2\xdb\xdb\x9b\ \xfe\xdb\xea\xbd\x67\x59\x96\x09\x00\x0a\x80\x11\x04\xc1\x2c\xe9\ \xc8\x32\x41\xa4\x8e\xd1\x52\xe7\x7b\x95\x6c\x74\x59\xb2\x9f\x86\ \x55\x96\xd4\x94\xbb\x34\xaa\xf2\xda\x5c\xb9\x61\x38\xe6\xe2\x64\ \xa9\x60\x38\x71\xe1\xf5\x39\x9c\x18\xff\x02\x35\xe5\x28\x12\x13\ \x49\x8d\x75\x00\x00\x00\x00\x49\x45\x4e\x44\xae\x42\x60\x82\ \x00\x00\x06\xb0\ \x89\ \x50\x4e\x47\x0d\x0a\x1a\x0a\x00\x00\x00\x0d\x49\x48\x44\x52\x00\ \x00\x00\x40\x00\x00\x00\x40\x08\x06\x00\x00\x00\xaa\x69\x71\xde\ \x00\x00\x00\x06\x62\x4b\x47\x44\x00\xff\x00\xff\x00\xff\xa0\xbd\ \xa7\x93\x00\x00\x00\x09\x70\x48\x59\x73\x00\x00\x0b\x13\x00\x00\ \x0b\x13\x01\x00\x9a\x9c\x18\x00\x00\x00\x07\x74\x49\x4d\x45\x07\ \xe5\x03\x1d\x12\x1f\x13\x39\xc8\xed\x5d\x00\x00\x00\x1d\x69\x54\ \x58\x74\x43\x6f\x6d\x6d\x65\x6e\x74\x00\x00\x00\x00\x00\x43\x72\ \x65\x61\x74\x65\x64\x20\x77\x69\x74\x68\x20\x47\x49\x4d\x50\x64\ \x2e\x65\x07\x00\x00\x06\x14\x49\x44\x41\x54\x78\xda\xed\x5b\x4b\ \x6f\x13\x57\x14\xfe\xe6\xce\x8c\x6d\x2e\x52\x62\x27\x93\x5a\xae\ \xe3\x40\x10\x28\x88\x3c\x40\x90\x6c\x8a\xc3\x23\xa8\x62\xc3\x82\ \xc4\x21\x42\x69\xb2\xa0\x05\xaa\x24\xaa\x90\x2a\x24\x54\xd8\x74\ \x57\x05\x55\x42\xa5\x1b\x84\xfa\x0b\x50\xd4\xb5\x5b\x68\x0d\x04\ \x09\x8a\x12\xc1\x02\x82\x40\x16\x51\x48\x1d\x0a\x32\x98\xf2\x98\ \x89\x3d\x8f\xdb\x05\xb1\xe5\x50\x3b\x7e\x64\xfc\x4a\x38\x3b\x3f\ \x34\x73\xbf\xef\x7c\xe7\xdc\x73\xce\x9d\x01\x3e\xda\xea\x36\xae\ \x98\x37\xfb\xee\xd4\x29\x96\xcb\xff\x7f\x18\x1d\xe5\x2a\x9a\x80\ \x5c\x01\x97\x82\x0c\xae\x9c\x41\x7f\x68\x92\x24\x21\x1c\x0e\x9b\ \x4a\x86\x60\xd6\x85\x02\x81\x40\xed\xef\x7e\x7f\xb8\x50\xe0\xbb\ \xf6\xed\xc3\x67\x3b\x77\x62\xfc\xfa\x75\x00\x60\x66\xa9\x82\x2b\ \x77\xaf\x37\x36\x36\xe2\x60\x4f\x0f\x18\x63\x58\xbb\x76\x2d\x6e\ \x8c\x8f\xe3\xda\xd5\xab\xa6\x85\x07\x57\xae\xc0\x09\x21\x38\xd8\ \xdd\x8d\x8d\x9b\x36\xe1\xd7\xb1\x31\x08\x82\x80\x9e\xde\x5e\xfc\ \xe6\xf7\x63\x72\x62\xc2\xb4\x1c\x41\xca\x11\x3c\x00\x7c\x75\xec\ \x18\x78\x9e\xc7\x8f\x67\xcf\x22\x18\x0c\xa2\xda\x6e\x07\xc7\x71\ \x98\x7d\xf2\x24\xed\x7a\x7e\x3e\x7f\xfe\x54\x51\x14\x50\x68\xf0\ \x00\x60\xb5\x5a\x11\x8d\x46\x13\x9f\x7b\x7a\x7b\xb1\x7e\xfd\x7a\ \xfc\x72\xf1\x22\x5e\xbf\x7e\x6d\xda\x8e\xb1\xa4\x02\x64\x59\xe6\ \x64\x59\xe6\x8a\x0d\x1e\xc0\x22\xf0\x36\x9b\x0d\x35\x35\x35\x90\ \x65\x19\x9a\xa6\x25\xbe\x6f\x6d\x6b\x5b\xb6\x83\x48\x2a\xc0\x71\ \xd0\x94\x52\x46\x29\x65\xc5\x06\x9f\xca\x28\xa5\x88\xbc\x7c\x09\ \x59\x96\x21\x49\x12\x86\x46\x46\xb0\x67\xef\x5e\x58\x2c\x96\x65\ \x91\xc0\xc5\x81\x27\xdd\x88\x95\x4a\xf6\xe9\xcc\xe1\x70\xe0\xeb\ \xa1\x21\xdc\x18\x1f\x07\xa5\x14\xed\x1d\x1d\xf8\xe3\xca\x15\xfc\ \x75\xeb\xd6\xb2\x0b\x28\x61\x29\xd0\xe5\x00\x1e\x00\xea\x3d\x1e\ \xf0\x3c\x8f\xdd\x7b\xf6\x60\x66\x66\x06\x3f\x9d\x3b\x87\x77\xef\ \xde\x15\xa7\x12\x2c\x35\x78\x00\x10\x45\x11\x43\x23\x23\xb8\x72\ \xf9\x32\xa6\xee\xdf\x37\xb5\x8c\xae\x08\x02\x00\x80\xe3\x38\x30\ \x96\xff\x52\xd2\x91\x40\x2a\x01\x3c\x80\x65\x81\xcf\x2b\x04\xca\ \x09\x7c\x21\x3b\x4a\x82\x55\x64\xa9\x9c\x4a\x56\x8b\xf7\x4d\xef\ \x05\x56\x8a\x0a\x56\x1d\x01\x19\x15\xb0\x9a\xe4\xbf\x6c\x05\x44\ \x5e\xbd\x42\xdf\xe1\xc3\x78\xf0\xf0\x61\xc5\x86\x41\x5e\x23\xb1\ \xd0\xdc\x1c\xda\xb6\x6e\xc5\x97\x47\x8f\xc2\xe3\xf1\xc0\xed\x76\ \x57\xac\x02\x84\x7c\xe4\xff\xc5\xc0\x00\x76\xec\xd8\x01\x87\xc3\ \x81\x68\x34\x8a\xb9\x50\x08\x55\x4d\x4d\x95\x4f\x40\x36\xb6\xa9\ \xa9\x09\x5e\xaf\x17\x3c\xcf\x83\x31\x86\x58\x2c\x86\x4f\x9c\xce\ \xd5\x91\x03\x1c\xb5\xb5\xf0\xf9\x7c\xe0\x79\x1e\x86\x61\x40\x55\ \x55\x50\x4a\xd3\xf6\xe4\x95\x90\x07\xb2\x26\x40\x89\x46\xe1\xf3\ \xf9\x40\x29\x5d\x54\x97\xf3\x3c\x8f\xed\xdb\xb7\xaf\x7c\x05\x1c\ \x39\x72\x04\x4e\xa7\x13\x9a\xa6\x25\x08\x60\x8c\x81\x10\x82\x86\ \x86\x86\x95\x4d\x80\x66\x18\x70\xb9\x5c\xb0\xd9\x6c\x8b\xbc\xcf\ \x18\x83\xaa\xaa\x70\xae\xf4\x1c\xd0\xd3\xd3\x03\xbb\xdd\x0e\xc3\ \x30\x52\xf6\xe8\x92\x24\x21\xf8\xf8\xf1\xca\x24\xe0\xf1\xf4\x34\ \x9a\x9b\x9b\xdf\x2b\x21\x69\x22\x1b\x37\x5d\xd7\x51\x5d\x5d\x8d\ \xf6\xf6\xf6\xb2\xea\xf3\x73\x22\x40\x51\x94\xb4\x73\x01\xa9\xae\ \x0e\xf3\xf3\xf3\x4b\x2e\xd4\x6a\xb5\x62\x78\x78\x18\xba\xae\xe7\ \x3e\x90\x58\x50\x91\x61\x18\x25\x21\x23\xa1\x80\x50\x28\x94\x92\ \x84\xc6\xc6\x46\xd4\xd5\xd5\xa5\xf4\x7e\xdc\x62\xb1\x18\x08\x21\ \xa8\xb2\xdb\xf3\x9b\xca\x70\x1c\x38\x8e\x2b\x9d\x02\xd6\xac\x59\ \xc3\xdc\x6e\x77\x4a\xfa\x9d\x4e\x27\x0c\xc3\x00\x21\xe9\xa3\x45\ \xd7\x75\x58\x2c\x16\x78\xbd\xde\xbc\x17\x12\x27\x40\xd7\xf5\xff\ \xe5\x9a\x92\xe6\x80\xe6\xe6\xe6\x8c\x0b\xe2\x38\x0e\xba\xae\xa3\ \xb5\xb5\x15\xaf\x32\x1c\x5b\x65\xba\x0e\xcf\xf3\x45\xcd\x0d\x19\ \x09\xb8\x7b\xf7\x2e\x04\x41\xc8\xca\x2b\x35\x35\x35\x38\x73\xe6\ \x0c\x66\x66\x67\x33\x26\xbe\xa5\x00\xc6\xf3\x42\x3c\xec\x0a\x41\ \x46\x7c\x3e\x98\x91\x80\x58\x2c\x06\x4d\xd3\x12\x9e\x49\x67\x86\ \x61\x40\x51\x14\x54\x57\x57\x63\x70\x70\x10\xa1\xb9\xb9\xac\x24\ \x9f\xee\x37\x42\x48\x22\xec\x0a\x99\x1f\x48\x2a\x56\x92\xed\xd1\ \xa3\x47\x89\x2c\x9d\x8d\x89\xa2\x88\x8e\x8e\x0e\x74\xee\xda\x95\ \x17\xf8\x45\x8b\x23\xa4\xf4\x21\xf0\xec\xd9\x33\x84\xc3\x61\x08\ \x42\x76\x8d\x23\x63\x0c\xb5\xb5\xb5\xe8\xef\xef\xc7\xa7\xf5\xf5\ \x65\x59\xfc\x24\x3b\x3a\x23\x01\x0d\xf5\xf5\x88\x44\x22\x10\x45\ \x31\x2b\xcf\x31\xc6\x20\xcb\x32\x44\x51\xc4\xf1\xe3\xc7\xd1\xb6\ \x6d\x5b\x65\x55\x82\xa9\xc2\x60\x74\x74\x14\x4f\x9f\x3e\xcd\x98\ \x07\x92\x25\xae\x69\x1a\x04\x41\x40\x77\x77\x37\x5a\xd2\x9c\xe3\ \x57\x4c\x2f\xe0\x76\xb9\x70\xf3\xe6\xcd\x9c\xe3\x32\x1a\x8d\x82\ \x10\x82\xfe\xfe\x7e\x7c\x73\xe2\x04\xd4\x0f\x2a\xc5\x52\x97\xc1\ \x39\xb5\xc3\x63\x63\x63\x78\xf3\xe6\x0d\xac\x56\x6b\x4e\x07\x95\ \x9a\xa6\x41\x51\x14\x48\x92\x84\xe1\xe1\x61\xb8\x3d\x9e\xc4\x36\ \x59\x8a\xea\xef\x43\x85\xe7\x74\x36\x38\x1b\x0a\xe1\xf4\xe9\xd3\ \x68\x5a\x98\xff\x25\x3f\xc6\x92\x4d\x46\xb7\x5a\xad\x00\x80\x7b\ \xf7\xee\x61\x62\x62\x02\xb7\x6f\xdf\x86\xbd\xaa\xaa\x3c\x09\x48\ \x47\x02\x08\xc1\xe0\xe0\x20\x36\x6f\xde\x0c\x55\x55\xa1\xaa\x6a\ \xd6\x61\xc1\x18\x83\x28\x8a\x10\x04\x01\x2f\x5e\xbc\xc0\xe4\xe4\ \x24\xae\x05\x02\x25\x03\x0f\x00\x4b\x66\xb5\x4e\xaf\xf7\xfb\x14\ \x28\xf0\x67\x20\x00\x51\x14\xb1\x6e\xdd\x3a\x50\x4a\xb3\x0a\x09\ \x42\x08\x78\x9e\x87\xc5\x62\xc1\xd4\xd4\x14\x2e\x5d\xba\x04\xbf\ \xdf\x0f\x47\x9e\x0d\x94\x19\xe0\x33\x2a\x20\xad\x0a\x16\xec\x9f\ \xe7\xcf\xd1\xd7\xd7\x87\x96\x96\x16\xd4\x2f\xec\xf9\xaa\xaa\x82\ \xe7\x79\x68\x9a\x96\xd8\x3a\x19\x63\x50\x14\x05\xe1\x70\x18\xc1\ \x60\x10\x17\x2e\x5c\xc0\xc6\x0d\x1b\x4a\x2a\x7d\x53\x08\x00\x80\ \xf9\x68\x14\xca\xfc\x3c\xdc\x6e\x37\xbc\x5e\x2f\x24\x49\x02\xcf\ \xf3\x70\xb9\x5c\x98\x9e\x9e\xc6\xdb\xb7\x6f\x71\xe7\xce\x1d\xcc\ \xce\xce\xe2\xdf\x48\x04\x92\x24\x95\x3c\xf1\xe5\x44\x40\x36\x24\ \xa4\x22\xc5\xb6\x90\xf0\xca\xa9\xea\xcb\x7b\x1b\xcc\xf5\x39\xdc\ \x72\x01\xff\xf9\xfe\xfd\x1e\xd3\xea\x80\x62\xbc\xbd\x61\xb6\x75\ \x75\x75\xfd\x9d\xb1\x6a\xcd\xf5\xa2\x95\x72\x7c\x9e\xad\xc3\xca\ \xf6\x61\xe9\x7c\x6d\x67\x67\xe7\xee\x03\x07\x0e\x5c\xcf\x7a\x0a\ \x95\xef\x8d\xca\x91\x84\xfe\x81\x01\xd2\xda\xda\x9a\xd5\xba\x64\ \x59\xe6\x28\xa5\xac\x6c\x5f\x98\xc8\xd5\xbe\x3d\x79\x92\xd8\xed\ \x76\x88\xa2\xc8\x32\x01\x8f\xe7\x3f\x4a\xa9\x5e\xb0\x57\x66\x92\ \x2b\xc3\x42\x36\x3d\xbe\x43\x87\xc8\x96\x2d\x5b\x12\x9f\x33\x3d\ \xf7\x2c\xcb\x32\xc1\xfb\x77\x8e\x38\x4a\xa9\x61\xea\xca\x92\x89\ \x88\x8f\xd1\xe2\xf3\xbd\x52\x26\xba\x14\xde\x4f\x90\x55\x10\xd7\ \x14\x3a\x34\xcc\xdc\x92\x0b\xbe\xb7\x9b\x45\x46\xc5\xbc\x38\x69\ \x16\x19\x95\x58\x78\x7d\xb4\x4a\xb4\xff\x00\x22\xd0\x8f\xeb\xba\ \x12\x56\x69\x00\x00\x00\x00\x49\x45\x4e\x44\xae\x42\x60\x82\ \x00\x00\x08\x44\ \x89\ \x50\x4e\x47\x0d\x0a\x1a\x0a\x00\x00\x00\x0d\x49\x48\x44\x52\x00\ \x00\x00\x40\x00\x00\x00\x40\x08\x06\x00\x00\x00\xaa\x69\x71\xde\ \x00\x00\x00\x06\x62\x4b\x47\x44\x00\xff\x00\xff\x00\xff\xa0\xbd\ \xa7\x93\x00\x00\x00\x09\x70\x48\x59\x73\x00\x00\x0b\x13\x00\x00\ \x0b\x13\x01\x00\x9a\x9c\x18\x00\x00\x00\x07\x74\x49\x4d\x45\x07\ \xe5\x03\x1d\x15\x3a\x03\xc9\xc3\x3b\x5b\x00\x00\x00\x1d\x69\x54\ \x58\x74\x43\x6f\x6d\x6d\x65\x6e\x74\x00\x00\x00\x00\x00\x43\x72\ \x65\x61\x74\x65\x64\x20\x77\x69\x74\x68\x20\x47\x49\x4d\x50\x64\ \x2e\x65\x07\x00\x00\x07\xa8\x49\x44\x41\x54\x78\xda\xd5\x9b\x59\ \x6c\x94\x55\x14\xc7\x7f\xf3\x4d\x77\x5a\xba\xb7\x0a\x42\x15\xa4\ \xad\x52\x41\x81\x28\x31\x4a\x8c\xa0\x89\x0b\x1a\xf7\xb8\xef\x3e\ \x18\xb7\xe8\x83\x0f\x68\xd4\xf8\xa4\x71\x89\xcb\x93\xbb\xe2\x9e\ \xb8\x05\xb7\x04\x7d\xd0\x1a\x43\x50\x89\xa5\x2d\xb6\x45\xc5\xd2\ \x50\xed\x62\x3b\x43\xcb\xd7\x99\x76\x66\xea\xc3\xf9\x86\x8e\x65\ \xe6\xde\xfb\x0d\x33\x5f\x87\x7f\x72\x93\x2e\xf7\xbb\xf7\x9c\x73\ \xef\x3d\xdb\x3d\xd7\x47\xf6\x51\x0b\x9c\x09\x2c\x07\x9a\x80\x46\ \xe7\x6f\x65\x4e\x03\x18\x73\xda\x10\xd0\x03\x74\x03\x9d\xc0\xf7\ \xc0\x30\x47\x20\xd6\x00\x4f\x03\x3b\x81\x18\x30\x9d\x66\x8b\x01\ \xbf\x02\x4f\x02\x27\xe7\x3a\xd3\x65\xc0\x03\xce\xca\x4d\x67\xa9\ \xb5\x01\xf7\x02\xf3\x72\x89\xf1\x4a\xe0\x31\x60\x24\x8b\x8c\xcf\ \x6e\x43\xc0\x43\x40\xf9\x5c\x32\xee\x03\x6e\x71\x88\x99\x9e\xa3\ \x36\x00\xdc\xe8\xd0\xe2\x29\x96\x02\xad\x73\xc8\xf8\xec\xd6\x0a\ \x2c\xf1\x8a\xf9\x2b\x80\x60\x0e\x31\x1f\x6f\x01\xe0\xd2\x6c\x6f\ \xf9\xa7\x72\x90\xf1\xd9\xed\x09\x37\x47\xc2\xb4\x63\x3e\xf0\x06\ \x70\x4d\x5a\xa2\xcb\xb7\xa0\xa9\x1c\x96\x95\x43\x7d\x31\xd4\x14\ \x41\x49\x1e\x14\xfa\xe5\xff\xe1\x28\xd8\x11\x18\x0e\xc1\xc0\x04\ \xec\x0e\x42\x77\x10\xa6\x62\xe9\x2e\xd6\x66\x47\x3f\x45\x32\x21\ \x80\x7c\xe0\x13\xe0\x02\x57\x24\x14\xfb\xe1\xa4\x2a\x69\xcd\x15\ \x50\xe0\x77\xc7\xc2\x64\x14\xba\x02\xd0\x3e\x22\x6d\x22\xea\x56\ \x08\x5f\x00\x97\x00\x53\xaa\x4e\x4a\xaa\x36\x6d\xda\x64\xb5\xb6\ \xb6\xbe\x05\x5c\x66\x3c\x6d\x81\x05\xeb\x17\xc2\x2d\x4d\xb0\xaa\ \x16\xea\x4b\xc0\x6f\xb9\x5f\x43\xbf\x25\xdf\xae\xa8\x86\x33\x8e\ \x92\xa5\xea\x3b\x00\xb1\x69\xd3\x11\x1a\x81\x63\x81\x4f\x8d\x77\ \x80\x6d\xdb\x07\x7f\x2f\x29\x29\x99\x76\xce\xfc\x03\x46\xd3\x59\ \xc0\xda\x7a\x38\x6f\x11\xcc\x2f\xc8\x8e\x16\x0a\x4e\xc2\xd7\x7d\ \xb0\x6d\x40\x7c\x44\x33\x3c\x09\x3c\xa8\x14\x40\x12\xc6\xe3\xda\ \xfe\x43\xa3\x29\xca\x0b\xe0\xf6\x66\x58\x54\xea\x8d\x1d\xea\x1b\ \x87\x97\xbb\x44\x20\x66\xb8\x0c\xf8\xd8\x8d\x0e\x58\x0a\xec\x00\ \xe6\x6b\x87\x6e\x28\x85\xdb\x9a\xb3\xb7\xea\xa9\xb0\x7f\x12\x5e\ \xe9\x82\xde\x71\xa3\xbd\x03\x9c\x02\xec\x31\xd1\x01\x3e\xe0\x33\ \x60\x99\x3e\xe4\xa9\x11\xe6\x8b\xf3\xbc\xf7\x43\x0b\xfd\xb0\xa6\ \x16\x46\x42\xd0\x6f\xeb\x7a\x17\x01\xab\x81\xd7\x4d\x04\x70\x33\ \x70\xb7\x11\xf3\xd7\x37\x82\xe5\x63\xce\xe0\xf7\xc1\xca\x6a\x18\ \x9a\x80\xbf\xb5\x42\x58\xec\xec\x80\x36\xd5\x11\xa8\x74\xe2\xf1\ \x1a\xed\xb6\xbf\xa7\x05\xf2\x2c\x72\x02\x53\x31\x78\xa1\xc3\xe4\ \x38\x0c\x3a\xd6\x21\x98\xa8\xbb\x13\x71\xaf\x96\xf9\xf2\x02\xd9\ \xf6\xb9\xc2\x7c\xdc\xd1\xba\xad\x59\x68\x53\xa3\x0e\xb8\x2b\xd5\ \x0e\x28\x03\x7a\x9d\x5d\x90\xda\xd4\xdd\xbf\xc2\x3b\x6d\x9f\x8e\ \x75\x78\x66\xa7\xce\x44\x0e\x3b\xfe\xc1\x81\xd9\x3b\xe0\x0e\x25\ \xf3\x38\x76\x3e\x57\x99\x07\xa1\x6d\x6d\xbd\xae\x57\x0d\x70\x6b\ \xb2\x1d\xd0\x09\x9c\xa8\xf4\xf0\x1e\x5e\xe5\xad\xb9\x1b\x9c\x80\ \x2d\xbd\xe2\x12\x03\x34\x96\xc3\x45\x0d\xe2\x21\xaa\x9c\xa5\xc7\ \x77\xe8\xe2\x88\x9d\xc0\xca\xc4\x1d\xb0\x46\xc9\x3c\xc0\x59\x0b\ \xbc\x65\xbe\xff\x00\x3c\xdb\x0e\x3b\x47\x60\x32\x26\xad\x63\x54\ \xfe\x36\x60\xab\x75\xd4\x59\x47\xeb\x46\x5f\x31\x5b\x00\x57\x6b\ \x03\x9b\xf5\x0b\xbd\x63\x7e\x6c\x12\x5e\xea\x92\x08\x71\x36\x26\ \xa2\xb0\x65\xaf\xfa\xfb\x0d\x0b\x85\x66\x35\xae\x49\x14\xc0\x39\ \xca\xae\x27\x55\x41\x91\xdf\x1b\xe6\x23\x31\x78\xb5\x1b\x46\xc3\ \xa9\xfb\xf4\x04\x34\x6e\x4f\x1e\xb4\x54\xe9\x66\x3a\x37\x2e\x80\ \x5a\xa0\x45\x2b\x00\xaf\xf0\xfe\x1f\xb0\x67\xec\xf0\xc7\xd1\xd3\ \xbc\x12\xa8\xb6\x90\x4b\x0b\x9f\xd2\xc6\x36\x57\x78\xc3\xfc\x37\ \xfb\xe0\xa7\x21\x7d\xbf\x26\x03\x7a\x4e\xa8\x10\xda\xd5\x91\xf0\ \x3a\x0b\xb9\xb1\x51\x4c\x56\xee\x3e\x99\x91\x0e\x3a\x46\xe0\xf3\ \x5e\xb3\x7c\xc3\xc6\x06\x83\x7e\x7e\xa1\x5d\x8d\xe5\x16\x72\x5d\ \x95\x1a\xcb\x3c\x48\xbd\xf7\x1f\x80\x37\x7b\x24\xa3\xa7\x5b\xb3\ \x1b\x1b\xa1\xae\xd8\x6c\x5c\x3d\xed\x4d\x79\x8e\x6f\x9c\x1a\xf5\ \xc5\xe6\x8c\xfc\x1b\x82\x2f\xf7\x42\x4f\x10\xa2\xd3\xb2\x0d\x37\ \x36\x40\x45\x61\xea\x6f\xc6\xa7\x44\xe3\x4f\x1a\x64\x38\x2e\x6c\ \x30\x51\x6e\x09\x8e\xaf\x96\xf6\xc6\x3c\x47\x09\x2a\xfc\xa6\x22\ \xb3\xc9\x02\x61\x78\xa6\x5d\x18\x8a\xe3\xe7\x61\x49\x6e\xde\x79\ \x22\x2c\x98\x97\x5c\xe3\xbf\xd2\xa5\xd6\xf8\x71\x9c\x5a\x2b\xe6\ \xcd\x0d\x6a\xb5\xb4\xd7\x5a\xcc\xdc\xd0\x26\x47\x89\x61\xac\xbf\ \xa5\xf7\xff\xcc\x1f\xb4\xe9\xce\x0a\x8f\x25\xc9\xde\x7c\x60\xa8\ \xf1\x8f\x2b\x83\xab\x96\xba\x3f\x5a\xfa\x3c\x45\x99\x5e\x00\x85\ \x86\x0a\xf0\x37\x85\x6d\x1e\x0d\x8b\x6d\x8f\x24\x6c\xf3\x6f\xf7\ \xc1\x76\x03\x8d\x5f\x55\x98\x7e\xf4\xa9\xf7\x5d\xe6\x67\x2e\xa6\ \xf5\x6b\x12\x23\x7b\xc6\x64\xc5\xe3\x1a\x7f\x8b\x81\xc6\x2f\xb4\ \x24\xd7\x58\x9a\x9f\x35\xfd\x9b\x87\x14\x26\x54\xa7\xec\x11\x8e\ \x9a\x49\xbf\xb1\x5c\xce\xbc\x0a\xdb\x87\xc4\x3c\xfd\x34\x68\xa6\ \xf1\x6f\x68\x4c\xae\x3b\x4c\x11\xd2\xde\x25\xec\xb7\x1c\x01\xa4\ \x86\x1d\x31\x9b\xec\xfc\xc5\x62\xa3\x75\xf8\xe1\x1f\x08\x1b\x68\ \xfc\x8d\x2e\x35\x7e\x32\x4c\x68\x69\x1f\xb3\x90\xeb\x6d\x45\xfa\ \x20\x64\x36\x59\x75\x91\xac\x58\x26\x52\x84\xa7\xd6\x66\x26\xf8\ \x1a\xd2\xd2\x3e\x64\x21\x39\xc0\xd4\x18\x98\x70\xe7\x7f\x5f\xb8\ \xf8\xf0\x88\x5e\x92\xa6\xc6\x4f\x95\x4f\x50\xa3\xc7\x42\x0a\x92\ \x52\x63\x77\xd0\xdd\xa4\x1b\x8e\x91\x15\x4c\x07\x55\x85\x70\x6b\ \x06\xf3\x8d\x3d\x5a\xda\xbb\x2d\x27\x13\xa4\xe8\x12\x94\x8b\x4a\ \x37\xb8\x6a\xa9\xd8\x6e\x37\xc8\xb4\xc6\x0f\x47\xa1\x3b\xa0\xeb\ \xb5\xcb\x62\xa6\xd2\x23\x39\xa6\x62\x33\x29\x29\x63\xdb\xe2\x64\ \x69\x2b\x0b\xcd\xfa\xc7\x7d\xfc\x05\x19\xac\x7d\xea\x0a\x40\x44\ \x69\x6a\xa6\x81\xef\xe3\x4a\xb0\x43\x39\x58\xfb\x88\x7b\x02\x4a\ \xf3\xe1\x8e\x66\x33\xcb\x70\x51\x03\x2c\xcf\x70\xce\x41\x4f\x73\ \x3b\x30\x1c\xa7\x6e\xab\x76\xb0\x50\xc4\x3d\x11\x0b\xe6\xc9\xca\ \xaa\x2c\xc3\x69\x75\x70\x76\x86\xd3\x6d\xa1\x88\x38\x5b\x9a\xec\ \x43\x62\x4a\xec\x3d\xb5\x3d\x8d\xc2\xb7\xfd\xe9\x11\xd3\x52\x05\ \x97\x1e\x97\x5c\x08\xcd\x15\x70\x65\x16\x6a\x9b\xb6\xee\x33\x29\ \xa8\x78\x17\x66\xee\x06\xfb\x81\x2b\x95\x91\xe1\xde\x71\x58\x5b\ \x67\x1e\x1b\x24\xa2\xa1\x0c\x8e\x2d\x93\x94\xb5\x1d\x91\x30\x75\ \xdd\xd1\xc2\xbc\x3f\xc3\x37\x4c\x81\x30\x6c\xde\xad\x2b\xa4\xe8\ \x04\x1e\x8e\xbb\xc2\x71\xbc\x86\x14\x44\xa4\x56\x86\x5f\xf5\xa5\ \x6f\xa3\x9b\x2b\xbc\x49\xad\x7d\xd9\x67\x52\x5b\xf4\x5a\xfc\x87\ \x44\xf1\xbf\x04\x8c\x2a\x3f\xdb\x36\x20\xd7\x4f\xb9\x8a\xbf\xc6\ \x60\xfb\xa0\xae\xd7\x88\xc3\xeb\x21\x02\x18\x03\x9e\x57\x7e\x1a\ \x43\x2a\x33\xf6\x4f\xe6\x1e\xf3\x81\x30\xbc\xda\xa5\x0f\xb2\x84\ \xc7\xf1\x44\x0b\x9c\x88\x4a\xc7\x33\x54\xbb\x72\x0d\xa5\x70\x77\ \x8b\x2e\xeb\xea\x1d\xa6\x62\xf0\x5c\xbb\x14\x51\x69\x7c\x7f\x24\ \x05\x78\xd0\xb1\x99\xad\xd1\x42\xc8\xed\xe9\xc5\xca\x61\x82\x93\ \x52\x99\xb1\xb2\x3a\x37\x04\xf0\xce\x6e\xe8\x32\x72\xd9\xef\x02\ \xb6\xfd\x2f\x8d\x91\xa4\x53\x1b\xb0\x1e\xa9\xa8\x48\x8d\x7e\x1b\ \x86\x27\x60\x79\xe5\xdc\x55\x89\x4c\xc5\x84\xf9\x5f\x8c\xde\x54\ \xfc\x00\xdc\x97\xcc\x09\x4d\x1a\x93\x21\x45\x52\xfa\x9c\xf8\x5c\ \x15\x49\x05\xc2\x92\x50\xd5\x6f\x7b\x90\x8a\x90\x55\xc0\x9f\x87\ \x24\xb2\x52\x7c\x30\x0a\xfc\xee\xf8\x06\x68\x8f\xc3\x8e\x61\x38\ \x7e\xbe\x49\x85\x46\xe6\xb4\xfd\x8b\x9d\x26\xf1\x7e\x1c\xd7\x01\ \x3f\x26\xfb\x87\xca\xab\xd9\x85\x24\x4c\x4f\x37\x8a\xbc\xb6\x0d\ \x88\x30\x16\x95\x66\xef\x22\x35\x10\x86\x8f\xff\x82\x8f\xf6\x98\ \x65\x95\x04\x4f\x03\xcf\xa9\xe2\x30\x5d\x9c\xb6\x19\xb8\xd6\x98\ \xc8\x7c\x4b\xee\xe7\x37\x2c\x94\x5b\xda\x4c\xf9\xf6\x5b\xf7\xc1\ \x77\x7f\xbb\x2d\xa0\x7e\x1b\xb8\x41\x15\xed\x66\xb7\x58\xba\xc5\ \x29\x96\x3e\x21\xcd\x62\xe9\xdf\x9c\x62\xe9\x8e\xec\x15\x4b\x7b\ \x5f\x2e\x5f\x57\x2c\x37\x36\xc5\x79\x33\x47\x25\x14\x95\x04\xe6\ \x50\x48\xd2\x58\x3d\x41\x69\xe9\x97\xcb\xbf\x83\xd4\x3b\xa6\x64\ \xde\xb6\x6d\x5f\x42\x59\xb0\x71\xda\xe2\x48\x78\x30\xf1\x94\x6a\ \x61\x6d\xdb\xf6\x39\x2d\x6d\x45\x75\x39\xb9\xf8\x64\xa6\xc8\x3f\ \xcd\xcd\x4d\xda\x15\xb5\x6d\xdb\x72\x04\x70\x58\x6e\xec\x12\x8e\ \xc0\x47\x53\x09\xab\xef\x4b\xac\x90\x4f\x17\x3e\xe7\x9c\xcd\xe5\ \xb3\xb9\x41\xe0\x26\xe6\xe0\xd9\x5c\x22\x2a\x80\x47\xf1\xf6\xe1\ \xe4\xbf\xc0\x23\xce\xdc\x39\x83\x32\xe0\x7e\xb2\xfb\x74\xb6\xd3\ \x99\x23\x87\xcb\x55\x05\xab\x1d\x0f\xac\x8d\xc3\x7f\x3c\xdd\xe6\ \x8c\xb5\x3a\x1b\x84\x7a\x71\x76\x6a\x80\x75\x48\x25\xea\xec\xe7\ \xf3\xf1\x17\x29\xfb\x39\xf4\xf9\xfc\x2e\x3c\x78\x3e\xff\x1f\x06\ \x63\xd5\xa6\x48\xaf\x8b\x93\x00\x00\x00\x00\x49\x45\x4e\x44\xae\ \x42\x60\x82\ \x00\x00\x0c\x5b\ \x89\ \x50\x4e\x47\x0d\x0a\x1a\x0a\x00\x00\x00\x0d\x49\x48\x44\x52\x00\ \x00\x00\x40\x00\x00\x00\x40\x08\x06\x00\x00\x00\xaa\x69\x71\xde\ \x00\x00\x00\x06\x62\x4b\x47\x44\x00\xff\x00\xff\x00\xff\xa0\xbd\ \xa7\x93\x00\x00\x00\x09\x70\x48\x59\x73\x00\x00\x0b\x13\x00\x00\ \x0b\x13\x01\x00\x9a\x9c\x18\x00\x00\x00\x07\x74\x49\x4d\x45\x07\ \xe5\x03\x1d\x15\x2c\x22\x99\x32\x9e\xd2\x00\x00\x00\x1d\x69\x54\ \x58\x74\x43\x6f\x6d\x6d\x65\x6e\x74\x00\x00\x00\x00\x00\x43\x72\ \x65\x61\x74\x65\x64\x20\x77\x69\x74\x68\x20\x47\x49\x4d\x50\x64\ \x2e\x65\x07\x00\x00\x0b\xbf\x49\x44\x41\x54\x78\xda\xed\x9b\x6b\ \x70\x5c\xe5\x79\xc7\x7f\xef\x39\x67\x6f\x67\xb5\xd2\xae\xee\xf7\ \xab\x65\x4b\xb2\xe5\x38\xb6\x7c\xc3\x36\xd8\x90\x3a\x71\x8d\xb1\ \x09\x85\x96\x26\x69\x42\x4b\x26\x61\xca\x74\x9a\xe6\x53\x67\x3a\ \x93\xe6\x43\xa6\x5f\x98\x66\xda\x14\x32\xcc\x90\xb6\x13\x06\x53\ \xc8\x85\x34\x01\x1c\xdb\x60\x8c\x03\x83\x21\x10\x2c\xd9\x51\x64\ \xd9\x92\x25\xad\xee\xd2\xee\xea\xb2\xda\xb3\xb7\x73\xde\x7e\x58\ \x5b\xb2\xb0\x90\x64\xdd\x90\x68\xde\x4f\xbb\xe7\x9c\x7d\xf7\xfd\ \xff\xdf\xe7\x79\xfe\xcf\xfb\xbc\xef\x81\x3f\xb6\xff\xdf\x4d\xac\ \xe4\x9f\x9d\xa8\xca\x92\xb7\xf3\xfc\xa1\xb6\x80\x58\xd3\x04\xdc\ \x2e\xe0\x4f\x82\x0c\xb1\x9a\x41\xaf\x04\x19\x4b\xd6\xd1\xa9\xc7\ \x1f\x5d\x6f\x9e\x78\xe9\xf2\x4a\xba\xd4\x52\x10\x21\xd6\xca\xac\ \x2f\x17\x11\x62\x2d\x03\x5f\x0a\x12\xc4\xa7\x01\xfc\x62\x88\x10\ \x9f\x26\xf0\x0b\x21\x61\xd6\x07\x23\x91\x88\x00\xd0\x75\x5d\xae\ \x15\xf0\xb7\x4b\x82\x98\x09\xf0\x47\x41\xaf\x35\xf0\xb7\x43\x82\ \x98\x0f\xf0\xb5\x08\x7e\xbe\x24\x68\xb3\x81\x5e\x95\xe0\x9d\x2e\ \x88\x1a\x2b\x97\x09\xae\x16\xf0\x5a\x6d\x3d\x69\x7b\x0f\x90\x30\ \x0c\x26\xde\x38\x09\x3d\x5d\x4b\x62\x05\xca\x6a\x35\x5d\x4b\xb3\ \x61\x89\xd4\xb8\xa5\x66\xc3\x59\x5d\x43\xe5\x43\x5f\xa2\xec\xd8\ \x83\x28\xb9\xf9\x58\x4a\x6a\xe8\x96\xa2\x20\x6d\xf6\x05\x4f\xa2\ \xb6\x1a\x67\x3f\x51\xb1\x1e\x51\x5a\x8e\xb3\xad\x85\xc4\xf0\x20\ \xae\xa2\x52\x72\xf7\x1d\xc0\x5b\x54\x42\x2c\xc3\x4b\xc6\x1d\x77\ \x31\xd8\xd9\x8e\x34\x0c\x1c\xa5\xe5\x44\x8a\xca\x50\x5b\x2e\xa2\ \xf6\xfa\x6f\xdf\xb2\x56\x1b\x78\x2b\xc3\x87\xed\xee\x43\x54\xdd\ \x7b\x14\xb5\xb9\x91\xc1\x0b\x1f\x50\xb0\x77\x3f\xde\xdd\xfb\x50\ \x14\x05\x9b\x4b\xa7\xf4\xd8\x43\xb8\x7c\x99\x84\xaf\xb4\x50\xbc\ \xff\x1e\x82\x39\x85\x74\xfe\xf7\xd3\x10\x18\x42\x8d\x45\x3f\x16\ \xcf\x4c\xae\xa0\xad\x3a\xdb\x1f\x1d\x21\xd3\xdf\x46\x75\xfd\x66\ \xa8\xdf\x4c\xc1\x17\x8e\xe0\xca\xf0\x4e\xde\x56\x55\x95\x82\x8a\ \x0a\x0a\x2a\xbe\x8e\x31\x32\x82\xcb\xeb\xc5\xf1\xe1\xfb\x04\x83\ \x43\x18\xc9\xe4\x9c\xae\xf0\x51\x12\x94\xe5\x9c\xfd\x85\x74\x22\ \x04\xf4\x35\x5f\xe2\xfc\x89\x57\x88\xc5\x62\x38\xd3\x33\x90\x96\ \x45\x74\x24\xc4\x58\xb7\x9f\x89\xfe\x3e\x92\xb1\x18\xa6\x69\xe2\ \xf2\x7a\x89\x8e\x84\x18\x38\x77\x86\x64\x73\x13\x8a\x99\x5c\x3a\ \x17\x58\x12\x02\x54\x15\x61\x9a\xd7\x3f\x6b\x88\x79\x0c\x50\x48\ \x89\xa3\xbb\x83\xf2\xf5\x1b\xb0\xdb\xed\x08\x21\x40\x08\xda\x7f\ \xf4\x14\x63\x97\x1a\xc1\x4c\x92\xfd\xc5\x87\x59\x77\xec\xc1\x94\ \x2a\x7a\x7d\xb8\x8b\x4a\xb0\x46\x82\xc8\x79\xc8\xda\x47\xad\x60\ \xd9\x08\xb0\x84\x42\xf0\x1f\xbe\x4b\x89\xdb\x89\x22\x14\x42\x8a\ \x86\xf6\x9d\xbf\x47\xb1\xac\x8f\xff\x51\x7e\x21\xb6\xbc\x42\xf2\ \xee\x7f\x08\x6f\x7e\x01\x96\x65\x11\x1b\x1e\xa4\xed\x99\x27\xe9\ \x7a\xe1\x59\xd4\x78\x9c\xa4\x10\xf4\x74\x76\x92\x88\xc7\xa9\xbe\ \xef\x01\x84\xa6\xe1\xdd\xb5\x8f\xac\x6f\x7e\x8b\xc0\xeb\xbf\xc6\ \x0a\x06\x50\x02\x83\x0b\xb7\x80\x25\x0b\x7e\x19\x5e\x76\x16\xe4\ \x50\x78\xe0\x20\x42\x08\x06\xce\x9d\xa1\xd5\x97\x85\x0c\x0c\xcd\ \xf8\xb8\xad\xb0\x84\x9c\x47\x1e\x23\xfb\x33\x9f\x25\xad\x62\x1d\ \xaa\xdd\x8e\x95\x4c\x12\x68\xbe\x44\xe0\xdc\x19\x14\x23\x02\x52\ \xa2\x01\xd6\x40\x2f\xc1\xd3\xaf\x12\xd9\xb6\x03\x4f\xe5\x3a\xdc\ \x59\x59\x54\xff\xd5\xd7\xc9\xda\xb9\x07\xff\x99\x53\x18\x2f\xfd\ \x0f\x84\xc7\xe6\x35\xcc\x45\xe7\x01\x11\x87\x6b\xc6\xeb\x1d\xbe\ \x5c\xc6\xf2\x8b\x71\x7b\x3c\xe8\x69\x69\x44\xca\xaa\xb8\xe0\xcb\ \x9f\xf6\x8c\x29\x25\xa6\x94\x18\x4e\x9d\x44\xaf\x9f\xb2\x23\x5f\ \xa4\x70\xeb\x76\xd2\x7d\x3e\x6c\x36\x1b\x42\x55\x09\xdb\x9d\xc4\ \x87\x07\x11\x72\x6a\x5e\xec\xc9\x04\xd6\x40\x2f\x5a\x41\x11\x42\ \x08\x9c\x2e\x17\xde\xdc\x5c\x2a\xf6\xde\x45\xfa\x96\x86\x39\xc1\ \xdf\x3c\xc9\x8b\x72\x81\x50\x59\x35\xcd\x77\x7c\x8e\xbb\xbb\x5a\ \x88\xbd\xfd\xc6\xb4\x7b\xa5\xde\x74\xb2\xbd\xbe\xc9\xef\x75\x75\ \x75\x0c\xe5\xe7\x10\xbd\x3a\xf5\x8c\x2a\x04\xca\xce\x7d\x5c\xa8\ \x6b\x60\x6b\x6b\x23\x4d\x4f\xfe\x2b\xce\xa2\x12\x2a\xee\x3c\x40\ \x46\x79\x25\x9a\xcd\x46\xae\x27\x8d\x50\xcd\x26\x46\xce\xff\x06\ \x45\x08\xa4\x94\x98\x42\x41\x5f\x5f\x8b\x35\x3c\x88\x2c\x29\x23\ \x1a\x89\x10\xba\xd4\x48\xdf\xb9\x33\x8c\x5e\xb9\x0c\x2e\x17\x18\ \xf3\x4b\x97\xd5\x85\x9a\xff\x68\xf5\x46\x5c\x0f\x7e\x85\x7b\xee\ \x3b\x4a\xd9\x9e\x3b\x91\x46\x84\x70\xb7\x1f\xcb\xee\x20\x63\xf7\ \x3e\x8a\xff\xe6\x6f\xc9\xaf\xad\xc3\x6e\x4f\x65\x69\x89\x44\x02\ \xad\xb0\x84\x44\x28\x80\x31\x34\x84\xb4\x3b\x28\x38\x7c\x8c\xca\ \xc7\xbf\x4d\xcd\xd6\x06\xe2\xbe\x2c\x02\x6f\xbe\xc6\xc4\x89\x5f\ \x60\x8c\x84\xf0\x6d\xda\x8c\x2d\xcd\x83\x2b\x27\x17\x2d\x3d\x9d\ \xd8\xe0\x00\x66\x3c\x8e\xe2\x76\xe3\xdb\xb9\x87\xaa\xaf\x7d\x83\ \x8c\xf5\xb5\x98\xa6\x49\xb0\xf1\x77\x74\xfe\xc7\x13\x04\x4e\xfc\ \x2f\x66\x47\x1b\x22\x1e\x9b\x73\xfc\xcf\x85\x8c\xef\x2e\xc8\x02\ \x24\x60\x38\x5c\x34\xef\xd8\xcf\x63\x47\x8e\x92\x9f\x9f\x32\xeb\ \x9c\x27\x9e\xe2\xfc\x4f\x9e\x27\x6a\x49\x76\x3f\xf4\x30\xf1\x78\ \x1c\x87\xc3\x31\x65\xb6\x76\x3b\xf9\x5b\x1b\x28\xdb\xfd\x3c\xaf\ \x3f\xf7\x63\x1c\xaa\xca\x96\xbf\xf8\xd2\xe4\x7d\x9f\xcf\xc7\xcb\ \xe1\x08\xde\x3f\x5c\xe4\xe2\x4f\x8e\x63\xdb\x73\x37\xdb\x4b\xca\ \x00\x28\x38\x78\x98\xf4\xf5\x35\x5c\x7b\xf7\x1d\x1c\x40\xc5\x91\ \xfb\xb1\xb9\xd3\x52\x3e\x2c\x04\x97\x5f\x7a\x91\xe8\x3b\xe7\x16\ \x54\xdd\xb9\x6d\x02\x04\xe0\x8a\x19\xdc\xd5\xd5\x82\x6d\x34\x88\ \xcc\xcb\x4b\x49\x15\xb0\xf9\xf0\xd1\xeb\x5a\x2e\xa6\x81\xbf\xd1\ \x6e\x5c\xdb\x7d\xff\x9f\x21\x6f\xf2\x69\x29\x25\x4a\x70\x98\x8a\ \xb7\x4f\x33\x1e\x35\xa8\xbb\x63\x1f\x45\xc5\xc5\x29\x35\x49\x24\ \x90\x8a\x82\xbb\xbc\x8a\xaa\xec\x3c\x04\xa0\xe9\x6e\x4c\xd3\xc4\ \x34\x4d\x14\xcb\xa4\x74\xfb\x2e\x3a\x3e\x38\x4f\xb4\xb3\x7d\x76\ \x95\x99\x41\x0e\x17\x14\x04\x05\x10\x7b\xeb\x0c\x5d\xcf\x3c\xc9\ \x44\xf7\xd4\xaa\x4c\xd7\x75\x74\x5d\x9f\xf3\xf7\xba\xae\xe3\x76\ \xbb\xa7\xdc\xa9\xaf\x97\x4b\xcf\x3c\x45\xf8\xcc\xaf\x51\x7c\x99\ \x78\x0e\x1e\xc6\x5b\xb7\x89\xb1\xab\xad\xf4\xbd\x75\x96\x48\x7f\ \x1f\x66\x32\x89\xee\xf1\xe0\xf2\x78\x48\xc4\x62\x04\xae\xb5\xf3\ \xfb\xf7\xce\x13\x09\x85\xf0\x6c\xbf\x03\x65\xdb\x2e\x98\x63\x51\ \xb4\xa4\x89\x90\x65\x59\x5c\x3b\x75\x82\xc4\xd6\x5d\x6c\x3a\xfa\ \xc0\x2d\xc0\x13\x89\x04\x9a\xa6\x11\x09\x05\x53\xa0\x7d\x99\x24\ \x93\x49\x6c\x36\xdb\x2d\x7d\x5d\x6c\x6b\xe7\x95\xe7\x8f\xb3\x5f\ \xb3\xc0\x88\x30\xe6\xf7\xd3\x76\xfa\x04\xb1\x37\x4f\x33\x70\xa9\ \x09\xef\xb6\x9d\xd4\x3c\xf2\x0d\xbc\x95\xeb\x88\xc5\x62\xf4\xbd\ \xf3\x16\x03\x3f\x3b\x4e\x6f\x67\x07\xc9\x2d\xdb\x90\xf5\x9f\x25\ \xd6\xd7\x83\x92\x88\xaf\x0c\x01\x52\x4a\xa2\x96\xa4\x3b\x69\xa1\ \x27\xcc\x5b\xee\x8f\x05\x03\x34\x5f\xbc\x84\xbd\xe3\x0a\x34\x37\ \xa5\x24\x6f\xc3\x46\x28\x2c\x61\xe3\xb6\x06\xf4\x9c\xdc\xc9\x67\ \xe3\xf1\x38\x39\xe3\x21\xf6\xe6\x78\x21\x14\x40\x86\xc7\x31\x7e\ \x7e\x9c\xe8\xd9\x53\x98\x03\x3d\xc8\x68\x8c\x40\x6f\x37\x57\xb2\ \x73\xa9\xff\xeb\x6f\x12\x0b\x05\xe8\xf9\xe9\x71\x26\x5e\x7b\x05\ \xb7\xaa\x12\xe8\x6a\x87\xb7\xde\x40\x0e\xf6\x21\xe6\x69\xfe\x8b\ \x26\x20\x2a\x04\xe3\x96\x45\xe6\xb6\x1d\xd4\xef\xd8\x31\x6d\xf6\ \xc7\x03\x01\xde\x7c\xf6\xbf\xb8\xf6\xfa\x49\xca\x87\x7a\xb1\x0f\ \x0f\xa4\x2c\xc2\x97\x8d\xd4\xdd\x78\x3e\xff\xa7\x94\x3e\xfa\x38\ \x7a\x6e\xde\x64\x70\x2c\xdc\x50\x4b\xb8\x61\x27\xc3\xa7\x5f\x25\ \x29\x04\xda\xf8\x28\xd6\xd8\x08\x42\x08\x34\xc0\x34\x93\x8c\x5e\ \xbb\x4a\xe0\xca\x65\x8c\xe1\x21\x0c\x7f\x27\x08\x91\x4a\xb3\x4d\ \x03\x7a\xfd\x0b\xae\xef\xdf\x16\x01\x96\x3b\x0d\x61\x77\xd0\xe3\ \xcb\x25\xbb\xa2\x8a\xba\x3f\xff\x32\x59\xe5\x95\xd3\xcc\xbe\xf9\ \x62\x13\x3d\x27\x5f\x26\xbf\xbd\x05\xfb\x4d\xb9\xbf\x2d\x34\x0c\ \xa1\x61\x2e\xfe\xea\x25\x7a\xab\x37\xb1\xe7\xbe\x63\x93\x41\xd1\ \x5d\x5e\x49\xde\x23\x8f\x31\xac\xda\xe9\xb9\x7a\x85\xd2\x40\x3f\ \x22\x99\x80\xf1\x54\x42\xa3\x26\xe2\xa8\xbf\x7b\x97\xae\xbe\x6e\ \x92\x89\x04\x74\x77\x4c\x4b\x8c\x16\x55\x69\x02\x30\x0c\x43\xb8\ \x5c\xae\x59\x7b\x94\x6e\x0f\xea\xc1\x7b\xa9\xdc\x77\x80\xfc\x82\ \x12\x32\xbd\x19\x64\x15\x14\xe2\x74\x3a\xa7\x3a\xd3\x34\x6c\x9d\ \x6d\x14\x06\x07\xa7\x81\x9f\x96\x78\x18\x06\xea\x40\x2f\x9a\xa6\ \x21\xa5\x44\x08\x81\xaa\xaa\x64\xd7\x6f\xe1\x4f\xfe\xed\x69\x3e\ \xfc\xf0\x43\xca\x63\x13\x5c\x9e\x88\x32\xf6\x77\x5f\x45\x5c\x5f\ \xe2\x26\x07\xfb\x09\x0f\xf6\x2f\x7d\xa9\xed\xc6\x87\x9e\x9e\x1e\ \xd1\x74\xe7\xe6\x59\x56\x69\x16\x9e\x0d\x1b\x29\xba\xfb\x20\x4e\ \x5d\x47\x51\x6e\x15\x90\x48\x28\x08\xcd\x4d\xd8\x67\x59\x8c\xe8\ \xe1\x51\xd4\xcb\x97\x18\xe9\xef\x23\xab\xa8\x78\xf2\xba\xcb\x95\ \x4a\xa9\x1b\x1a\x1a\x52\x71\xe4\xec\xeb\x8c\x27\x93\x2c\x77\x53\ \xae\xff\xb9\x2c\x2a\x2a\x9a\xd3\xa6\xae\xcb\xfd\xa4\xee\x2f\x46\ \x41\xac\x8f\x09\x58\x52\x4a\xe2\xb1\x18\x72\x7c\x14\x2d\x3d\x63\ \xf9\x8b\xad\xf3\x8e\xfc\x42\x21\x72\xe5\x32\xfd\x6f\xbe\x46\xac\ \xb4\x0a\x5f\x46\x3a\xbe\xbc\xfc\x69\x09\x8f\xcb\xeb\x23\x51\x5d\ \x4b\xdc\x9b\x85\x7d\x24\x30\x73\x00\x75\x38\x71\x16\x96\xe2\xc9\ \xc9\x9d\x74\x01\x80\x64\x32\xc9\xe8\xd0\x20\x23\xe3\x61\x8c\x1e\ \x3f\xe1\xd6\x16\xa4\x50\x56\x0f\x01\x62\x62\x9c\xd8\xcf\x9f\xa3\ \xf5\xa7\xcf\xf2\x41\x59\x0d\xbb\x0a\xf3\xa8\xfe\xde\xf7\x29\x28\ \x28\x98\xd4\x76\x21\x04\x81\xc2\x32\x62\x81\x21\xec\xea\xcc\x83\ \xb7\x45\x0d\x06\x9c\xee\x69\xb1\xe3\x06\x01\xcd\xff\xf4\x6d\x9a\ \x46\xc6\x89\xbd\xfb\x1b\x2a\xd3\xd3\x70\xce\x23\xa7\x5f\xec\x86\ \xc9\xb4\xc5\xd0\x97\x33\xf5\x7f\x9e\xab\x5a\x03\x90\x37\x1e\x44\ \xfa\x3b\x48\x74\x5d\xc3\x53\xbb\x09\x57\x76\xce\x24\x01\x45\xde\ \x0c\x9c\x48\x7a\x7a\x7a\x30\x15\x0d\x5b\x3c\x55\xa4\x9c\x70\xb9\ \x31\xdc\x1e\x36\xfc\xe5\xd7\xd8\xfe\xd5\x47\xb1\xb9\xd3\x26\x67\ \xbf\xdf\xdf\xc5\x7b\xff\xf2\x1d\xe2\x27\x7f\x89\x77\xa8\x8f\x2c\ \x05\xec\x96\xb9\xac\x33\x3f\xe3\x62\xe8\x50\x5b\x40\xcc\x67\x45\ \xa8\x5e\xf7\xdf\xe1\xf7\xde\x81\xf7\x7f\xcb\xe6\x92\xf2\xc9\x5c\ \x40\xcf\xc9\xa5\xf4\xd1\xc7\xe9\xaf\xf9\x0c\xa2\xd7\x8f\xf8\x43\ \x2a\x11\x52\x4b\xab\x90\x79\x85\x94\x1e\x3a\x84\x3b\x37\x7f\x12\ \x7c\x22\x91\xe0\x6a\x7b\x3b\x2d\x8d\x8d\x54\x0a\x05\xcd\x32\xa7\ \x82\xcd\x4a\x6c\xb8\x2c\x6a\x5b\x49\x80\x3a\x83\x1a\xe8\xb9\x79\ \xec\x3e\x7c\x04\x55\x55\x19\xe9\xef\x43\x4a\x49\x7a\x6e\x1e\x96\ \x69\xe2\x74\xb9\xa6\x05\x51\x29\x25\x05\x46\x98\x75\xa3\x43\x28\ \xd2\x5a\x11\xd0\x37\xd7\x04\x17\x15\x65\x8a\xee\xfa\x1c\xdb\x1f\ \xfe\xca\x8c\x0b\x20\x87\xc3\x81\xa6\x69\x64\x17\x97\x90\x53\x52\ \x8a\xc3\xe1\xc0\xa5\xeb\xb7\x28\x88\xdd\x6e\xa7\xea\x0b\xf7\x52\ \xb8\x7b\xef\x27\x52\x85\x57\x66\x63\x67\xd6\xd9\xdf\xbe\x87\x75\ \xdf\xfb\xfe\x92\x0d\x64\xe3\x13\x3f\x24\x6d\xff\xe7\x57\x9c\x80\ \x05\xb9\x40\xd8\xa9\x13\x28\x28\xa7\xd4\xef\xa7\xb6\xb6\x16\x29\ \x25\xa1\xbe\x5e\x2e\xb7\xb4\x90\x15\x8b\x90\xbf\xbe\x86\xb4\x8a\ \xaa\x5b\x92\x25\x29\x25\x03\xdd\x7e\x5a\xaf\xb6\x91\x11\x33\xa8\ \xd8\x54\x8f\xa7\xa8\x18\x21\x04\xc1\x60\x10\x63\xcb\x0e\x92\x17\ \x7e\x8b\x36\x12\x5c\x31\x02\xd4\x99\x2e\xce\xa5\x06\xf6\x64\x02\ \x4c\x8b\x70\x46\x26\xb6\x0c\x1f\x6a\x68\x98\xdf\x3f\xfd\xef\x34\ \x3d\xfb\x9f\x98\xa7\x5e\x26\xde\xd9\x0e\x79\x45\x68\xbe\xcc\x49\ \x89\x4c\x26\x93\x84\x9a\x2f\x72\xe1\xe9\x1f\xd0\xf8\xb3\x17\x08\ \x9f\xfc\x25\xb2\xbf\x97\xb4\xca\x75\x8c\x25\x4d\xfa\x9a\x1a\x09\ \xff\xea\x45\x94\xb6\xd6\x15\xf3\x7f\x66\xdb\x47\x98\x8f\x1a\x84\ \x6b\x36\x63\xee\xdc\x47\xbe\xbf\x0d\xe3\xec\x29\x92\x96\x44\xbb\ \xbe\x1f\x64\x1d\xbc\x8f\x4d\xdf\xfa\x47\x4a\xab\xab\x01\x08\xf4\ \xf5\xd2\xf2\x83\x27\x18\x7f\xf1\xc7\x24\x85\x82\xb0\x4c\x14\x45\ \xc1\x73\xcf\x21\xa2\xf5\xdb\x30\xdf\x3e\x83\x7c\xef\xed\x15\x0d\ \x80\xb3\xba\xc0\x7c\x24\x31\xad\xa5\x89\x68\x77\x07\x91\xf0\x58\ \xaa\x54\x75\x23\xa9\x11\x82\xae\x2b\xad\xe4\x85\x82\x14\x5b\x16\ \x42\x08\xc6\x26\x22\xf4\xfa\xfd\xb8\x15\x75\x4a\xea\xa4\x64\xfc\ \xb5\x57\x31\xdf\x3f\xbf\x22\x66\xbf\x2c\x9b\xa3\xce\x19\x6a\xf0\ \x9a\x94\x54\x8c\x0c\x91\x15\x18\xc0\x4c\x24\x40\x08\xc6\x7b\xfc\ \x84\xfd\x1d\xb8\x3f\x92\xe0\x08\xf8\xc4\xc0\xcf\x49\xc0\x7c\x13\ \xa3\x19\x55\x22\x99\xa0\xef\xfd\x77\x49\xc4\xe3\x68\xaa\xc6\x44\ \x6b\x0b\x19\xc6\xc4\xaa\x3b\x91\xb1\xac\x47\x64\x84\x27\x03\x55\ \x4c\x2d\xa6\xcc\xd1\xd0\x27\x02\x72\x36\x69\x9f\x97\xe6\xaf\xd5\ \x13\x62\xf3\xc9\x6b\x94\xa5\xe8\x64\xb5\x36\xf5\xf0\x03\x0d\x8b\ \x76\x81\xb5\x6c\x09\xf3\x99\x38\x65\xa9\x3b\xbc\xa5\xfa\x23\xe5\ \xb4\x5d\xa0\xd5\x04\x7e\x41\x8b\xa1\x15\x39\x8d\xbd\x88\x26\x4b\ \x2a\x7e\xb4\x64\x87\xa5\xd7\x9a\x3b\x14\xff\xe2\xac\x52\x5f\x5f\ \x3f\xaf\x71\x45\x22\x11\xa1\xeb\xba\xfc\xd4\xbc\x30\xd1\x70\xbe\ \x45\xf1\x7a\xbd\xd8\x6c\x36\x39\x17\xf0\x1b\xd6\xaf\xeb\xba\xb9\ \xe6\x5f\x99\xc9\x79\xe1\xa4\x52\x57\x57\x37\x55\x8c\x99\xe3\xdc\ \x73\x24\x12\x51\x48\xed\xf2\x0b\x5d\xd7\xad\x25\x75\xd1\x95\x26\ \xe2\x76\xe3\xd1\xcd\xa7\xe2\x6f\x90\xb5\x2c\x31\x6a\xb9\x89\x58\ \x95\xaf\xcd\x2d\x37\x19\x6b\xe6\xc5\xc9\xa5\x22\x63\xad\x66\x9f\ \x7f\x6c\x6b\xad\xfd\x1f\xa9\x38\xfd\xe2\x14\x91\x34\x14\x00\x00\ \x00\x00\x49\x45\x4e\x44\xae\x42\x60\x82\ \x00\x00\x06\xaf\ \x89\ \x50\x4e\x47\x0d\x0a\x1a\x0a\x00\x00\x00\x0d\x49\x48\x44\x52\x00\ \x00\x00\x40\x00\x00\x00\x40\x08\x06\x00\x00\x00\xaa\x69\x71\xde\ \x00\x00\x00\x06\x62\x4b\x47\x44\x00\xff\x00\xff\x00\xff\xa0\xbd\ \xa7\x93\x00\x00\x00\x09\x70\x48\x59\x73\x00\x00\x0b\x13\x00\x00\ \x0b\x13\x01\x00\x9a\x9c\x18\x00\x00\x00\x07\x74\x49\x4d\x45\x07\ \xe5\x03\x1d\x12\x1f\x22\x68\x16\xed\x67\x00\x00\x00\x1d\x69\x54\ \x58\x74\x43\x6f\x6d\x6d\x65\x6e\x74\x00\x00\x00\x00\x00\x43\x72\ \x65\x61\x74\x65\x64\x20\x77\x69\x74\x68\x20\x47\x49\x4d\x50\x64\ \x2e\x65\x07\x00\x00\x06\x13\x49\x44\x41\x54\x78\xda\xed\x5b\xdf\ \x6b\x53\x67\x18\x7e\xce\x77\x72\x92\x78\xaa\x4d\xda\x9e\x2e\x64\ \xe9\x0f\x95\x8d\x56\xdb\x54\xe7\x8f\x8b\xb9\xd4\x81\x20\x5e\x4c\ \x57\x6c\xb5\x48\xd7\x0e\x1c\x4e\x59\xdd\x10\x86\x4c\xb4\x37\x83\ \x5d\x8c\x2a\xbb\x1c\xf8\x17\x28\xb8\xca\x76\x59\xe6\x58\xd8\x98\ \x13\x44\xb1\x17\xb5\x43\x09\x96\xb6\x4b\xb5\x52\x49\xb5\x39\xe7\ \x34\x39\x3f\xbe\x5d\x2c\xc9\xda\x9a\xe4\x9c\xa4\x49\xf3\x6b\xef\ \x5d\x48\x49\xde\xe7\x79\x9f\xf7\xf9\xde\xef\xcd\x29\x50\xa2\x21\ \x8a\xe2\x76\x54\x6a\x84\xc3\xe1\xcb\xa2\x28\x52\x51\x14\xbf\x59\ \xeb\x67\x59\xd6\x33\xf1\x8b\x17\x2e\xd0\x4c\xfe\xfe\xdb\xe1\x61\ \x66\x15\xf0\x83\x00\xae\x03\xd0\x29\xa5\xa0\x94\x92\xb5\xe6\xc4\ \x14\x13\xe0\x54\x41\x08\xc1\xc5\xa1\xa1\x11\x00\x1f\x50\x4a\x7b\ \x01\xd8\x01\xfc\xc0\x30\xcc\xe7\x1b\x37\x6e\xfc\xbe\xa8\x08\xc8\ \x15\xe8\xe5\xf1\xe9\x99\x33\x58\x08\x85\x70\x73\x64\x04\xba\xae\ \xe3\xe2\xd0\xd0\x57\x84\x90\xcb\x9a\xa6\xbd\xe3\x70\x38\xc6\x8a\ \x82\x00\xbf\xdf\x5f\xf7\xf3\xe8\xe8\x7c\x3e\x94\x64\xb3\xd9\x10\ \x89\x44\x12\xaf\xbb\x8f\x1d\xc3\xe6\xcd\x9b\x51\x55\x55\xd5\xcc\ \xf3\xfc\xf4\x9a\xd4\x95\xab\xaa\xe7\x0b\x3c\x80\x15\xe0\xed\x76\ \x3b\x6a\x6b\x6b\x21\x49\x12\xbe\xbb\x72\x65\x2a\xae\xb8\x70\x38\ \xfc\xf1\xba\x9b\x60\x3e\xe4\x6e\x26\x78\x9e\xc7\xdc\xb3\x67\x90\ \x24\x09\x82\x20\x60\x7a\x7a\x9a\x02\x08\x8a\xa2\xf8\x13\x80\xc5\ \xaa\xaa\x2a\xd3\x79\xb1\xa5\x06\x7e\xd3\xa6\x4d\x78\x77\xdf\x3e\ \x3c\x1c\x1f\x47\xeb\xb6\x6d\x38\xd2\xd5\x85\x3f\x6f\xdf\xc6\xf5\ \x6b\xd7\xaa\x03\x81\xc0\x4b\x5f\x67\xe7\x1f\x79\xf7\x80\x42\x81\ \x07\x00\x6f\x47\x07\x3e\xec\xea\x02\x00\x4c\x4d\x4d\xe1\xc7\x9b\ \x37\x21\x8a\x62\xda\xe3\x33\x6b\x02\x24\x49\x62\x62\x92\xa3\xc5\ \x00\x1e\x00\x38\x8e\xc3\x67\x67\xcf\xe2\x97\x5b\xb7\x30\xf1\xf0\ \xa1\xe9\x19\xc2\x14\x01\x71\xc0\xab\x41\x17\x0b\xf8\x44\xd2\x0c\ \x03\x4a\x8d\x53\x31\x43\x02\x63\x06\x78\x31\x81\xcf\x34\x8c\x48\ \xb0\xa4\x03\x5d\xea\xe0\x73\x62\x82\xe5\x00\x3e\x9d\x0a\x08\x2a\ \x20\xd2\x15\x91\x54\xaa\xf4\x0d\x5b\xa0\x1c\xc1\x27\x6b\x85\x8a\ \x68\x81\x74\x45\x25\x95\x2a\xfd\x8a\x54\x40\xb2\xe2\x56\x1c\x01\ \x86\x0a\xa8\x24\xf9\xaf\x59\x01\xa1\x85\x05\xf4\x9e\x38\x81\xbf\ \x1e\x3d\x2a\xd9\x36\xc8\x6a\x21\x12\x9c\x9d\x45\xc7\x8e\x1d\xf8\ \xe4\xd4\x29\x34\x36\x36\xc2\xe3\xf1\x94\xac\x02\x2c\xd9\xc8\xff\ \xa3\xfe\x7e\xec\xde\xbd\x1b\x35\x35\x35\x88\x44\x22\x98\x0d\x06\ \x51\xdd\xd2\x52\xfa\x04\x98\x89\xb7\x5b\x5a\xe0\xf3\xf9\xc0\xb2\ \x2c\x28\xa5\x88\x46\xa3\x78\xc3\xe5\xaa\x0c\x0f\xa8\xa9\xab\x43\ \x4f\x4f\x0f\x58\x96\x85\xae\xeb\x50\x14\x05\x3c\xcf\xc3\x6a\xb5\ \x96\xec\x71\x68\x9a\x00\x39\x12\x41\x4f\x4f\x0f\x78\x9e\x5f\xb1\ \x8c\x60\x59\x16\xbb\x76\xed\x2a\x7f\x05\x9c\x3c\x79\x12\x2e\x97\ \x0b\xaa\xaa\x26\x08\xa0\x94\x82\x10\x82\xa6\xa6\xa6\xf2\x26\x40\ \xd5\x75\xb8\xdd\x6e\xd8\xed\xf6\x15\xd5\xa7\x94\x42\x51\x14\xb8\ \xca\xdd\x03\xba\xbb\xbb\xe1\x74\x3a\xa1\xeb\xfa\xca\xab\x64\x6c\ \x37\x27\x08\x02\x02\x4f\x9e\x94\x27\x01\x4f\x26\x27\xd1\xd6\xd6\ \xf6\xaf\x12\x54\xf5\xb5\xf7\x35\x4d\x83\xc3\xe1\xc0\x9e\x3d\x7b\ \xb2\x4a\xc0\xcc\x72\x33\xef\x04\xc8\xb2\x9c\x72\x2f\x20\xd4\xd7\ \x63\x69\x69\x29\x6d\xa2\x36\x9b\x0d\x83\x83\x83\xd0\x34\x2d\xf3\ \x85\x44\x4c\x45\xba\xae\x17\x84\x8c\x84\x02\x82\xc1\x60\x52\x12\ \xb6\x6c\xd9\x82\xfa\xfa\xfa\xa4\xd5\x8f\x47\x34\x1a\x05\x21\x04\ \xd5\x4e\x67\x76\x5b\x19\x86\x01\xc3\x30\x85\x53\xc0\x86\x0d\x1b\ \xa8\xc7\xe3\x49\x4a\xbf\xcb\xe5\x82\xae\xeb\x20\x24\x75\xb7\x68\ \x9a\x06\xab\xd5\x0a\x9f\xcf\x97\x75\x22\x71\x02\x34\x4d\x7b\xcd\ \x6b\x0a\xea\x01\x6d\x6d\x6d\x86\x09\x31\x0c\x03\x4d\xd3\xe0\xf5\ \x7a\xb1\xf0\xea\xd5\x9a\x48\x60\x59\x76\x5d\xbd\xc1\x90\x80\xb1\ \xb1\x31\x58\x2c\x16\x53\x55\xa9\xad\xad\xc5\xd0\xd0\x10\xa6\x66\ \x66\x0c\x8d\x2f\x1d\xc0\xb8\x2f\xc4\xdb\x2e\x1f\x64\xc4\xf7\x83\ \x86\x04\x44\xa3\x51\xa8\xaa\x9a\xa8\x4c\xaa\xd0\x75\x1d\xb2\x2c\ \xc3\xe1\x70\x60\x60\x60\x00\xc1\xd9\x59\x53\x92\x4f\xf5\x1e\x21\ \x24\xd1\x76\xf9\xf4\x07\x92\x8c\x95\xe5\xf1\xf8\xf1\xe3\x84\x4b\ \x9b\x09\x8e\xe3\xb0\x77\xef\x5e\x74\xee\xdf\x9f\x15\xf8\x15\xc9\ \x11\x52\xf8\x16\x98\x9b\x9b\xc3\xfc\xfc\x3c\x2c\x16\x73\x17\x47\ \x4a\x29\xea\xea\xea\xd0\xd7\xd7\x87\x37\x1b\x1a\x8a\x72\xf8\x59\ \x5e\x68\x43\x02\x9a\x1a\x1a\x10\x0a\x85\xc0\x71\x9c\xa9\xca\x51\ \x4a\x21\x49\x12\x38\x8e\xc3\xe9\xd3\xa7\xd1\xb1\x73\x67\x69\x4d\ \x82\xc9\xda\x60\x78\x78\x18\x4f\x9f\x3e\x35\xf4\x81\xe5\x12\x57\ \x55\x15\x16\x8b\x05\x47\x8f\x1e\x45\x7b\x47\x47\x69\xdf\x05\x3c\ \x6e\x37\xee\xdc\xb9\x93\x71\x5f\x46\x22\x11\x10\x42\xd0\xd7\xd7\ \x87\x2f\xce\x9d\x83\xb2\x6a\x52\x2c\xf4\x18\x9c\xd1\x75\x78\x64\ \x64\x04\x8b\x8b\x8b\xb0\xd9\x6c\xa6\x1f\x50\x88\xdf\x1f\x64\x59\ \x86\x20\x08\x18\x1c\x1c\x84\xa7\xb1\x31\x71\x4c\x16\x62\xfa\x5b\ \xad\xf0\x8c\x7e\x1b\x9c\x09\x06\x71\xe9\xd2\x25\xb4\xc4\xf6\x7f\ \xcb\x1f\x5f\x33\xe3\xe8\x36\x9b\x0d\x00\x30\x3e\x3e\x8e\x7b\xf7\ \xee\xe1\xee\xdd\xbb\x70\x56\x57\x17\x27\x01\xa9\x48\x00\x21\x18\ \x18\x18\x40\x6b\x6b\x2b\x14\x45\x81\xa2\x28\xa6\xdb\x82\x52\x0a\ \x8e\xe3\x60\xb1\x58\xf0\xe2\xc5\x0b\xdc\xbf\x7f\x1f\xbf\xf9\xfd\ \x05\x03\x0f\x18\x3c\x26\xd7\xe9\xf3\x7d\x9d\x04\x05\x7e\xf5\xfb\ \xc1\x71\x1c\x9a\x9b\x9b\xc1\xf3\xbc\xa9\x96\x20\x84\x80\x65\x59\ \x58\xad\x56\x4c\x4c\x4c\xe0\xc6\x8d\x1b\x18\x1d\x1d\x45\x4d\x96\ \x17\xa8\x5c\x80\x37\x54\x40\x4a\x15\xc4\xe2\xd9\xf3\xe7\xe8\xed\ \xed\x45\x7b\x7b\x3b\x1a\x62\x67\xbe\xa2\x28\x60\x59\x16\xaa\xaa\ \x26\x8e\x4e\x4a\x29\x64\x59\xc6\xfc\xfc\x3c\x02\x81\x00\xae\x5e\ \xbd\x8a\xb7\xb6\x6e\x2d\xa8\xf4\x73\x42\x00\x00\x2c\x45\x22\x90\ \x97\x96\xe0\xf1\x78\xe0\xf3\xf9\x20\x08\x02\x58\x96\x85\xdb\xed\ \xc6\xe4\xe4\x24\xc2\xe1\x30\x1e\x3c\x78\x80\x99\x99\x19\xbc\x0c\ \x85\x20\x08\x42\xc1\x8d\x2f\x23\x02\xcc\x90\x90\x8c\x14\x7b\xcc\ \xf0\x8a\x69\xea\xcb\xfa\x18\xcc\xe4\xc9\x4b\x00\x45\x03\xfe\xe0\ \xa1\x43\x8d\x39\x9b\x03\x32\x25\xa1\x18\xe2\xc0\x81\x03\x7f\x1b\ \x4e\xad\x99\x7e\x68\xa9\xfc\x7c\x9e\xd5\xa3\xb2\xe5\x40\xc2\x7b\ \x9d\x9d\xef\x1f\x3e\x7c\xf8\x77\xd3\x5b\xa8\x6c\xbf\xa8\x18\x49\ \xe8\xeb\xef\x27\x5e\xaf\xd7\x54\x5e\x92\x24\x31\x3c\xcf\xd3\x35\ \xf5\x75\x31\x91\xf0\xe5\xf9\xf3\xc4\xe9\x74\x82\xe3\x38\x6a\x04\ \x3c\xee\x7f\x3c\xcf\x6b\x39\x31\xb6\x64\x44\x2c\x9f\x0c\xf3\x79\ \xe9\xe9\x39\x7e\x9c\x6c\xdf\xfe\xdf\xff\x50\x1a\x3d\xf7\x2c\x49\ \x12\x01\x40\x01\x30\x3c\xcf\xeb\x39\xcd\x6c\x39\x11\xf1\x35\x5a\ \x7c\xbf\x57\x48\xa3\x4b\x52\xfd\x04\x59\x79\x29\x4d\xbe\x5b\x23\ \x97\x47\x72\xde\xcf\xf6\x5c\x91\x91\xaf\x39\x64\x5d\x87\x9b\x4c\ \xc8\x28\xc5\xc1\xeb\xff\x28\xc5\xf8\x07\xbb\x72\x94\x3a\x4c\xb9\ \xed\x5b\x00\x00\x00\x00\x49\x45\x4e\x44\xae\x42\x60\x82\ \x00\x00\x06\x9b\ \x89\ \x50\x4e\x47\x0d\x0a\x1a\x0a\x00\x00\x00\x0d\x49\x48\x44\x52\x00\ \x00\x00\x40\x00\x00\x00\x40\x08\x06\x00\x00\x00\xaa\x69\x71\xde\ \x00\x00\x00\x06\x62\x4b\x47\x44\x00\xff\x00\xff\x00\xff\xa0\xbd\ \xa7\x93\x00\x00\x00\x09\x70\x48\x59\x73\x00\x00\x0b\x13\x00\x00\ \x0b\x13\x01\x00\x9a\x9c\x18\x00\x00\x00\x07\x74\x49\x4d\x45\x07\ \xe5\x03\x1d\x12\x1e\x33\x1b\xbd\xfc\xd4\x00\x00\x00\x1d\x69\x54\ \x58\x74\x43\x6f\x6d\x6d\x65\x6e\x74\x00\x00\x00\x00\x00\x43\x72\ \x65\x61\x74\x65\x64\x20\x77\x69\x74\x68\x20\x47\x49\x4d\x50\x64\ \x2e\x65\x07\x00\x00\x05\xff\x49\x44\x41\x54\x78\xda\xed\x5b\x4b\ \x6c\x13\x57\x14\x3d\xef\xcd\x8c\x9d\xcc\x22\x71\x92\x49\x2d\x33\ \x76\x10\x08\x14\x44\x7e\x08\x92\x55\x1d\x08\x41\x6d\x36\x2c\x9a\ \x04\x22\xe4\x26\x0b\x5a\x40\xad\x11\xa0\x16\x24\x5a\xd8\x74\x57\ \x05\x55\x42\xa8\x1b\x96\x08\x75\x95\x46\x74\x1b\x55\xb4\x51\xbb\ \x81\x22\x10\x2c\x10\x29\x28\x22\x0a\xae\x43\x41\x86\x50\x12\x66\ \x6c\xcf\xe7\x75\xd1\xd8\x32\xd4\x89\xc7\xee\xd8\x63\xbb\xdc\x95\ \x7f\xf2\xdc\x73\xee\xb9\xf7\xdd\xfb\x66\x1e\xf0\xd6\xfe\xdf\x46\ \x4a\x79\xb1\x2f\x4f\x9f\x66\xf9\xfc\xfe\xeb\xf1\x71\x52\xd1\x04\ \xe4\x0b\xd8\x09\x32\x48\x39\x83\x2e\x05\x19\xb6\xfd\xd1\xf4\xf4\ \x74\xd3\x8f\x53\x53\xb1\x52\xa6\x94\x1d\x44\x90\x4a\x89\x7a\xb1\ \x88\x20\x95\x0c\xdc\x0e\x12\x48\x35\x80\x4f\xd9\x3a\x59\xfe\xe2\ \xd8\xf1\xe3\xe3\x45\x27\xa0\x1c\xc1\x17\xaa\x86\x35\x7f\xa8\x28\ \x0a\x01\x00\x51\x14\x59\xa5\x80\xcf\x97\x04\x92\x0d\xf0\x9b\xa0\ \x2b\x0d\x7c\x3e\x24\x10\x2b\xc0\x2b\x11\xbc\x55\x12\xf8\xb5\x40\ \x3b\x05\x5e\x92\x24\xc4\x62\xa5\x69\x29\x68\xb9\x15\xbc\xfe\x3d\ \x7b\xf0\x49\x38\x8c\x5d\x7d\x7d\x25\xe9\x4c\x69\xb9\x48\x75\xc3\ \x86\x0d\xf8\xec\xe4\x49\x74\x76\x75\x81\x31\x7b\x39\x5f\x8b\x04\ \xde\xe9\xe8\x53\x4a\xf1\xc1\xe0\x20\x36\x6d\xde\x8c\x2b\x93\x93\ \xe0\x79\x1e\x43\xfb\xf6\x61\x79\x79\xd9\xd9\x14\x28\x95\xf4\x3f\ \x3e\x7c\x18\x1c\xc7\xe1\x9b\x73\xe7\x30\x3b\x3b\x8b\x7a\x8f\x07\ \x84\x10\x44\x1e\x3d\x2a\x89\x0a\x1c\x4f\x81\xcb\x97\x2e\xe1\xfb\ \x89\x09\x98\xa6\x09\x00\x90\xfd\x7e\xa8\xaa\x8a\x78\x3c\x5e\x92\ \xf1\x9c\x3a\x5d\xf8\x12\x89\x44\xfa\x75\x4d\x4d\x0d\x1a\x1b\x1b\ \xa1\x28\x0a\x74\x5d\x4f\x7f\xde\xd1\xd9\xe9\xdc\x2a\x50\x6a\x13\ \x45\x11\x8b\xcf\x9f\x43\x51\x14\x48\x92\x84\x4f\x8f\x1e\x45\xdf\ \xee\xdd\x70\xb9\x5c\x45\x51\x01\x5f\x4e\xe0\x6b\x6b\x6b\x21\x8a\ \x22\xa2\xd1\x28\xde\x1f\x18\x40\x77\x4f\x0f\x7e\xba\x7a\x15\xbf\ \x5d\xbf\x5e\xb4\x6b\xf2\xe5\xd4\xf1\xf9\x03\x01\x70\x1c\x87\x5d\ \x7d\x7d\x98\x9f\x9f\xc7\x85\xf3\xe7\xf1\xea\xd5\x2b\x67\x1b\xa1\ \xb5\x6c\xf1\xc5\x0b\x8c\x1c\x38\x80\x99\xfb\xf7\x6d\x71\xe6\xf7\ \x99\x19\x2c\x2d\x2d\xe1\x87\x2b\x57\xf0\xdd\xe5\xcb\x45\x03\x9f\ \x19\xe4\x82\x52\x20\xba\xb0\x80\xce\xae\x2e\x7c\x74\xe8\x10\x02\ \x81\x00\x64\x59\xb6\xc5\x31\x4d\xd3\xf0\xed\x85\x0b\xb6\x37\x42\ \x96\x53\xc0\xaa\xfc\x3f\x1c\x1d\xc5\x8e\x1d\x3b\xd0\xd0\xd0\x80\ \x44\x22\x81\x85\x68\x14\x75\xad\xad\xb6\x38\x54\x4a\xf0\x05\x29\ \x60\x73\x6b\x2b\x82\xc1\x20\x38\x8e\x03\x63\x0c\xc9\x64\x12\xef\ \x78\xbd\xa8\x54\xcb\xab\x06\x34\x34\x35\x61\x78\x78\x18\x1c\xc7\ \xc1\x34\x4d\x68\x9a\x06\x51\x14\x6d\x5b\xa2\x4a\x69\x29\xb5\x5b\ \x26\x40\x4d\x24\x30\x3c\x3c\x0c\x51\x14\x5f\x93\x29\xc7\x71\xd8\ \xbe\x7d\x7b\xf5\x2b\xe0\xe0\xc1\x83\xf0\x7a\xbd\xd0\x75\x3d\x4d\ \x00\x63\x0c\x94\x52\xb4\xb4\xb4\x54\x37\x01\xba\x69\xc2\xe7\xf3\ \xa1\xa6\xa6\xe6\xb5\xe8\x33\xc6\xa0\x69\x1a\xbc\xd5\x5e\x03\x86\ \x86\x86\xe0\xf1\x78\xd2\x03\x4b\xca\x08\x21\x60\x8c\x41\x92\x24\ \xcc\x3e\x7c\x58\x9d\x04\x3c\x9c\x9b\x43\x5b\x5b\xdb\x3f\x4a\xc8\ \x18\x50\x52\x66\x18\x06\xea\xeb\xeb\xd1\xdd\xdd\x5d\x11\xcb\x5e\ \x56\x02\x54\x55\x5d\x75\xe3\x50\x6a\x6e\x46\x3c\x1e\x5f\xd3\x51\ \xb7\xdb\x8d\x70\x38\x0c\xc3\x30\xf2\x76\x20\xa5\x22\xd3\x34\x1d\ \x21\x23\xad\x80\x68\x34\x4a\x56\xdb\xaa\x6a\x6e\x6e\xce\x1a\xfd\ \x94\x25\x93\x49\x50\x4a\x51\xe7\xf1\x14\xe4\x04\x21\x04\x84\x10\ \xe7\x14\x50\x5b\x5b\xcb\x64\x59\xce\x4a\xbf\xd7\xeb\x85\x69\x9a\ \xa0\x74\xf5\x6c\x31\x0c\x03\x2e\x97\x0b\xc1\x60\xb0\x60\x47\x52\ \x04\x18\x86\xf1\xaf\x5a\xe3\x68\x0d\x68\x6b\x6b\xcb\xe9\x10\x21\ \x04\x86\x61\xa0\xa3\xa3\x03\x2f\x5e\xbe\xfc\x4f\x24\x70\x1c\x57\ \xd2\xda\x90\x93\x80\x3b\x77\xee\x80\xe7\x79\x4b\x51\x69\x6c\x6c\ \xc4\xd9\xb3\x67\x31\x1f\x89\xe4\x2c\x7c\x6b\x01\x4c\xd5\x85\x54\ \xda\x15\x83\x8c\xd4\x0d\x93\x9c\x04\x24\x93\x49\xe8\xba\x9e\x8e\ \xcc\x6a\x66\x9a\x26\x54\x55\x45\x7d\x7d\x3d\xc6\xc6\xc6\x10\x5d\ \x58\xb0\x24\xf9\xd5\xbe\xa3\x94\xa6\xd3\xae\x98\xf5\x81\x66\x63\ \x25\xd3\x1e\x3c\x78\x90\xae\xd2\x56\x4c\x10\x04\xf4\xf4\xf4\xa0\ \x77\xe7\xce\x82\xc0\xbf\xe6\x1c\xa5\xce\xa7\xc0\x93\x27\x4f\x10\ \x8b\xc5\xc0\xf3\xd6\x06\x47\xc6\x18\x9a\x9a\x9a\x10\x0a\x85\xb0\ \xce\xef\x2f\xcb\xe6\x27\x33\xd0\x39\x09\x68\xf1\xfb\xb1\xb8\xb8\ \x08\x41\x10\x2c\x45\x8e\x31\x06\x45\x51\x20\x08\x02\x8e\x1c\x39\ \x82\xce\x6d\xdb\x2a\xab\x13\xcc\x96\x06\xe3\xe3\xe3\x78\xfc\xf8\ \x71\xce\x3a\x90\x29\x71\x5d\xd7\xc1\xf3\x3c\x06\x07\x07\xd1\x5e\ \xc4\x6d\xed\x92\xcc\x02\xb2\xcf\x87\x6b\xd7\xae\xe5\x9d\x97\x89\ \x44\x02\x94\x52\x84\x42\x21\x1c\x3b\x71\x02\xda\x1b\x9d\xa2\xd3\ \x6d\x70\x5e\xe3\xf0\xe4\xe4\x24\x96\x96\x96\xe0\x76\xbb\xd3\xcb\ \x94\xa5\x49\x52\xd7\xa1\xaa\x2a\x24\x49\x42\x38\x1c\x86\x1c\x08\ \xa4\x97\x49\x27\xba\xbf\x37\x15\x4e\x72\xed\x98\x64\x5a\x24\x1a\ \xc5\x99\x33\x67\xd0\xba\xb2\xff\x97\x79\x57\xc7\x4a\x45\x77\xbb\ \xdd\x00\x80\xbb\x77\xef\xe2\xe6\xcd\x9b\xb8\x71\xe3\x06\x3c\x75\ \x75\xe5\x49\xc0\x6a\x24\x80\x52\x8c\x8d\x8d\x61\xcb\x96\x2d\xd0\ \x34\x0d\x9a\xa6\x59\x4e\x0b\xc6\x18\x04\x41\x00\xcf\xf3\x78\xf6\ \xec\x19\x6e\xdd\xba\x85\x5f\xa6\xa7\x1d\x03\x0f\x00\x6b\x56\xb5\ \xde\x60\xf0\xab\x2c\x28\xf0\xf3\xf4\x34\x04\x41\xc0\xfa\xf5\xeb\ \x21\x8a\xa2\xa5\x94\xa0\x94\x82\xe3\x38\xb8\x5c\x2e\xdc\xbb\x77\ \x0f\x13\x13\x13\x98\x9a\x9a\x42\x43\x81\x03\x94\x1d\xe0\x73\x2a\ \x60\x55\x15\xac\xd8\x9f\x4f\x9f\x62\x64\x64\x04\xed\xed\xed\xf0\ \xaf\xac\xf9\x9a\xa6\x81\xe3\x38\xe8\xba\x9e\x5e\x3a\x19\x63\x50\ \x55\x15\xb1\x58\x0c\xb3\xb3\xb3\xb8\x78\xf1\x22\x36\x6d\xdc\xe8\ \xa8\xf4\x6d\x21\x00\x00\xe2\x89\x04\xd4\x78\x1c\xb2\x2c\x23\x18\ \x0c\x42\x92\x24\x70\x1c\x07\x9f\xcf\x87\xb9\xb9\x39\x2c\x2f\x2f\ \xe3\xf6\xed\xdb\x88\x44\x22\xf8\x6b\x71\x11\x92\x24\x39\x5e\xf8\ \xf2\x22\xc0\x0a\x09\xd9\x48\xa9\x59\x29\x78\xe5\xd4\xf5\x15\xbc\ \x0c\xe6\xfb\x1c\x6e\xb9\x80\x7f\x6f\x60\x20\x60\x5b\x1f\x50\x8a\ \xd3\x1b\x76\x5b\x7f\x7f\xff\x1f\x39\xbb\xd6\x7c\xff\xb4\xaa\x1f\ \x95\xad\x06\x12\xde\xed\xed\xdd\xb5\x77\xef\xde\x5f\x2d\xef\x42\ \x15\x7a\xa1\x72\x24\x21\x34\x3a\x4a\x3b\x3a\x3a\x2c\xf9\xa5\x28\ \x0a\x11\x45\x91\x55\xcd\x81\x89\xcf\x4f\x9d\xa2\x1e\x8f\x07\x82\ \x20\xb0\x5c\xc0\x53\xf5\x4f\x14\x45\xa3\x68\x47\x66\x32\x3b\xc3\ \x62\x0e\x3d\xc3\xfb\xf7\xd3\xad\x5b\xb7\xa6\xdf\xe7\x7a\xee\x59\ \x51\x14\x0a\x80\x01\x20\xa2\x28\x9a\xb6\x7a\x96\x49\x44\x6a\x1b\ \x2d\xb5\xbf\xe7\x64\xa1\xcb\x12\xfd\x34\x59\x45\x09\x4d\xb1\x53\ \xa3\x2c\x8f\xcd\x15\x9b\x8c\x8a\x39\x38\x69\x17\x19\x95\xd8\x78\ \xbd\xb5\x4a\xb4\xbf\x01\x04\x90\x8a\xfe\x05\x68\x93\xaf\x00\x00\ \x00\x00\x49\x45\x4e\x44\xae\x42\x60\x82\ \x00\x00\x06\x94\ \x89\ \x50\x4e\x47\x0d\x0a\x1a\x0a\x00\x00\x00\x0d\x49\x48\x44\x52\x00\ \x00\x00\x40\x00\x00\x00\x40\x08\x06\x00\x00\x00\xaa\x69\x71\xde\ \x00\x00\x00\x06\x62\x4b\x47\x44\x00\xff\x00\xff\x00\xff\xa0\xbd\ \xa7\x93\x00\x00\x00\x09\x70\x48\x59\x73\x00\x00\x0b\x13\x00\x00\ \x0b\x13\x01\x00\x9a\x9c\x18\x00\x00\x00\x07\x74\x49\x4d\x45\x07\ \xe5\x03\x1d\x12\x1f\x05\xcd\x1c\x58\x0c\x00\x00\x00\x1d\x69\x54\ \x58\x74\x43\x6f\x6d\x6d\x65\x6e\x74\x00\x00\x00\x00\x00\x43\x72\ \x65\x61\x74\x65\x64\x20\x77\x69\x74\x68\x20\x47\x49\x4d\x50\x64\ \x2e\x65\x07\x00\x00\x05\xf8\x49\x44\x41\x54\x78\xda\xed\x5b\x4d\ \x6c\x13\x57\x10\xfe\xf6\xed\xae\x6d\xde\x21\xb1\x93\x0d\x96\xb1\ \x1d\x14\xd4\x2a\x88\xc4\x09\x82\x44\x45\xaa\x03\x69\x50\xc5\x85\ \x0b\xb1\x92\x20\x37\x39\xd0\x02\x2d\x96\x00\xb5\x20\xd1\xc2\xa5\ \xb7\x2a\xa8\x12\xea\x8d\x23\xea\x31\xe5\x82\x2a\xa1\xa8\xd0\x46\ \x2d\x95\xa0\x08\x04\x87\x10\x7e\x14\x11\x95\xd4\x81\x20\x23\xa7\ \x10\xed\xda\xde\xf5\xbe\x1e\x1a\x5b\x21\xb2\xe3\xb5\xf1\xda\xeb\ \xc0\x9c\xfc\xa7\xf5\xfb\xbe\x99\xf9\xde\xcc\xec\x3e\xe0\x9d\xbd\ \xdd\xc6\x55\xf2\xcf\xbe\x39\x75\x8a\x15\xf3\xfb\xef\x46\x47\xb9\ \x9a\x26\xa0\x58\xc0\xd5\x20\x83\xb3\x32\xe8\x4a\x90\x51\xb6\x0b\ \x4d\x4c\x4c\x34\xfe\x32\x3e\x1e\xab\x64\x4a\x95\x83\x08\xae\x56\ \xbc\x6e\x16\x11\x5c\x2d\x03\x2f\x07\x09\xdc\x5a\x00\x9f\xb1\x0d\ \x5e\xef\xd7\x47\x8f\x1d\x1b\x35\x9d\x80\x4a\x82\x97\x24\x09\xb1\ \x58\xcc\xb4\x68\x20\xab\x7d\x29\xcb\x32\x27\xcb\x32\x57\x2d\xf0\ \x7d\xbb\x77\xe3\x8b\x48\x04\xbb\x7a\x7b\x4d\x73\x10\xc9\x05\x38\ \x03\x9a\x52\xca\x28\xa5\xac\xd2\xe0\x5b\x5a\x5a\xf0\xe5\x89\x13\ \xe8\xe8\xec\x04\x63\xcc\xd4\x14\x25\x2b\x3d\xbd\x12\x74\x25\xc1\ \x13\x42\xd0\x1f\x0a\x61\x60\x68\x08\x3f\x5f\xba\x84\xf1\xcb\x97\ \xc1\x18\xc3\xe2\xe2\xa2\x69\x24\x08\x19\xd0\x56\xc8\xf9\xcf\x0e\ \x1d\xc2\x42\x3c\x8e\xef\xcf\x9e\x85\xae\xeb\xf8\x60\xc7\x0e\x70\ \x1c\x87\xd9\x27\x4f\xcc\x23\xdd\x4a\x82\xf7\xe3\x85\x0b\xf8\x69\ \x6c\x0c\xba\xae\x03\x00\xbc\x3e\x1f\x14\x45\x41\x22\x91\x30\x6d\ \xab\x26\xb0\x90\x25\x93\xc9\xec\x6b\x87\xc3\x81\x86\x86\x06\xc8\ \xb2\x0c\x4d\xd3\xb2\x9f\x07\x3a\x3a\xca\x4a\x82\x60\xe5\xbd\x9e\ \x52\x8a\xf9\x67\xcf\x20\xcb\x32\x24\x49\xc2\xc0\xd0\x10\x04\x41\ \xc0\xc3\x07\x0f\x90\x4a\xa5\xcc\xed\x05\xaa\x0d\xde\xe5\x72\xe1\ \xf3\x23\x47\xf0\xe7\xb5\x6b\xa0\x94\xa2\xab\xbb\x1b\xbf\x5e\xbd\ \x8a\xbf\x6e\xdc\x28\x6b\xb5\x68\xa9\x14\x58\x6e\x3e\xbf\x1f\x3c\ \xcf\x63\x57\x6f\x2f\xd6\xbb\xdd\xf8\xe1\xdc\xb9\x37\x02\x9f\xcf\ \xa9\x82\x55\xcb\xdc\x07\xf7\xef\xe3\xa3\xbe\x3e\x5c\xbd\x72\x05\ \x53\xf7\xee\x55\x76\x20\x62\x95\x3a\x9f\xe3\xb8\x92\x0b\x21\xa3\ \xa9\x60\xd9\x14\x00\x60\x0a\xf8\x82\x1a\x60\xc5\x2e\xaf\xa2\x04\ \x14\x63\xf1\x85\x05\x0c\xee\xdf\x8f\xfb\x0f\x1f\xd6\x14\xe8\xe5\ \x4e\x16\x4a\xb9\x40\x74\x6e\x0e\x1d\x9d\x9d\xf8\xf4\xe0\x41\xf8\ \xfd\x7e\x78\xbd\xde\x9a\x8d\x00\xa1\x94\xf0\xff\x64\x78\x18\xdb\ \xb7\x6f\x87\xcb\xe5\x42\x32\x99\xc4\x5c\x34\x8a\xba\xd6\xd6\xda\ \x27\xc0\x88\xbd\xdf\xda\x8a\x60\x30\x08\x9e\xe7\xc1\x18\x43\x2a\ \x95\xc2\x7a\xb7\xfb\xed\xd0\x00\x57\x63\x23\x42\xa1\x10\x78\x9e\ \x87\xae\xeb\x50\x55\x15\x94\x52\xd8\x6c\xb6\x9a\x03\x9e\x89\x76\ \xc3\x04\x28\xc9\x24\x42\xa1\x10\x28\xa5\xaf\x6d\x4f\x3c\xcf\x63\ \xdb\xb6\x6d\x6b\x3f\x02\x0e\x1c\x38\x00\xb7\xdb\x0d\x4d\xd3\xb2\ \x04\x30\xc6\x40\x08\x41\x73\x73\xf3\xda\x26\x40\xd3\x75\x78\x3c\ \x1e\x38\x1c\x8e\xd7\xbc\xcf\x18\x83\xaa\xaa\x70\xaf\x75\x0d\xe8\ \xef\xef\x87\xd3\xe9\xcc\x0e\x2a\x56\x96\xaa\x92\x24\x61\xfa\xf1\ \xe3\xb5\x49\xc0\xe3\x99\x19\xb4\xb5\xb5\xfd\x1f\x09\xcb\x06\x13\ \x19\x4b\xa7\xd3\xa8\xaf\xaf\x47\x57\x57\x97\x65\xcb\xdd\x82\x04\ \x28\x8a\x92\x77\x2e\x20\x35\x35\x21\x91\x48\xac\xba\x50\xbb\xdd\ \x8e\x48\x24\x82\x74\x3a\x5d\x72\xc3\xa3\xeb\x7a\x55\xc8\xc8\x46\ \x40\x34\x1a\xcd\x49\x42\x4b\x4b\x0b\x9a\x9a\x9a\x72\x7a\x3f\x63\ \xa9\x54\x0a\x84\x10\xd4\x39\x9d\x25\x77\x7d\x1c\xc7\x55\x2f\x02\ \xd6\xad\x5b\xc7\xbc\x5e\x6f\x4e\xfa\xdd\x6e\x37\x74\x5d\x07\x21\ \xf9\xb3\x25\x9d\x4e\xc3\x66\xb3\x21\x18\x0c\xbe\x51\xeb\x9b\xb9\ \xd6\x4a\xad\xa9\xaa\x06\xb4\xb5\xb5\x15\x5c\x10\xc7\x71\x48\xa7\ \xd3\x08\x04\x02\x58\x78\xf9\xf2\x8d\x48\xe0\x79\xbe\xa2\xda\x50\ \x90\x80\xbb\x77\xef\x42\x10\x04\x43\x5e\x69\x68\x68\xc0\x99\x33\ \x67\xf0\xf7\xec\x6c\x41\xe1\x5b\x0d\x60\x46\x17\x32\x69\x67\xe6\ \x50\xa4\x20\x01\xa9\x54\x0a\x9a\xa6\x65\x3d\x93\xcf\x74\x5d\x87\ \xa2\x28\xa8\xaf\xaf\xc7\xc8\xc8\x08\xa2\x73\x73\x86\x42\x3e\xdf\ \x77\x84\x90\x6c\xda\x99\xa9\x0f\x24\xdf\xa8\x28\x63\x8f\x1e\x3d\ \xca\xaa\xb4\x11\x13\x45\x11\xdd\xdd\xdd\xe8\xd9\xb9\xb3\x24\xf0\ \xaf\x2d\x8e\x90\xea\xa7\xc0\xfc\xfc\x3c\x62\xb1\x18\x04\xc1\x58\ \xe3\xc8\x18\x43\x63\x63\x23\xc2\xe1\x30\x36\xf8\x7c\x96\x2c\x7e\ \x8a\x9a\x09\x36\xfb\x7c\x88\xc7\xe3\x10\x45\xd1\x90\xe7\x18\x63\ \x90\x65\x19\xa2\x28\xe2\xf0\xe1\xc3\xe8\xd8\xba\xb5\xb6\x2a\xc1\ \x5c\x69\x30\x3a\x3a\x8a\xa7\x4f\x9f\x16\xd4\x81\xe5\x21\xae\x69\ \x1a\x04\x41\xc0\xbe\x7d\xfb\xd0\x5e\xc2\xed\x2c\x4b\xf5\x02\x5e\ \x8f\x07\xd7\xaf\x5f\x2f\x3a\x2f\x93\xc9\x24\x08\x21\x08\x87\xc3\ \x38\x7a\xfc\x38\xd4\x15\x95\x62\xb5\xcb\xe0\xa2\xda\xe1\x8b\x17\ \x2f\xe2\xd5\xab\x57\xb0\xdb\xed\x45\xcd\xeb\x35\x4d\x83\xa2\x28\ \x90\x24\x09\x91\x48\x04\x5e\xbf\x3f\xbb\x4d\x56\xa3\xfa\x5b\x19\ \xe1\x45\xdd\x1b\x9c\x8d\x46\x71\xfa\xf4\x69\xb4\x2e\xcd\xff\x96\ \xdf\xcd\x35\xa2\xe8\x76\xbb\x1d\x00\x30\x39\x39\x89\x5b\xb7\x6e\ \xe1\xe6\xcd\x9b\x70\xd6\xd5\x59\x93\x80\x7c\x24\x80\x10\x8c\x8c\ \x8c\x60\xf3\xe6\xcd\x50\x55\x15\xaa\xaa\x1a\x4e\x0b\xc6\x18\x44\ \x51\x84\x20\x08\x78\xf1\xe2\x05\x6e\xdf\xbe\x8d\xdf\x27\x26\xaa\ \x06\x1e\x00\x56\x55\xb5\x9e\x60\xf0\xdb\x1c\x28\xf0\xdb\xc4\x04\ \x44\x51\xc4\xc6\x8d\x1b\x41\x29\x35\x94\x12\x84\x10\xf0\x3c\x0f\ \x9b\xcd\x86\xa9\xa9\x29\x8c\x8d\x8d\x61\x7c\x7c\x1c\xae\x12\x1b\ \xa8\x72\x80\x2f\x18\x01\x79\xa3\x60\xc9\x9e\x3d\x7f\x8e\xc1\xc1\ \x41\xb4\xb7\xb7\xc3\xb7\xb4\xe7\xab\xaa\x0a\x9e\xe7\xa1\x69\x5a\ \x76\xeb\x64\x8c\x41\x51\x14\xc4\x62\x31\x4c\x4f\x4f\xe3\xfc\xf9\ \xf3\x78\x6f\xd3\xa6\xaa\x86\x7e\x59\x08\x00\x80\x44\x32\x09\x25\ \x91\x80\xd7\xeb\x45\x30\x18\x84\x24\x49\xe0\x79\x1e\x1e\x8f\x07\ \x33\x33\x33\x58\x5c\x5c\xc4\x9d\x3b\x77\x30\x3b\x3b\x8b\x7f\xe3\ \x71\x48\x92\x54\x75\xe1\x2b\x8a\x00\x23\x24\xe4\x22\xc5\xb1\x24\ \x78\x56\xaa\xfa\x4a\xde\x06\x8b\x7d\x0e\xd7\x2a\xe0\x3f\xde\xb3\ \xc7\x5f\xb6\x3a\xa0\x12\xa7\x37\xca\x6d\x7d\x7d\x7d\xff\x14\xac\ \x5a\x8b\xbd\x68\xad\xdc\x3e\x37\xea\x30\xcb\x3f\x2c\x5d\xac\x7d\ \xd8\xd3\xb3\x6b\xef\xde\xbd\x7f\x18\x9e\x42\x95\xfa\x47\x56\x24\ \x21\x3c\x3c\x4c\x02\x81\x80\xa1\x75\xc9\xb2\xcc\x51\x4a\xd9\x9a\ \x39\x30\xf1\xd5\xc9\x93\xc4\xe9\x74\x42\x14\x45\x56\x08\x78\x46\ \xff\x28\xa5\x69\xd3\x8e\xcc\x2c\xaf\x0c\xcd\x6c\x7a\x42\x03\x03\ \x64\xcb\x96\x2d\xd9\xf7\x85\x9e\x7b\x96\x65\x99\x00\x60\x00\x38\ \x4a\xa9\x5e\xd6\x95\x2d\x27\x22\x33\x46\xcb\xcc\xf7\xaa\x29\x74\ \x39\xbc\x9f\x25\xcb\x14\xd7\x98\x9d\x1a\x96\x3c\x36\x67\x36\x19\ \x35\x73\x70\xb2\x5c\x64\xd4\x62\xe1\xf5\xce\x6a\xd1\xfe\x03\xbc\ \x15\x9b\xfd\x4d\x74\x8b\x0e\x00\x00\x00\x00\x49\x45\x4e\x44\xae\ \x42\x60\x82\ \x00\x00\x06\x09\ \x89\ \x50\x4e\x47\x0d\x0a\x1a\x0a\x00\x00\x00\x0d\x49\x48\x44\x52\x00\ \x00\x00\x40\x00\x00\x00\x40\x08\x06\x00\x00\x00\xaa\x69\x71\xde\ \x00\x00\x00\x06\x62\x4b\x47\x44\x00\xff\x00\xff\x00\xff\xa0\xbd\ \xa7\x93\x00\x00\x00\x09\x70\x48\x59\x73\x00\x00\x0b\x13\x00\x00\ \x0b\x13\x01\x00\x9a\x9c\x18\x00\x00\x00\x07\x74\x49\x4d\x45\x07\ \xe5\x03\x1d\x12\x1d\x14\x95\x9a\x1a\x7c\x00\x00\x00\x1d\x69\x54\ \x58\x74\x43\x6f\x6d\x6d\x65\x6e\x74\x00\x00\x00\x00\x00\x43\x72\ \x65\x61\x74\x65\x64\x20\x77\x69\x74\x68\x20\x47\x49\x4d\x50\x64\ \x2e\x65\x07\x00\x00\x05\x6d\x49\x44\x41\x54\x78\xda\xed\x9b\xcd\ \x4f\x1b\x47\x18\xc6\x9f\x99\xdd\xb5\x61\x91\x88\x11\x4b\x2d\x77\ \x31\x28\x51\x1a\x10\x60\x82\x00\x91\x43\x8d\x12\x11\x55\xb9\xe4\ \x14\x0b\x12\xa5\xe6\x40\x15\xa4\xca\x52\x73\xa8\x22\xa5\xe5\xd4\ \x5b\xe1\x3f\xe0\xc2\x3f\x80\x38\x47\xa8\x4a\x6b\xb5\x17\x52\xc4\ \x47\x0e\x51\x9a\x20\x14\xd4\x38\x26\x25\x72\x44\xaa\x20\x7f\xad\ \x77\xa7\x87\xb2\x5b\xa0\xc6\xbb\x76\xfc\xb5\x76\xde\x9b\xf1\x6a\ \x99\xe7\x37\xcf\xfb\xce\x3b\x23\x0f\xf0\x31\xea\x3b\x48\x39\xff\ \xd9\xf7\xf7\xef\xb3\x7c\x9e\xff\x71\x6e\x8e\xd8\x1a\x40\xbe\x82\ \x2b\x01\x83\x54\xb3\xe8\x72\xc0\x28\xda\x8b\xc2\xe1\x70\xeb\x4f\ \xcb\xcb\xb1\x72\xa6\x54\x31\x40\x10\xbb\xcc\x7a\xa9\x40\x10\x3b\ \x0b\x2f\x06\x04\x52\x0b\xe2\xf5\xf8\x54\x96\xbf\xfb\xe6\xee\xdd\ \xb9\x92\x03\xa8\x46\xf1\x85\xba\x21\xe7\x83\xf1\x78\x9c\x00\x80\ \x28\x8a\xcc\x2e\xe2\xf3\x85\x40\xb2\x09\x3e\x29\xda\x6e\xe2\xf3\ \x81\x40\xac\x08\xb7\xa3\x78\xab\x10\xf8\x5c\xa2\xed\x2e\xbe\x28\ \x45\xb0\x16\xc4\xe7\x72\x01\xad\x87\x1d\x5f\xae\x49\xa4\xf5\x6a\ \x7d\xd3\x14\xa8\x45\xf1\xd9\x52\xa1\x2e\x52\x20\xd7\xa4\xd2\x7a\ \xb5\x7e\x5d\x3a\x20\xdb\xe4\xd6\x1d\x00\x53\x07\xd4\x93\xfd\x3f\ \xd8\x01\xfb\xef\xde\x61\xe2\xd6\x2d\xfc\xf1\xfc\xb9\x6d\xd3\x80\ \x2f\xe4\x05\xd1\xdd\x5d\xf4\x5f\xbc\x88\xaf\xee\xdc\x81\xd7\xeb\ \x85\x2c\xcb\xb6\x75\x00\x5f\x88\xfd\xbf\x0c\x06\x31\x34\x34\x84\ \x96\x96\x16\xa4\x52\x29\xec\x46\xa3\x68\xee\xea\xb2\x3f\x00\x2b\ \xf1\x59\x57\x17\xfc\x7e\x3f\x38\x8e\x03\x63\x0c\xe9\x74\x1a\x9f\ \xb8\xdd\xf5\x51\x03\x5a\x5a\x5b\x11\x08\x04\xc0\x71\x1c\x34\x4d\ \x83\xa2\x28\x10\x45\x11\x0e\x87\xc3\xb6\xcb\xa1\x65\x00\x89\x54\ \x0a\x81\x40\x00\xa2\x28\x82\xb1\xff\x32\x85\xe3\x38\x0c\x0e\x0e\ \xd6\xbe\x03\xa6\xa6\xa6\xe0\x76\xbb\x91\xc9\x64\x0c\x00\x8c\x31\ \x50\x4a\xd1\xd1\xd1\x51\xdb\x00\x32\x9a\x06\x8f\xc7\x83\x86\x86\ \x86\x63\xb3\xcf\x18\x83\xa2\x28\x70\xd7\x7a\x0d\xb8\x71\xe3\x06\ \x5c\x2e\x17\x34\x4d\x3b\xbe\x95\x24\x04\x8c\x31\x48\x92\x84\xed\ \x17\x2f\x6a\x13\xc0\x8b\x9d\x1d\xf4\xf6\xf6\xfe\xeb\x84\x4c\xe6\ \x7f\xdf\xab\xaa\x8a\x33\x67\xce\x60\x78\x78\xb8\xa0\x01\x1c\x75\ \x54\xc5\x00\x24\x12\x89\x53\xcf\x05\xa4\xb6\x36\x24\x93\xc9\x9c\ \x03\x75\x3a\x9d\x08\x85\x42\x50\x55\x35\xff\x03\x89\x43\x17\x69\ \x9a\x56\x11\x18\x86\x03\xa2\xd1\x68\x56\x08\x67\xcf\x9e\x45\x5b\ \x5b\x5b\xd6\xd9\xd7\x23\x9d\x4e\x83\x52\x8a\x66\x97\xeb\x38\x3c\ \x49\xb2\x0c\x81\x10\x52\x39\x07\x34\x36\x36\x32\x59\x96\xb3\xe2\ \x77\xbb\xdd\xd0\x34\x0d\x94\x9e\x9e\x2d\xaa\xaa\xc2\xe1\x70\xc0\ \xef\xf7\x1b\x7f\x1b\xbb\x7a\x15\x5f\x87\x42\xb8\x7c\xe5\x8a\x65\ \x08\xfa\xbb\x4e\xd6\x9a\x8a\x76\x82\xbd\xbd\xbd\xa6\x03\x22\x84\ \x40\x55\x55\xf8\x7c\x3e\x6c\x6c\x6c\x20\x18\x0c\x82\x31\x96\xb7\ \xa5\x09\x21\x46\x93\xc5\x18\x2b\x8b\x2b\x4c\x8b\xe0\xe3\xc7\x8f\ \xc1\xf3\xbc\x29\x04\xc6\x18\x44\x51\xc4\xf4\xf4\x34\x16\x16\x16\ \xb0\xfc\xe0\x01\x18\x63\x38\x38\x38\xc8\xfa\x6c\x2e\x38\x7a\x5d\ \xd0\xd3\xae\x14\xb5\x41\x3f\x1f\x34\x05\x90\x4e\xa7\x91\xc9\x64\ \xc0\x71\x5c\xce\xe7\x34\x4d\x33\x8a\xe0\xc0\xc0\x00\x40\x29\x08\ \x21\x88\xbc\x7c\x99\xd3\xf2\xa7\x7d\x47\x29\x35\xd2\xae\x94\x4e\ \xa0\xd9\xa8\x1c\x8d\xad\xad\x2d\xa3\x4a\x9b\xd9\x97\x52\x0a\x41\ \x10\x30\x3c\x3c\x8c\x91\x91\x11\x24\x12\x09\x24\x93\xc9\xbc\xc4\ \x1f\x1b\x1c\xa5\x95\x4f\x81\xbd\xbd\x3d\xc4\x62\x31\xf0\xbc\xb5\ \x8d\x23\x63\x0c\xad\xad\xad\xf0\x7a\xbd\x86\x7b\xf4\xf0\xf5\xf7\ \x57\x45\xf3\x73\x74\xa2\x4d\x55\x75\xb4\xb7\x63\x7f\x7f\x1f\x1e\ \x8f\x07\xaa\xaa\x9a\xe6\x23\x63\x0c\xf1\x78\x1c\x00\xe0\x72\xb9\ \x70\xfe\xc2\x05\xec\xbe\x7a\x85\xf1\x9b\x37\xc1\xf3\x3c\x9e\x3f\ \x7b\x86\x74\x3a\x5d\x35\x9d\x20\x31\x3b\x32\x02\x80\xe8\xeb\xd7\ \x98\x9d\x9d\x85\x24\x49\x39\xfb\x81\x93\x35\x41\x10\x04\xa8\xaa\ \x0a\x55\x55\xf1\xf3\xc3\x87\xf8\xfd\xd1\xa3\xaa\x73\x80\xa5\x24\ \x93\x3d\x1e\xac\xac\xac\x58\xce\x4b\xbd\x5e\x28\x8a\x02\xc6\x18\ \x9a\x9a\x9a\x30\x72\xe9\x12\x94\x13\x9d\x62\xa5\xdb\xe0\xbc\xb6\ \xc3\x4b\x4b\x4b\x78\xff\xfe\x3d\x9c\x4e\xa7\xb1\x4c\x99\x15\x2f\ \xbd\xc3\x4b\x26\x93\x90\x24\x09\xa1\x50\x08\xb2\xd7\x8b\x3f\x23\ \x91\x92\x57\x77\x2b\xb3\x7f\x6a\x0a\x64\x4b\x03\x00\x88\x44\xa3\ \x98\x99\x99\x41\xd7\xe1\xf9\x5f\x2a\x95\xca\x59\x0b\x8e\x0a\xa4\ \x94\xc2\xe9\x74\x02\x00\x9e\x3c\x79\x82\xb5\xb5\x35\xac\xae\xae\ \xc2\xd5\xdc\x5c\x9d\x00\x4e\x83\x00\x4a\x31\x39\x39\x89\xee\xee\ \x6e\x28\x8a\x02\x45\x51\x2c\x2f\x57\x8c\x31\x08\x82\x00\x9e\xe7\ \xf1\xf6\xed\x5b\xac\xaf\xaf\xe3\xd7\x70\xb8\x62\xe2\x01\x20\x67\ \x77\x33\xea\xf7\xff\x90\x45\x05\x7e\x09\x87\x21\x08\x02\x3a\x3b\ \x3b\x21\x8a\xa2\x69\x4a\xe8\x0e\xe0\x38\x0e\x0e\x87\x03\x4f\x9f\ \x3e\xc5\xe2\xe2\x22\x96\x97\x97\xd1\x72\x62\x03\x55\x4e\xf1\xa6\ \x0e\x38\xd5\x05\x87\xf1\xd7\x9b\x37\x98\x98\x98\x40\x5f\x5f\x1f\ \xda\xdb\xdb\x8d\xc2\xc7\x71\x1c\x32\x99\x0c\x04\x41\x30\xe0\x24\ \x12\x09\xc4\x62\x31\x6c\x6f\x6f\x63\x7e\x7e\x1e\xe7\xcf\x9d\xab\ \xa8\xf5\x8b\x02\x00\x00\x92\xa9\x14\x12\xc9\x24\x64\x59\x86\xdf\ \xef\x87\x24\x49\xe0\x38\x0e\x1e\x8f\x07\x3b\x3b\x3b\x38\x38\x38\ \xc0\xe6\xe6\x26\x22\x91\x08\xfe\xde\xdf\xb7\xbc\x45\x2e\x87\x78\ \x4b\x00\xac\x40\xc8\x06\xa5\xe1\xb0\xe0\x55\xd3\x9a\x5f\xf0\x32\ \x98\xef\xef\x70\xab\x45\xfc\x17\xd7\xae\x79\x8b\xd6\x07\x94\xe3\ \xf6\x46\xb1\x63\x6c\x6c\xec\x55\x41\xad\x70\x31\xd3\xa1\x5a\xad\ \x5f\x30\x80\x6a\x87\xf0\xf9\xe8\xe8\xe5\xeb\xd7\xaf\xff\xf6\x41\ \x9b\x21\xbb\x42\xb8\x1d\x0c\x52\x9f\xcf\x67\x69\x5c\xf1\x78\x9c\ \x88\xa2\xc8\x6a\xe6\xc2\xc4\xb7\xf7\xee\x51\x97\xcb\x05\x41\x10\ \x98\x99\x70\xbd\xfe\x89\xa2\xa8\x96\xec\xca\xcc\xd1\xce\xb0\x94\ \x9b\x9e\xc0\xf8\x38\xed\xe9\xe9\x31\x3e\x9b\xfd\xee\x39\x1e\x8f\ \x53\x00\x0c\x00\x11\x45\x51\x2b\xea\xc8\x8e\x82\xd0\x8f\xd1\xf4\ \xa3\xb2\x4a\x16\xba\x2c\xb3\x6f\xc0\x2a\xc9\xd4\x94\x3a\x35\xaa\ \xf2\xda\x5c\xa9\x61\xd8\xe6\xe2\x64\xb1\x60\xd8\xb1\xf1\xfa\x18\ \x76\x8c\x7f\x00\xdf\xa0\x6a\x3d\xf5\x68\xb7\xbc\x00\x00\x00\x00\ \x49\x45\x4e\x44\xae\x42\x60\x82\ \x00\x00\x06\xa9\ \x89\ \x50\x4e\x47\x0d\x0a\x1a\x0a\x00\x00\x00\x0d\x49\x48\x44\x52\x00\ \x00\x00\x40\x00\x00\x00\x40\x08\x06\x00\x00\x00\xaa\x69\x71\xde\ \x00\x00\x00\x06\x62\x4b\x47\x44\x00\xff\x00\xff\x00\xff\xa0\xbd\ \xa7\x93\x00\x00\x00\x09\x70\x48\x59\x73\x00\x00\x0b\x13\x00\x00\ \x0b\x13\x01\x00\x9a\x9c\x18\x00\x00\x00\x07\x74\x49\x4d\x45\x07\ \xe5\x03\x1d\x12\x1e\x04\xa3\x00\x59\xdb\x00\x00\x00\x1d\x69\x54\ \x58\x74\x43\x6f\x6d\x6d\x65\x6e\x74\x00\x00\x00\x00\x00\x43\x72\ \x65\x61\x74\x65\x64\x20\x77\x69\x74\x68\x20\x47\x49\x4d\x50\x64\ \x2e\x65\x07\x00\x00\x06\x0d\x49\x44\x41\x54\x78\xda\xed\x5b\x4d\ \x6c\x13\x47\x14\xfe\x76\x76\xd7\x0e\x7b\x88\x9d\x78\x83\x65\xd6\ \x09\x02\x15\x05\x48\x82\x10\x24\x97\xe2\x00\x0a\x6a\x73\xe1\x50\ \x62\x25\x41\x69\x72\x40\x15\x1c\x22\x01\x52\x1b\x89\x16\x2e\xbd\ \x55\x41\x95\x10\xea\x85\x23\x42\x3d\x21\x44\x85\x2a\xa1\xa8\xa2\ \x0d\xd0\x43\x28\x02\xc1\x01\x42\x88\x22\xa2\x92\x3a\x10\x14\x48\ \x4a\xc2\xae\xd7\xfb\x33\x3d\x34\xb6\x9c\x60\x7b\xd7\xc1\x8e\xbd\ \x36\xef\x66\x7b\x66\xbc\xdf\xf7\xbe\xf7\xe6\xcd\xec\x0c\xf0\xd1\ \xca\xdb\x98\xb5\xfc\xb3\xef\x4e\x9d\xa2\xd9\xb4\xff\x61\x70\x90\ \x71\x34\x01\xd9\x02\x2e\x04\x19\x4c\x31\x83\x5e\x0b\x32\x72\x36\ \xd0\xf0\xf0\xb0\xef\xb7\xa1\xa1\xd9\xb5\x0c\xa9\x5c\x10\xc1\x38\ \xc5\xeb\xf9\x22\x82\x71\x32\xf0\x5c\x90\xc0\x94\x02\xf8\xb8\x6d\ \x90\xa4\x6f\x8f\x9f\x38\x31\x98\x77\x02\x8a\x11\xfc\x6a\xd5\x90\ \xb1\xa1\x2c\xcb\x0c\x00\x08\x82\x40\x9d\x02\x3e\x5b\x12\x98\x54\ \x80\x57\x82\x76\x1a\xf8\x6c\x48\x60\xec\x00\x77\x22\x78\xbb\x24\ \x70\x99\x40\x3b\x1d\x7c\x4e\x92\x60\x29\x80\xcf\xa4\x02\x52\x0e\ \x2b\xbe\x4c\x4e\x24\xe5\x2a\x7d\xcb\x10\x28\x45\xf0\xa9\x42\xa1\ \x2c\x42\x20\x93\x53\x49\xb9\x4a\xbf\x2c\x15\x90\xca\xb9\x65\x47\ \x80\xa5\x02\xca\x49\xfe\x1f\xac\x80\xb9\xf9\x79\x74\x1d\x3e\x8c\ \x27\x4f\x9f\x3a\x36\x0c\x56\x45\x40\x64\x7a\x1a\xbe\x9a\x1a\x7c\ \x33\x30\x80\x6d\xdb\xb6\x41\x92\x24\xdb\x7d\x45\x51\x2c\x2a\x32\ \xb8\xd5\xc8\xff\xcb\xde\x5e\xec\xde\xbd\x1b\x55\x55\x55\x50\x55\ \x15\xd3\x91\x08\x2a\xeb\xeb\x2d\xfb\xb5\x1d\x38\x80\x4f\xf7\xec\ \xc1\x9f\xb7\x6f\xe3\xd6\xcd\x9b\xc5\x47\x80\x1d\xdb\x52\x5f\x8f\ \x50\x28\x04\x96\x65\x41\x29\x45\x2c\x16\xc3\x7a\xbf\x3f\x63\x9f\ \x4d\x9b\x36\xe1\x8b\x8e\x0e\x50\x4a\x41\x29\x75\x6e\x0e\xa8\xf2\ \xf9\x10\x0e\x87\xc1\xb2\x2c\x4c\xd3\x84\xa6\x69\x10\x04\x01\x2e\ \x97\x2b\xf5\xe0\x84\xa0\x23\x1c\x46\x67\x77\x37\x7e\xbd\x76\x0d\ \x43\xd7\xaf\x83\x52\x8a\xc5\xc5\xc5\xa2\xc9\x03\xb6\x09\x50\x54\ \x15\xe1\x70\x18\x82\x20\x2c\xf3\x22\xcb\xb2\xd8\xb5\x6b\x57\xca\ \x3e\x5f\x1d\x3d\x0a\x96\x65\xf1\xe3\xd9\xb3\x98\x98\x98\x80\xc7\ \xeb\x05\xc3\x30\x98\x7a\xfe\xbc\x38\x73\x40\x26\x3b\x72\xe4\x08\ \xfc\x7e\x3f\x74\x5d\x4f\x10\x40\x29\x05\x21\x04\x75\x75\x75\x18\ \x1f\x1b\x7b\xaf\xcf\xa5\x8b\x17\xa1\xaa\x6a\xe2\xb3\x14\x0c\x42\ \x51\x14\x44\xa3\x51\x67\x85\x80\x6e\x9a\x08\x04\x02\xa8\xa8\xa8\ \x58\xe6\x7d\x4a\x29\x34\x4d\x83\x3f\x4d\x0e\x48\x06\x5f\x51\x51\ \x81\xea\xea\x6a\xc8\xb2\x0c\x5d\xd7\x13\xdf\x37\xed\xd8\x51\xfc\ \x0a\xe8\xe8\xe8\x80\xd7\xeb\x85\x69\x9a\xcb\x97\x92\x0c\x03\x4a\ \x29\x44\x51\xc4\xc4\xb3\x67\xf8\x64\xf3\xe6\x8c\xe3\x08\x82\x80\ \x99\x97\x2f\x21\xcb\x32\x44\x51\x44\x67\x77\x37\x38\x8e\xc3\xd3\ \xb1\x31\xc4\x62\xb1\xe2\x24\xe0\xd9\xe4\x24\x1a\x1a\x1a\xfe\x57\ \x42\x92\xe7\xe2\x66\x18\x06\x3c\x1e\x0f\x9a\x9b\x9b\x31\xff\xe6\ \x4d\xda\x71\xd6\xad\x5b\x07\x41\x10\x10\x89\x44\xf0\x79\x7b\x3b\ \x9a\x5b\x5a\xf0\xfb\x8d\x1b\xb8\x33\x32\x02\x86\x61\x0a\x1b\x02\ \x8a\xa2\xa4\x7d\x02\xb1\xa6\x06\xd1\x68\x34\xe3\xf4\xe5\x76\xbb\ \xd1\xdf\xdf\x0f\xc3\x30\xd2\xb6\x09\xd6\xd6\x82\x65\x59\xec\xdb\ \xbf\x1f\xeb\xfd\x7e\x9c\x3f\x77\x0e\x7f\xdd\xb9\x93\x50\x91\x69\ \x9a\x05\x99\x22\x13\x39\x20\x12\x89\x30\xe9\xe6\xf0\x9a\x9a\x9a\ \x94\xde\x8f\x5b\x2c\x16\x03\x21\x04\x95\x5e\x6f\xda\x36\x63\x4f\ \x9e\x60\x61\x61\x01\xbf\x5c\xbd\x8a\x9f\x2f\x5d\xc2\xbb\x77\xef\ \x96\x85\x52\xa1\x54\x40\x96\xe4\x49\x25\x49\x4a\x49\xbf\xdf\xef\ \x87\x69\x9a\x20\x24\x7d\xbe\x34\x0c\x03\x2e\x97\x0b\xa1\x50\x28\ \x6d\x1b\x4d\xd3\xf0\xd3\xf9\xf3\x18\x7d\xfc\x38\xf5\xd6\xd4\x12\ \x01\x86\x61\xbc\x97\x6b\x0a\x3a\x0b\x34\x34\x34\x58\x3e\x10\xc3\ \x30\x30\x0c\x03\x4d\x4d\x4d\x98\x7f\xfb\x36\x6d\x3b\x2b\x89\x33\ \x0c\x03\x96\x65\x6d\xb5\x5d\x33\x02\x1e\x3e\x7c\x08\x8e\xe3\x6c\ \x79\xa5\xba\xba\x1a\x67\xce\x9c\xc1\xdf\x53\x53\x19\xdb\x59\x95\ \xc4\xf1\xbc\x10\x0f\xbb\x7c\x90\x11\xdf\x1f\xb4\x24\x20\x16\x8b\ \x41\xd7\xf5\x84\x67\xd2\x99\x69\x9a\x50\x14\x05\x1e\x8f\x07\x7d\ \x7d\x7d\x88\x4c\x4f\x5b\x7a\x3b\xd3\x6f\x84\x90\x44\xd8\xe5\x33\ \x3f\x90\x54\xac\x24\xdb\xf8\xf8\x78\x22\x4b\xdb\x31\x9e\xe7\xd1\ \xd2\xd2\x82\xd6\xbd\x7b\x57\x05\x7e\xe5\x5a\xa2\xe0\x21\x30\x33\ \x33\x83\xd9\xd9\x59\x70\x9c\xbd\xaa\x99\x52\x0a\x9f\xcf\x87\x9e\ \x9e\x1e\x6c\x08\x06\x8b\x72\x43\x24\xd9\xd1\x96\x04\xd4\x05\x83\ \x98\x9b\x9b\x03\xcf\xf3\xb6\x3c\x47\x29\x85\x2c\xcb\xe0\x79\x1e\ \xc7\x8e\x1d\xc3\x8e\x9d\x3b\x9d\xb5\x25\x96\x2a\x0c\x06\x07\x07\ \xf1\xe2\xc5\x0b\xcb\x3c\x90\x2c\x71\x5d\xd7\xc1\x71\x1c\x0e\x1d\ \x3a\x84\xc6\x02\xd7\xfb\x1f\xbc\x18\x92\x02\x01\x8c\x8c\x8c\x64\ \x1d\x97\xaa\xaa\x82\x10\x82\x9e\x9e\x1e\x1c\x3f\x79\x12\xda\x8a\ \x4a\xb1\x18\x36\x47\x6c\xa3\xb9\x72\xe5\x0a\x16\x16\x16\xe0\x76\ \xbb\x13\xd3\x94\xad\x95\xa4\xae\x43\x51\x14\x88\xa2\x88\xfe\xfe\ \x7e\x48\xb5\xb5\x89\x69\xb2\x10\xd5\xdf\x4a\x85\x67\xf5\x6e\x70\ \x2a\x12\xc1\xe9\xd3\xa7\x51\xbf\xb4\xff\x97\xbc\xdc\xb5\x93\xd1\ \xdd\x6e\x37\x00\xe0\xd1\xa3\x47\xb8\x77\xef\x1e\xee\xde\xbd\x0b\ \x6f\x65\x65\x71\x12\x90\x8e\x04\x10\x82\xbe\xbe\x3e\x6c\xdd\xba\ \x15\x9a\xa6\x41\xd3\x34\xdb\x61\x41\x29\x05\xcf\xf3\xe0\x38\x0e\ \xaf\x5f\xbf\xc6\xfd\xfb\xf7\x71\x6b\x78\xb8\x60\xe0\x01\x20\x63\ \x56\x6b\x0d\x85\xbe\x4f\x81\x02\x7f\x0c\x0f\x83\xe7\x79\x6c\xdc\ \xb8\x11\x82\x20\xd8\x0a\x09\x42\x08\x58\x96\x85\xcb\xe5\xc2\xe8\ \xe8\x28\x2e\x5f\xbe\x8c\xa1\xa1\x21\x54\x65\x58\x40\xe5\x1b\xbc\ \xa5\x02\xd2\xaa\x60\xc9\x5e\xbe\x7a\x85\xae\xae\x2e\x34\x36\x36\ \x22\xb8\x34\xe7\x6b\x9a\x06\x96\x65\xa1\xeb\x7a\x62\xea\xa4\x94\ \x42\x51\x14\xcc\xce\xce\x62\x62\x62\x02\x17\x2e\x5c\xb0\xdc\x3c\ \x71\x04\x01\x00\x10\x55\x55\x28\xd1\x28\x24\x49\x42\x28\x14\x82\ \x28\x8a\x60\x59\x16\x81\x40\x00\x93\x93\x93\x58\x5c\x5c\xc4\x83\ \x07\x0f\x30\x35\x35\x85\x7f\xe7\xe6\x0a\xf2\x62\x24\xd3\x11\x19\ \x5b\x69\x38\xdb\xf7\x85\x51\x55\x45\xc5\x52\xc2\x2b\xa6\xaa\x6f\ \xd5\xd3\x60\xb6\xe7\x70\x8b\x05\xfc\x67\xed\xed\xb5\x39\xab\x03\ \xd6\xe2\xf6\x46\xae\xad\xad\xad\xed\x1f\xcb\xaa\x35\xdb\x41\x4b\ \xfa\xa8\x6c\x29\x90\xb0\xa7\xb5\x75\xdf\xc1\x83\x07\x6f\xdb\x6d\ \x5f\x52\xc7\xe5\x7b\x7a\x7b\x49\x53\x53\x93\xad\xe7\x92\x65\x99\ \x11\x04\x81\x96\xcc\x85\x89\xaf\x07\x06\x88\xd7\xeb\x05\xcf\xf3\ \xd4\x0a\x78\x3c\xff\x09\x82\x60\xe4\xed\xca\x4c\x72\x65\x98\xcf\ \x45\x4f\xb8\xb3\x93\x6c\xdf\xbe\x3d\xf1\xd9\xea\xdc\xb3\x2c\xcb\ \x04\x00\x05\xc0\x08\x82\x60\xe6\xf4\xc9\x92\x89\x88\x6f\xa3\xc5\ \xf7\xf7\x0a\x99\xe8\x52\x78\x3f\x41\x56\x5e\x5c\x93\xef\xd0\x28\ \xca\x6b\x73\xf9\x26\xc3\x31\x17\x27\x73\x45\x86\x13\x0b\xaf\x8f\ \xe6\x44\xfb\x0f\xda\xc3\x92\x66\xc7\x09\x70\x9f\x00\x00\x00\x00\ \x49\x45\x4e\x44\xae\x42\x60\x82\ \x00\x00\x06\x9e\ \x89\ \x50\x4e\x47\x0d\x0a\x1a\x0a\x00\x00\x00\x0d\x49\x48\x44\x52\x00\ \x00\x00\x40\x00\x00\x00\x40\x08\x06\x00\x00\x00\xaa\x69\x71\xde\ \x00\x00\x00\x06\x62\x4b\x47\x44\x00\xff\x00\xff\x00\xff\xa0\xbd\ \xa7\x93\x00\x00\x00\x09\x70\x48\x59\x73\x00\x00\x0b\x13\x00\x00\ \x0b\x13\x01\x00\x9a\x9c\x18\x00\x00\x00\x07\x74\x49\x4d\x45\x07\ \xe5\x03\x1d\x12\x1d\x32\x47\x97\x9f\x81\x00\x00\x00\x1d\x69\x54\ \x58\x74\x43\x6f\x6d\x6d\x65\x6e\x74\x00\x00\x00\x00\x00\x43\x72\ \x65\x61\x74\x65\x64\x20\x77\x69\x74\x68\x20\x47\x49\x4d\x50\x64\ \x2e\x65\x07\x00\x00\x06\x02\x49\x44\x41\x54\x78\xda\xed\x5b\x4b\ \x6c\x13\x47\x18\xfe\x76\xd6\x6b\x3b\x7b\x88\x9d\x64\x83\x65\x6c\ \x07\x81\x5a\x05\x91\x38\x20\x48\x4e\x75\x20\x04\xb5\xb9\x70\x28\ \xb1\x08\xc8\x4d\x0e\xb4\x80\x5a\x23\x40\xaa\x90\x68\xe1\xd2\x5b\ \x15\x54\x09\xa1\x5e\x38\x22\xd4\x0b\x29\xa2\x42\x95\x50\x54\xd1\ \x46\xed\x25\x14\x81\xe0\x10\x42\x41\x16\x51\x49\x1d\x0a\x32\x84\ \x2a\x61\xd7\xeb\x7d\x4c\x0f\xb5\x97\x84\xf8\xb1\x4e\xed\xd8\x1b\ \xf3\xdf\xbc\x8f\xf1\x7c\xdf\x7c\xff\x63\x66\x67\x80\xb7\x56\xdb\ \xc6\xac\xe4\x9f\x7d\x79\xf2\x24\x2d\xe6\xf9\xaf\x87\x87\x19\x4b\ \x13\x50\x2c\xe0\x4a\x90\xc1\x54\x33\xe8\x95\x20\xa3\x64\x0d\x8d\ \x8d\x8d\x35\xfd\x34\x3a\x9a\x58\x49\x97\x2a\x05\x11\x8c\x55\x46\ \xbd\x5c\x44\x30\x56\x06\x5e\x0a\x12\x98\xd5\x00\x3e\x63\x6b\x7d\ \xbe\x2f\x8e\x1e\x3b\x36\x5c\x76\x02\xaa\x11\xfc\x72\xd5\x90\xf7\ \x41\x51\x14\x19\x00\xe0\x79\x9e\x5a\x05\x7c\xb1\x24\x30\xd9\x00\ \xbf\x09\xda\x6a\xe0\x8b\x21\x81\x31\x03\xdc\x8a\xe0\xcd\x92\x60\ \xcb\x07\xda\xea\xe0\x4b\x12\x04\x57\x03\xf8\x7c\x2a\x20\xb5\x30\ \xe3\xcb\x37\x88\xa4\x56\xa5\x5f\xd0\x05\x56\x23\xf8\x6c\xae\x50\ \x13\x2e\x90\x6f\x50\x49\xad\x4a\xbf\x26\x15\x90\x6d\x70\x6b\x8e\ \x80\x82\x0a\xa8\x25\xf9\xff\x6f\x05\xcc\xbe\x7c\x89\x81\xfd\xfb\ \x71\xff\xc1\x03\xcb\xba\x81\x6d\x39\x0d\xc4\x67\x66\xd0\xb1\x79\ \x33\x3e\x3e\x78\x10\x81\x40\x00\x3e\x9f\xcf\xb2\x0a\xb0\x2d\x47\ \xfe\x1f\x0d\x0e\x62\xdb\xb6\x6d\x68\x68\x68\x80\x2c\xcb\x98\x89\ \xc7\x51\xdf\xda\x6a\x7d\x02\xcc\xd8\xbb\xad\xad\x08\x85\x42\x60\ \x59\x16\x94\x52\xa4\x52\x29\xac\xf1\x78\x6a\x23\x06\x34\x34\x35\ \x21\x1c\x0e\x83\x65\x59\xe8\xba\x0e\x45\x51\xc0\xf3\x3c\xec\x76\ \xbb\x65\xd3\xa1\x69\x02\x24\x59\x46\x38\x1c\x06\xcf\xf3\xa0\xf4\ \xb5\xa7\xb0\x2c\x8b\xad\x5b\xb7\x16\x7c\x5f\x10\x04\x6b\x2b\xe0\ \xc0\x81\x03\xf0\x78\x3c\x50\x55\xd5\x20\x80\x52\x0a\x42\x08\x5a\ \x5a\x5a\xf2\xbe\xdb\xbb\x6b\x17\x3e\x8d\x46\xb1\xa3\xa7\xc7\x9a\ \x31\x40\xd5\x75\x78\xbd\x5e\x38\x9d\x4e\xa4\x52\x29\xe3\x3a\xa5\ \x14\x8a\xa2\xc0\x93\x23\x06\xac\x5f\xbf\x1e\x1f\xf6\xf7\x83\x52\ \xba\x48\x35\x96\x53\x40\x7f\x7f\x3f\xdc\x6e\x37\x74\x5d\x5f\x3c\ \x95\x64\x18\x50\x4a\x21\x08\x02\x62\x8f\x1e\xbd\x6e\x94\x10\xf4\ \x87\xc3\xd8\xbb\x6f\x1f\x7e\xbc\x7a\x15\xa3\xd7\xae\x81\x52\x8a\ \xf9\xf9\x79\xeb\x11\xf0\x68\x6a\x0a\x6d\x6d\x6d\xff\x29\x41\x55\ \x97\xdc\xd7\x34\x0d\x2e\x97\x0b\x9d\x9d\x9d\xc6\xb5\x4f\x0e\x1d\ \x02\xcb\xb2\xf8\xe6\xcc\x19\xc4\x62\x31\xb8\xdc\x6e\x30\x0c\x83\ \xe9\xc7\x8f\x97\xbc\x5f\x69\x65\x10\x00\x90\x24\x29\xe7\xba\x80\ \xd0\xdc\x8c\x64\x32\x99\xb7\xa3\x0e\x87\x03\xd1\x68\x14\x9a\xa6\ \x01\x00\x2e\x5e\xb8\x80\xef\x47\x46\x0c\xc5\xf8\xfc\x7e\x48\x92\ \x84\x64\x32\xb9\x74\x41\x22\xad\x22\x5d\xd7\x2b\x42\x86\xa1\x80\ \x78\x3c\xce\xe4\xf2\xe3\xe6\xe6\xe6\xac\xa3\x9f\xb1\x54\x2a\x05\ \x42\x08\xea\xdd\x6e\x00\x80\x2c\xcb\xc6\x3d\xa7\xd3\x89\xc6\xc6\ \x46\x88\xa2\xb8\xa8\x8d\x60\x47\xc7\x22\x12\x18\x86\xa9\x9c\x02\ \xea\xea\xea\xa8\xcf\xe7\xcb\x4a\xbf\xc7\xe3\x81\xae\xeb\x20\x24\ \xb7\xb7\x68\x9a\x06\xbb\xdd\x8e\x50\x28\x94\xf5\x3e\xcf\xf3\x98\ \x7d\xf1\x02\xa2\x28\x42\x10\x04\x7c\x76\xe4\x08\x7a\x76\xee\x5c\ \x54\x3f\x64\x08\xd0\x34\x6d\x49\xac\xa9\x68\x16\x68\x6b\x6b\x2b\ \xd8\x21\x86\x61\xa0\x69\x1a\x82\xc1\x20\x2e\x5d\xba\x04\x77\x7d\ \xbd\x71\xaf\xae\xae\x0e\x3c\xcf\x23\x1e\x8f\xe3\x83\xbe\x3e\x74\ \x76\x75\xe1\xe7\xeb\xd7\xf1\xfb\x8d\x1b\x59\xdb\xc9\x14\x59\x94\ \xd2\x15\x51\x45\xc1\x20\x78\xf7\xee\x5d\xd8\x6c\x36\x53\xa3\xd2\ \xd8\xd8\x88\xd3\xa7\x4f\xe3\xcf\xe9\x69\xe3\x9a\x3f\x10\x00\xcb\ \xb2\xd8\xd1\xd3\x83\x35\x1e\x0f\xce\x9d\x3d\x8b\x1b\xe3\xe3\x79\ \xfd\x3d\x13\x17\x32\x2e\x53\x8e\xd8\x90\x59\x1f\x2c\x48\x40\x2a\ \x95\x82\xaa\xaa\x60\x59\x36\xef\x73\xba\xae\x43\x92\x24\xb8\x5c\ \x2e\x0c\x0d\x0d\x21\x3e\x33\x03\x00\xf8\xe3\xfe\x7d\xcc\xcd\xcd\ \xe1\x87\x2b\x57\xf0\xdd\xc5\x8b\x78\xf5\xea\xd5\x22\xc9\xe7\x22\ \x80\x10\x62\xb8\x5d\x39\x95\x40\xb2\xb1\xb2\xd0\x1e\x3e\x7c\x68\ \x44\x69\x33\xc6\x71\x1c\xba\xba\xba\xd0\xbd\x7d\x3b\x00\x40\x51\ \x14\x7c\x7b\xee\x1c\x26\xef\xdd\x5b\xe2\xef\x05\x3b\x47\x48\xe5\ \x5d\xe0\xe9\xd3\xa7\x48\x24\x12\xb0\xd9\xcc\x4d\x1c\x29\xa5\x68\ \x6a\x6a\x42\x24\x12\xc1\x5a\xbf\xbf\x2a\x72\x7d\x2e\xf9\x9b\x22\ \xa0\xc5\xef\xc7\xec\xec\x2c\x38\x8e\x33\x35\x72\x94\x52\x88\xa2\ \x08\x8e\xe3\x70\xf8\xf0\x61\x74\x6c\xd9\x62\xad\xe9\x70\x36\x37\ \x18\x1e\x1e\xc6\x93\x27\x4f\x0a\xc6\x81\x85\x12\x57\x55\x15\x36\ \x9b\x0d\x7b\xf6\xec\x41\xfb\x82\x9c\x6f\xc9\xb9\x80\xcf\xeb\xc5\ \xf8\xf8\x78\xd1\x7e\x29\xcb\x32\x08\x21\x88\x44\x22\x38\x7a\xfc\ \x38\x94\x74\xa5\x58\x2d\x65\x70\x51\xd3\xe1\xcb\x97\x2f\x63\x6e\ \x6e\x0e\x0e\x87\xc3\x48\x53\xa6\x66\x92\xaa\x0a\x49\x92\x20\x08\ \x02\xa2\xd1\x28\x7c\x81\x80\x91\x26\x2b\x51\xfd\xbd\xa9\xf0\xa2\ \xbe\x0d\x4e\xc7\xe3\x38\x75\xea\x14\x5a\xd3\xeb\x7f\x0b\x4b\x5e\ \x33\x11\xdd\xe1\x70\x00\x00\x26\x26\x26\x70\xeb\xd6\x2d\xdc\xbc\ \x79\x73\x51\xd1\x54\x55\x04\xe4\x22\x01\x84\x60\x68\x68\x08\x1b\ \x37\x6e\x84\xa2\x28\x50\x14\xc5\xb4\x5b\x50\x4a\xc1\x71\x1c\x6c\ \x36\x1b\x9e\x3f\x7f\x8e\xdb\xb7\x6f\xe3\xd7\xb1\xb1\x8a\x81\x07\ \x80\xbc\x51\xad\x3b\x14\xfa\x2a\x0b\x0a\xfc\x32\x36\x06\x8e\xe3\ \xb0\x6e\xdd\x3a\xf0\x3c\x6f\xca\x25\x08\x21\x60\x59\x16\x76\xbb\ \x1d\x93\x93\x93\x18\x19\x19\xc1\xe8\xe8\x28\x1a\xd2\x13\xa8\x4a\ \x80\x2f\xa8\x80\x9c\x2a\x48\xdb\xdf\xcf\x9e\x61\x60\x60\x00\xed\ \xed\xed\xf0\xa7\x73\xbe\xa2\x28\x60\x59\x16\xaa\xaa\x1a\xa9\x93\ \x52\x0a\x49\x92\x90\x48\x24\x10\x8b\xc5\x70\xfe\xfc\x79\xbc\xb3\ \x61\x43\x45\xa5\x5f\x12\x02\x00\x20\x29\xcb\x90\x92\x49\xf8\x7c\ \x3e\x84\x42\x21\x08\x82\x00\x96\x65\xe1\xf5\x7a\x31\x35\x35\x85\ \xf9\xf9\x79\xdc\xb9\x73\x07\xd3\xd3\xd3\xf8\x67\x76\xb6\x22\x8b\ \xa3\xf9\xb6\xc8\x98\x0a\xc3\xc5\x7e\x2f\x4c\xca\x32\x9c\xe9\x80\ \x57\x4d\x55\xdf\xb2\xd3\x60\xb1\xfb\x70\xab\x05\xfc\xfb\x7d\x7d\ \x81\x92\xd5\x01\x2b\x71\x7a\xa3\xd4\xd6\xdb\xdb\xfb\x57\xc1\xaa\ \xb5\xd8\x46\x57\xf5\x56\xd9\xd5\x40\xc2\x7b\xdd\xdd\x3b\x76\xef\ \xde\xfd\x9b\xd9\xe7\x57\xd5\x76\xf9\xc8\xe0\x20\x09\x06\x83\xa6\ \xfa\x25\x8a\x22\xc3\xf3\x3c\x5d\x35\x07\x26\x3e\x3f\x71\x82\xb8\ \xdd\x6e\x70\x1c\x47\x0b\x01\xcf\xc4\x3f\x9e\xe7\xb5\xb2\x1d\x99\ \x59\x58\x19\x96\x73\xd2\x13\xde\xbb\x97\x6c\xda\xb4\xc9\xf8\x5d\ \x68\xdf\xb3\x28\x8a\x04\x00\x05\xc0\xf0\x3c\xaf\x97\xb4\x67\x0b\ \x89\xc8\x2c\xa3\x65\xd6\xf7\x2a\x19\xe8\xb2\x8c\xbe\x41\x56\x59\ \x86\xa6\xdc\xae\x51\x95\xc7\xe6\xca\x4d\x86\x65\x0e\x4e\x96\x8a\ \x0c\x2b\x16\x5e\x6f\xcd\x8a\xf6\x2f\x09\xd8\x89\x50\xd4\x98\xc1\ \xd8\x00\x00\x00\x00\x49\x45\x4e\x44\xae\x42\x60\x82\ \x00\x00\x06\xa9\ \x89\ \x50\x4e\x47\x0d\x0a\x1a\x0a\x00\x00\x00\x0d\x49\x48\x44\x52\x00\ \x00\x00\x40\x00\x00\x00\x40\x08\x06\x00\x00\x00\xaa\x69\x71\xde\ \x00\x00\x00\x06\x62\x4b\x47\x44\x00\xff\x00\xff\x00\xff\xa0\xbd\ \xa7\x93\x00\x00\x00\x09\x70\x48\x59\x73\x00\x00\x0b\x13\x00\x00\ \x0b\x13\x01\x00\x9a\x9c\x18\x00\x00\x00\x07\x74\x49\x4d\x45\x07\ \xe5\x03\x1d\x12\x1e\x16\x50\xb9\x28\x93\x00\x00\x00\x1d\x69\x54\ \x58\x74\x43\x6f\x6d\x6d\x65\x6e\x74\x00\x00\x00\x00\x00\x43\x72\ \x65\x61\x74\x65\x64\x20\x77\x69\x74\x68\x20\x47\x49\x4d\x50\x64\ \x2e\x65\x07\x00\x00\x06\x0d\x49\x44\x41\x54\x78\xda\xed\x5b\x4b\ \x6c\x13\x57\x14\x3d\xf3\x66\xc6\x36\xb3\x48\x9c\x64\x52\xcb\xd8\ \x0e\x02\x81\x82\x48\x9c\x20\x48\x54\xa4\x3a\x10\x82\xda\x6c\x58\ \x34\x09\x44\xc8\x4d\x16\xb4\x80\x5a\x23\x40\x2d\x48\xb4\xb0\xe9\ \xae\x0a\xaa\x84\x50\x37\x2c\x11\xea\x0a\x45\x74\x1b\x55\xb4\x56\ \xbb\x81\x22\x10\x2c\x10\x9f\x28\x22\x0a\xa9\x43\x41\x26\x4e\x49\ \x98\xf1\x78\x3e\xaf\x8b\xc6\x96\x49\xfd\x19\xbb\xb6\xc7\x4e\xb8\ \x3b\x7f\x66\xde\x3b\xe7\xde\x7b\xde\x7d\x77\xe6\x01\xef\x6c\x6d\ \x1b\x53\xc9\xc1\xbe\x39\x7b\x96\x16\xf2\xff\xef\xc6\xc6\x98\x9a\ \x26\xa0\x50\xc0\x56\x90\xc1\x54\x33\xe8\x4a\x90\x51\xb2\x1b\x85\ \xc3\xe1\xa6\x9f\x27\x26\xa2\x95\x4c\xa9\x52\x10\xc1\xd4\x8a\xd7\ \xcb\x45\x04\x53\xcb\xc0\x4b\x41\x02\xb3\x1a\xc0\x27\x6d\xbd\xc7\ \xf3\xf5\x89\x93\x27\xc7\xca\x4e\x40\x35\x82\x2f\x36\x1a\x72\xfe\ \x51\x92\x24\x06\x00\x04\x41\xa0\xb5\x02\xbe\x50\x12\x98\x4c\x80\ \x57\x82\xae\x35\xf0\x85\x90\xc0\x98\x01\x5e\x8b\xe0\xcd\x92\xc0\ \xe5\x02\x5d\xeb\xe0\x4b\x22\x82\xab\x01\x7c\xae\x28\x20\x6b\x61\ \xc7\x97\xcb\x89\x64\xad\x86\x7e\xde\x14\x58\x8d\xe0\x33\xa5\xc2\ \x9a\x48\x81\x5c\x4e\x25\x6b\x35\xf4\xd7\x64\x04\x64\x72\xae\xa5\ \x04\x88\xa2\x58\x7d\x11\x50\xa9\xf0\xef\xdb\xb7\x0f\x9f\x87\x42\ \xd8\xd3\xdb\x5b\xbb\x29\x10\x5b\x58\xc0\xf0\xa1\x43\x78\xf4\xe4\ \x89\xe9\x6b\x36\x6e\xdc\x88\x2f\x4f\x9f\x46\x47\x67\x27\x28\xa5\ \x96\xa7\x01\x57\xcc\x0d\x22\x73\x73\xe8\xe8\xec\xc4\xa7\x47\x8e\ \xc0\xe7\xf3\xc1\xe3\xf1\xe4\x67\x9a\x10\x7c\x3c\x30\x80\xcd\x5b\ \xb6\xe0\xfa\xf8\x38\x38\x8e\xc3\xe0\x81\x03\x58\x5a\x5a\xb2\x34\ \x02\xb8\x62\xc2\xff\x93\x91\x11\xec\xdc\xb9\x13\x0d\x0d\x0d\x50\ \x14\x05\x73\x91\x08\xea\x5a\x5b\x73\x5e\xf3\xd9\xd1\xa3\x58\x88\ \xc5\xf0\xfd\x85\x0b\x30\x0c\x03\xef\xef\xda\x05\x86\x61\x30\xfb\ \xec\x59\xf5\x10\x60\xc6\xb6\xb4\xb6\x22\x10\x08\x80\x65\x59\x50\ \x4a\x91\x48\x24\xf0\x9e\xcb\x95\xf7\xba\xab\x57\xae\x40\x51\x94\ \xd4\x67\x8f\xd7\x0b\x59\x96\x11\x8f\xc7\x6b\x47\x03\x1a\x9a\x9a\ \x30\x34\x34\x04\x96\x65\x61\x18\x06\x54\x55\x85\x20\x08\xb0\xd9\ \x6c\x79\xaf\x4d\x07\xef\x70\x38\xd0\xd8\xd8\x08\x49\x92\xa0\x69\ \x5a\xea\x7b\x7f\x47\x47\xc5\x75\xc0\x34\x01\xb2\xa2\x60\x68\x68\ \x08\x82\x20\xbc\x25\x5e\x2c\xcb\x62\xc7\x8e\x1d\x05\x4f\x40\x10\ \x04\xc4\xe6\xe7\x21\x49\x12\x44\x51\xc4\x17\xc7\x8f\xa3\x77\xef\ \x5e\x53\x64\x5a\x92\x02\x87\x0f\x1f\x86\xcb\xe5\x82\xa6\x69\x29\ \x02\x28\xa5\x20\x84\xa0\xa5\xa5\x05\x93\x8f\x1f\x9b\x1e\x74\xdd\ \xba\x75\x10\x04\x01\x91\x48\x04\x1f\xf5\xf7\xa3\xab\xbb\x1b\xbf\ \xdc\xb8\x81\x3f\x6e\xdd\xaa\x4e\x0d\xd0\x0c\x03\x6e\xb7\x1b\x0e\ \x87\x03\x89\x44\x22\xf5\x3d\xa5\x14\xaa\xaa\xc2\x65\x42\x03\xd2\ \xcd\xeb\xf3\x81\x65\x59\xec\xe9\xed\xc5\xcc\xcc\x0c\x2e\x5d\xbc\ \x88\x37\x6f\xde\x54\xaf\x06\x0c\x0e\x0e\xc2\xe9\x74\xc2\x30\x8c\ \xb7\xb7\x92\x0c\x03\x4a\x29\x44\x51\xc4\xd4\xd3\xa7\xa6\x07\x7d\ \xfc\xe8\x11\x16\x17\x17\xf1\xd3\xf5\xeb\xf8\xf1\xea\x55\xcb\xc0\ \x9b\x8a\x80\xa7\xd3\xd3\x68\x6b\x6b\xfb\x37\x12\xd2\x04\x2b\x69\ \xba\xae\xa3\xbe\xbe\x1e\x5d\x5d\x5d\x58\x98\x9f\x37\x35\xa8\xaa\ \xaa\xf8\xe1\xd2\x25\x50\x4a\x41\x29\x05\xc3\x30\x96\x11\x40\x00\ \x40\x96\xe5\xac\x33\x10\x9b\x9b\x11\x8f\xc7\x73\x56\x6d\x76\xbb\ \x1d\xa1\x50\x08\xba\xae\x9b\x1e\x38\x79\xbf\x64\x14\x19\x86\x61\ \x49\x65\x98\x4a\x81\x48\x24\xc2\x64\x2b\x5d\x9b\x9b\x9b\x33\x7a\ \x3f\x69\x89\x44\x02\x84\x10\xd4\x39\x9d\xc5\x75\x65\x18\xc6\xb2\ \x28\x20\xcb\xaa\x4c\x3d\x1e\x4f\x46\xfa\x5d\x2e\x17\x0c\xc3\x00\ \x21\xd9\xe5\x42\xd7\x75\xd8\x6c\x36\x04\x02\x81\xe2\x5b\x53\xcb\ \x04\xe8\xba\xfe\x1f\xad\xb1\x54\x04\xdb\xda\xda\xf2\x4e\x88\x61\ \x18\xe8\xba\x0e\xbf\xdf\x8f\x85\xd7\xaf\xff\x17\x09\x2c\xcb\xbe\ \x95\x22\x96\x13\x70\xff\xfe\x7d\x70\x1c\x67\xca\x2b\x8d\x8d\x8d\ \x38\x7f\xfe\x3c\x66\x66\x67\xf3\xe6\x7f\x2e\x80\x49\x5d\x48\xa6\ \x5d\x39\xc8\x48\xf6\x07\xf3\x12\x90\x48\x24\xa0\x69\x5a\xca\x33\ \xd9\xcc\x30\x0c\xc8\xb2\x8c\xfa\xfa\x7a\x8c\x8e\x8e\x22\x32\x37\ \x67\x2a\xe4\xb3\xfd\x46\x08\x49\xa5\x5d\x39\xf5\x81\x64\x62\x25\ \xdd\x26\x27\x27\x53\x2a\x6d\xc6\x78\x9e\x47\x77\x77\x37\x7a\x76\ \xef\x2e\x0a\xfc\xca\x2d\xb4\xe5\x29\xf0\xe2\xc5\x0b\x44\xa3\x51\ \x70\x9c\xb9\xaa\x99\x52\x8a\xa6\xa6\x26\x04\x83\x41\xac\xf7\x7a\ \x51\x8d\x96\xee\xe8\xbc\x04\xb4\x78\xbd\x88\xc5\x62\xe0\x79\xde\ \x94\xe7\x28\xa5\x90\x24\x09\x3c\xcf\xe3\xd8\xb1\x63\xe8\xd8\xbe\ \x1d\xd5\x6c\x24\x17\x3b\x49\x1b\x1b\x1b\xc3\xf3\xe7\xcf\xf3\xea\ \x40\x7a\x88\x6b\x9a\x06\x8e\xe3\x30\x30\x30\x80\xf6\x0a\x6e\x73\ \xcb\xb2\x17\xf0\xb8\xdd\xb8\x79\xf3\x66\xc1\x79\xa9\x28\x0a\x08\ \x21\x08\x06\x83\x38\x71\xea\x14\xd4\x15\x95\xa2\x55\x3d\xc1\xa2\ \x1a\x22\xe3\xe3\xe3\x58\x5c\x5c\x84\xdd\x6e\x4f\x2d\x53\xa6\x76\ \x92\x9a\x06\x59\x96\x21\x8a\x22\x42\xa1\x10\x3c\x3e\x5f\x6a\x99\ \xb4\xa2\xfa\x5b\x19\xe1\x05\x3d\x1b\x9c\x8d\x44\x70\xee\xdc\x39\ \xb4\x2e\xf7\xff\xd2\xbb\x3c\x66\x14\xdd\x6e\xb7\x03\x00\x1e\x3c\ \x78\x80\x3b\x77\xee\xe0\xf6\xed\xdb\x70\xd6\xd5\x55\x27\x01\xd9\ \x48\x00\x21\x18\x1d\x1d\xc5\xd6\xad\x5b\xa1\xaa\x2a\x54\x55\x35\ \x9d\x16\x94\x52\xf0\x3c\x0f\x8e\xe3\xf0\xea\xd5\x2b\xdc\xbd\x7b\ \x17\xbf\x85\xc3\x96\x81\x07\x80\x9c\xaa\xd6\x13\x08\x7c\x9b\x01\ \x05\x7e\x0d\x87\xc1\xf3\x3c\x36\x6c\xd8\x00\x41\x10\x4c\xa5\x04\ \x21\x04\x2c\xcb\xc2\x66\xb3\xe1\xe1\xc3\x87\xb8\x76\xed\x1a\x26\ \x26\x26\xd0\x50\xe4\x06\xaa\x14\xe0\xf3\x46\x40\xd6\x28\x58\xb6\ \xbf\x5e\xbe\xc4\xf0\xf0\x30\xda\xdb\xdb\xe1\x5d\x5e\xf3\x55\x55\ \x05\xcb\xb2\xd0\x34\x2d\xb5\x74\x52\x4a\x21\xcb\x32\xa2\xd1\x28\ \xa6\xa6\xa6\x70\xf9\xf2\x65\x6c\xde\xb4\xc9\xd2\xd0\x2f\x09\x01\ \x00\x10\x57\x14\xc8\xf1\x38\x3c\x1e\x0f\x02\x81\x00\x44\x51\x04\ \xcb\xb2\x70\xbb\xdd\x98\x9e\x9e\xc6\xd2\xd2\x12\xee\xdd\xbb\x87\ \xd9\xd9\x59\xfc\x1d\x8b\x59\xf2\x3c\x30\xd7\x2b\x32\xa6\x64\xb8\ \xd0\xe7\x85\x71\x45\x81\x63\x59\xf0\xaa\xa9\xea\x2b\x7a\x19\x2c\ \xf4\x3d\xdc\x6a\x01\xff\x61\x7f\xbf\xaf\x64\x75\x40\x25\x4e\x6f\ \x94\xda\xfa\xfa\xfa\xfe\xcc\x5b\xb5\x16\x7a\xd3\x55\xfd\xaa\xec\ \x6a\x20\xe1\x83\x9e\x9e\x3d\xfb\xf7\xef\xff\xdd\x74\x17\xaa\xd8\ \x81\xaa\x91\x84\xe0\xc8\x08\xf1\xfb\xfd\xa6\xe6\x25\x49\x12\x23\ \x08\x02\x5d\x35\x07\x26\xbe\x3a\x73\x86\x38\x9d\x4e\xf0\x3c\x4f\ \xf3\x01\x4f\xea\x9f\x20\x08\x7a\xd9\x8e\xcc\xa4\x57\x86\xe5\xdc\ \xf4\x0c\x1d\x3c\x48\xb6\x6d\xdb\x96\xfa\x9c\xef\xbd\x67\x49\x92\ \x08\x00\x0a\x80\x11\x04\xc1\x28\xe9\xcc\xd2\x89\x48\xb6\xd1\x92\ \xfd\x3d\x2b\x85\x2e\x83\xf7\x53\x64\x95\xc5\x35\xe5\x4e\x8d\xaa\ \x3c\x36\x57\x6e\x32\x6a\xe6\xe0\x64\xa9\xc8\xa8\xc5\xc2\xeb\x9d\ \xd5\xa2\xfd\x03\xef\xdf\x8d\x7f\x59\xc1\x4d\x2a\x00\x00\x00\x00\ \x49\x45\x4e\x44\xae\x42\x60\x82\ " qt_resource_name = b"\ \x00\x05\ \x00\x7a\xa8\xa5\ \x00\x73\ \x00\x74\x00\x61\x00\x74\x00\x65\ \x00\x0a\ \x04\xb7\xe4\xfe\ \x00\x63\ \x00\x6f\x00\x6e\x00\x6e\x00\x65\x00\x63\x00\x74\x00\x69\x00\x6f\x00\x6e\ \x00\x0d\ \x01\x1d\xfd\x07\ \x00\x6c\ \x00\x6f\x00\x67\x00\x6f\x00\x5f\x00\x69\x00\x63\x00\x6f\x00\x6e\x00\x2e\x00\x70\x00\x6e\x00\x67\ \x00\x0b\ \x00\xaf\xcd\x27\ \x00\x6f\ \x00\x66\x00\x66\x00\x6c\x00\x69\x00\x6e\x00\x65\x00\x2e\x00\x70\x00\x6e\x00\x67\ \x00\x0a\ \x00\x4a\x9d\x27\ \x00\x6f\ \x00\x6e\x00\x6c\x00\x69\x00\x6e\x00\x65\x00\x2e\x00\x70\x00\x6e\x00\x67\ \x00\x09\ \x02\x88\x88\x27\ \x00\x69\ \x00\x64\x00\x6c\x00\x65\x00\x35\x00\x2e\x00\x70\x00\x6e\x00\x67\ \x00\x0c\ \x0b\x71\x73\x47\ \x00\x77\ \x00\x6f\x00\x72\x00\x6b\x00\x69\x00\x6e\x00\x67\x00\x31\x00\x2e\x00\x70\x00\x6e\x00\x67\ \x00\x09\ \x02\x83\x88\x27\ \x00\x69\ \x00\x64\x00\x6c\x00\x65\x00\x30\x00\x2e\x00\x70\x00\x6e\x00\x67\ \x00\x09\ \x02\x8b\x88\x27\ \x00\x69\ \x00\x64\x00\x6c\x00\x65\x00\x38\x00\x2e\x00\x70\x00\x6e\x00\x67\ \x00\x0c\ \x01\xec\xd9\x07\ \x00\x63\ \x00\x6f\x00\x6d\x00\x70\x00\x6c\x00\x65\x00\x74\x00\x65\x00\x2e\x00\x70\x00\x6e\x00\x67\ \x00\x0c\ \x0b\x6e\x73\x47\ \x00\x77\ \x00\x6f\x00\x72\x00\x6b\x00\x69\x00\x6e\x00\x67\x00\x30\x00\x2e\x00\x70\x00\x6e\x00\x67\ \x00\x09\ \x02\x8c\x88\x27\ \x00\x69\ \x00\x64\x00\x6c\x00\x65\x00\x39\x00\x2e\x00\x70\x00\x6e\x00\x67\ \x00\x09\ \x02\x89\x88\x27\ \x00\x69\ \x00\x64\x00\x6c\x00\x65\x00\x36\x00\x2e\x00\x70\x00\x6e\x00\x67\ \x00\x09\ \x02\x8a\x88\x27\ \x00\x69\ \x00\x64\x00\x6c\x00\x65\x00\x37\x00\x2e\x00\x70\x00\x6e\x00\x67\ \x00\x09\ \x02\x84\x88\x27\ \x00\x69\ \x00\x64\x00\x6c\x00\x65\x00\x31\x00\x2e\x00\x70\x00\x6e\x00\x67\ \x00\x09\ \x02\x86\x88\x27\ \x00\x69\ \x00\x64\x00\x6c\x00\x65\x00\x33\x00\x2e\x00\x70\x00\x6e\x00\x67\ \x00\x09\ \x02\x85\x88\x27\ \x00\x69\ \x00\x64\x00\x6c\x00\x65\x00\x32\x00\x2e\x00\x70\x00\x6e\x00\x67\ \x00\x09\ \x02\x87\x88\x27\ \x00\x69\ \x00\x64\x00\x6c\x00\x65\x00\x34\x00\x2e\x00\x70\x00\x6e\x00\x67\ " qt_resource_struct_v1 = b"\ \x00\x00\x00\x00\x00\x02\x00\x00\x00\x03\x00\x00\x00\x01\ \x00\x00\x00\x00\x00\x02\x00\x00\x00\x0d\x00\x00\x00\x06\ \x00\x00\x00\x2a\x00\x00\x00\x00\x00\x01\x00\x00\x00\x00\ \x00\x00\x00\x10\x00\x02\x00\x00\x00\x02\x00\x00\x00\x04\ \x00\x00\x00\x66\x00\x00\x00\x00\x00\x01\x00\x00\xdc\xaf\ \x00\x00\x00\x4a\x00\x00\x00\x00\x00\x01\x00\x00\xc5\xfc\ \x00\x00\x00\xe6\x00\x00\x00\x00\x00\x01\x00\x01\x0d\x1d\ \x00\x00\x00\xb6\x00\x00\x00\x00\x00\x01\x00\x01\x00\xb5\ \x00\x00\x01\x6a\x00\x00\x00\x00\x00\x01\x00\x01\x35\xae\ \x00\x00\x01\x9a\x00\x00\x00\x00\x00\x01\x00\x01\x42\x68\ \x00\x00\x01\x82\x00\x00\x00\x00\x00\x01\x00\x01\x3b\xbb\ \x00\x00\x01\xb2\x00\x00\x00\x00\x00\x01\x00\x01\x49\x0a\ \x00\x00\x00\x80\x00\x00\x00\x00\x00\x01\x00\x00\xed\x7a\ \x00\x00\x01\x3a\x00\x00\x00\x00\x00\x01\x00\x01\x28\x77\ \x00\x00\x01\x52\x00\x00\x00\x00\x00\x01\x00\x01\x2f\x16\ \x00\x00\x00\xce\x00\x00\x00\x00\x00\x01\x00\x01\x06\x69\ \x00\x00\x01\x22\x00\x00\x00\x00\x00\x01\x00\x01\x21\xc4\ \x00\x00\x01\x04\x00\x00\x00\x00\x00\x01\x00\x01\x15\x65\ \x00\x00\x00\x98\x00\x00\x00\x00\x00\x01\x00\x00\xf4\x1c\ " qt_resource_struct_v2 = b"\ \x00\x00\x00\x00\x00\x02\x00\x00\x00\x03\x00\x00\x00\x01\ \x00\x00\x00\x00\x00\x00\x00\x00\ \x00\x00\x00\x00\x00\x02\x00\x00\x00\x0d\x00\x00\x00\x06\ \x00\x00\x00\x00\x00\x00\x00\x00\ \x00\x00\x00\x2a\x00\x00\x00\x00\x00\x01\x00\x00\x00\x00\ \x00\x00\x01\x6a\x6f\x3b\xcf\x15\ \x00\x00\x00\x10\x00\x02\x00\x00\x00\x02\x00\x00\x00\x04\ \x00\x00\x00\x00\x00\x00\x00\x00\ \x00\x00\x00\x66\x00\x00\x00\x00\x00\x01\x00\x00\xdc\xaf\ \x00\x00\x01\x78\x7e\xf8\xd3\x2e\ \x00\x00\x00\x4a\x00\x00\x00\x00\x00\x01\x00\x00\xc5\xfc\ \x00\x00\x01\x78\x7e\xf9\xfc\xaa\ \x00\x00\x00\xe6\x00\x00\x00\x00\x00\x01\x00\x01\x0d\x1d\ \x00\x00\x01\x78\x7f\xfe\x6d\x66\ \x00\x00\x00\xb6\x00\x00\x00\x00\x00\x01\x00\x01\x00\xb5\ \x00\x00\x01\x78\x7f\x3c\x95\x96\ \x00\x00\x01\x6a\x00\x00\x00\x00\x00\x01\x00\x01\x35\xae\ \x00\x00\x01\x78\x7f\x3f\x55\x08\ \x00\x00\x01\x9a\x00\x00\x00\x00\x00\x01\x00\x01\x42\x68\ \x00\x00\x01\x78\x7f\x3f\xc9\xb2\ \x00\x00\x01\x82\x00\x00\x00\x00\x00\x01\x00\x01\x3b\xbb\ \x00\x00\x01\x78\x7f\x40\x02\x37\ \x00\x00\x01\xb2\x00\x00\x00\x00\x00\x01\x00\x01\x49\x0a\ \x00\x00\x01\x78\x7f\x40\x49\xa6\ \x00\x00\x00\x80\x00\x00\x00\x00\x00\x01\x00\x00\xed\x7a\ \x00\x00\x01\x78\x7f\x40\x85\xf9\ \x00\x00\x01\x3a\x00\x00\x00\x00\x00\x01\x00\x01\x28\x77\ \x00\x00\x01\x78\x7f\x40\xb9\xcf\ \x00\x00\x01\x52\x00\x00\x00\x00\x00\x01\x00\x01\x2f\x16\ \x00\x00\x01\x78\x7f\x40\xf1\x12\ \x00\x00\x00\xce\x00\x00\x00\x00\x00\x01\x00\x01\x06\x69\ \x00\x00\x01\x78\x7f\x41\x25\xef\ \x00\x00\x01\x22\x00\x00\x00\x00\x00\x01\x00\x01\x21\xc4\ \x00\x00\x01\x78\x7f\x41\x61\x79\ \x00\x00\x01\x04\x00\x00\x00\x00\x00\x01\x00\x01\x15\x65\ \x00\x00\x01\x78\x7f\xf2\x13\xac\ \x00\x00\x00\x98\x00\x00\x00\x00\x00\x01\x00\x00\xf4\x1c\ \x00\x00\x01\x78\x7f\xf2\xd8\x54\ " qt_version = [int(v) for v in QtCore.qVersion().split('.')] if qt_version < [5, 8, 0]: rcc_version = 1 qt_resource_struct = qt_resource_struct_v1 else: rcc_version = 2 qt_resource_struct = qt_resource_struct_v2 def qInitResources(): QtCore.qRegisterResourceData(rcc_version, qt_resource_struct, qt_resource_name, qt_resource_data) def qCleanupResources(): QtCore.qUnregisterResourceData(rcc_version, qt_resource_struct, qt_resource_name, qt_resource_data) qInitResources()
mit
227,190,068,489,549,470
63.658948
103
0.726835
false
chapel-lang/sphinxcontrib-chapeldomain
test/test_chapeldomain.py
1
32720
# -*- coding: utf-8 -*- """Verify sphinxcontrib.chapeldomain.ChapelDomain.""" from __future__ import print_function, unicode_literals import docutils.nodes as nodes import mock import sys import unittest # For python 2.6 and lower, use unittest2. if sys.version_info[0] == 2 and sys.version_info[1] < 7: import unittest2 as unittest from sphinxcontrib.chapeldomain import ( ChapelDomain, ChapelModuleIndex, ChapelModuleLevel, ChapelObject, ChapelTypedField, chpl_sig_pattern, chpl_attr_sig_pattern, ) class ChapelDomainTests(unittest.TestCase): """ChapelDomain tests.""" def test_init(self): """Simple test to verify ChapelDomain can be initialized.""" env = mock.Mock() env.domaindata = {'name': 'chapel'} self.assertIsNotNone(ChapelDomain(env)) class ChapelModuleIndexTests(unittest.TestCase): """ChapelModuleIndex tests.""" @classmethod def setUpClass(cls): """Initalize sphinx locale stuff.""" super(ChapelModuleIndexTests, cls).setUpClass() import sphinx.locale sphinx.locale.init([], 'en') def setUp(self): """Add some useful values to this instance.""" self.modules = { # Regular sub-module. 'foo.bar.baz': ('index', '', '', False), # Module with sub-modules and a synopsis. 'foo': ('index', 'foo module synopsis -- it has two submodules', '', False), # Regular sub-module, should be sorted b/w foo and foo.bar.baz. 'foo.bar': ('index', '', '', False), # Regular sub-module with similar name to Boo (test Boo vs foo.Boo # when common prefix is foo.). 'foo.Boo': ('index', '', '', False), # Regular module. 'zed': ('other_doc', '', '', False), # Deprecated module with platform and synopsis. 'Zedd': ('other_doc', 'use zed', 'linux', True), # Regular module with platform. 'Boo': ('halloween', '', 'Mac', False), # Oddly names module that will exactly match the ignore # pattern. Also, it will generate a parent that is not real. 'odd.': ('index', '', '', False), } def new_index(self, ignores=None): """Helper to create and return new ChapelModuleIndex.""" env = mock.Mock() env.domaindata = {'name': 'chapel'} env.config = {'chapeldomain_modindex_common_prefix': ignores or []} domain = ChapelDomain(env) index = ChapelModuleIndex(domain) index.domain.data['modules'] = self.modules return index def test_init(self): """Simple test to verify ChapelModuleIndex can be initialized.""" self.assertIsNotNone(self.new_index()) def test_generate(self): """Verify an arbitrary set of modules is returned in correct order.""" index = self.new_index() expected_contents = [ ('b', [ ['Boo', 0, 'halloween', 'module-Boo', 'Mac', '', ''], ]), ('f', [ ['foo', 1, 'index', 'module-foo', '', '', 'foo module synopsis -- it has two submodules'], ['foo.bar', 2, 'index', 'module-foo.bar', '', '', ''], ['foo.bar.baz', 2, 'index', 'module-foo.bar.baz', '', '', ''], ['foo.Boo', 2, 'index', 'module-foo.Boo', '', '', ''], ]), ('o', [ ['odd', 1, '', '', '', '', ''], ['odd.', 2, 'index', 'module-odd.', '', '', ''], ]), ('z', [ ['zed', 0, 'other_doc', 'module-zed', '', '', ''], ['Zedd', 0, 'other_doc', 'module-Zedd', 'linux', 'Deprecated', 'use zed'], ]), ] contents, collapse = index.generate() self.assertFalse(collapse) self.assertEqual(expected_contents, contents) def test_generate__docnames(self): """Verify generate() returns modules that are in docnames list.""" index = self.new_index() expected_contents = [ ('b', [ ['Boo', 0, 'halloween', 'module-Boo', 'Mac', '', ''], ]), ('z', [ ['zed', 0, 'other_doc', 'module-zed', '', '', ''], ['Zedd', 0, 'other_doc', 'module-Zedd', 'linux', 'Deprecated', 'use zed'], ]), ] contents, collapse = index.generate(docnames=['halloween', 'other_doc']) self.assertFalse(collapse) self.assertEqual(expected_contents, contents) def test_generate__ignore_common_prefix(self): """Verify behavior when chapeldomain_modindex_common_prefix is set in configuration. """ index = self.new_index(ignores=['foo.', 'odd.']) expected_contents = [ ('b', [ ['Boo', 0, 'halloween', 'module-Boo', 'Mac', '', ''], ['foo.bar', 1, 'index', 'module-foo.bar', '', '', ''], ['foo.bar.baz', 2, 'index', 'module-foo.bar.baz', '', '', ''], ['foo.Boo', 0, 'index', 'module-foo.Boo', '', '', ''], ]), ('f', [ ['foo', 0, 'index', 'module-foo', '', '', 'foo module synopsis -- it has two submodules'], ]), ('o', [ ['odd', 1, '', '', '', '', ''], ['odd.', 2, 'index', 'module-odd.', '', '', ''], ]), ('z', [ ['zed', 0, 'other_doc', 'module-zed', '', '', ''], ['Zedd', 0, 'other_doc', 'module-Zedd', 'linux', 'Deprecated', 'use zed'], ]), ] contents, collapse = index.generate() self.assertTrue(collapse) self.assertEqual(expected_contents, contents) class ChapelObjectTestCase(unittest.TestCase): """Helper for ChapelObject related tests.""" object_cls = ChapelObject @classmethod def setUpClass(cls): """Initalize sphinx locale stuff.""" super(ChapelObjectTestCase, cls).setUpClass() import sphinx.locale sphinx.locale.init([], 'en') def new_obj(self, objtype, **kwargs): """Return new mocked out ChapelObject""" default_args = { 'name': 'my-chpl', 'arguments': mock.Mock('arguments'), 'options': mock.Mock('options'), 'content': mock.Mock('content'), 'lineno': mock.Mock('lineno'), 'content_offset': mock.Mock('content_offset'), 'block_text': mock.Mock('block_text'), 'state': mock.Mock('state'), 'state_machine': mock.Mock('state_machine'), } default_args.update(kwargs) o = self.object_cls(**default_args) o.objtype = objtype return o class ChapelModuleLevelTests(ChapelObjectTestCase): """ChapelModuleLevel tests.""" object_cls = ChapelModuleLevel def test_get_index_text__function__no_mod(self): """Verify get_index_text() for function without module.""" mod = self.new_obj('function') expected_text = 'myProc() (built-in procedure)' actual_text = mod.get_index_text(None, ('myProc',)) self.assertEqual(expected_text, actual_text) def test_get_index_text__function__mod(self): """Verify get_index_text() for function with module.""" mod = self.new_obj('function') expected_text = 'myProc() (in module MyMod)' actual_text = mod.get_index_text('MyMod', ('myProc',)) self.assertEqual(expected_text, actual_text) def test_get_index_text__iter__no_mod(self): """Verify get_index_text() for function without module.""" mod = self.new_obj('iterfunction') expected_text = 'myProc() (built-in iterator)' actual_text = mod.get_index_text(None, ('myProc',)) self.assertEqual(expected_text, actual_text) def test_get_index_text__iter__mod(self): """Verify get_index_text() for function with module.""" mod = self.new_obj('iterfunction') expected_text = 'myProc() (in module MyMod)' actual_text = mod.get_index_text('MyMod', ('myProc',)) self.assertEqual(expected_text, actual_text) def test_get_index_text__data__no_mod(self): """Verify get_index_text() for data without module.""" mod = self.new_obj('data') expected_text = 'myThing (built-in variable)' actual_text = mod.get_index_text(None, ('myThing',)) self.assertEqual(expected_text, actual_text) def test_get_index_text__data__mod(self): """Verify get_index_text() for data with module.""" mod = self.new_obj('data') expected_text = 'myThing (in module MyMod)' actual_text = mod.get_index_text('MyMod', ('myThing',)) self.assertEqual(expected_text, actual_text) def test_get_index_text__type__no_mod(self): """Verify get_index_text() for type without module.""" mod = self.new_obj('type') expected_text = 'myType (built-in type)' actual_text = mod.get_index_text(None, ('myType',)) self.assertEqual(expected_text, actual_text) def test_get_index_text__type__mod(self): """Verify get_index_text() for type with module.""" mod = self.new_obj('type') expected_text = 'myType (in module MyMod)' actual_text = mod.get_index_text('MyMod', ('myType',)) self.assertEqual(expected_text, actual_text) def test_get_index_text__other(self): """Verify get_index_text() returns empty string for object types other than function, attribute, and type. """ for objtype in ('other', 'attribute', 'class', 'module', 'method', 'itermethod'): mod = self.new_obj(objtype) self.assertEqual('', mod.get_index_text('MyMod', ('myThing',))) def test_chpl_type_name(self): """Verify chpl_type_name property for different objtypes.""" test_cases = [ ('function', 'procedure'), ('iterfunction', 'iterator'), ('type', 'type'), ('data', ''), ('method', ''), ('itermethod', ''), ] for objtype, expected_type in test_cases: mod = self.new_obj(objtype) self.assertEqual(expected_type, mod.chpl_type_name) def test_needs_arglist(self): """Verify needs_arglist().""" test_cases = [ ('function', True), ('iterfunction', True), ('type', False), ('data', False), ('method', False), ('itermethod', False), ] for objtype, expected in test_cases: mod = self.new_obj(objtype) self.assertEqual(expected, mod.needs_arglist()) class ChapelObjectTests(ChapelObjectTestCase): """ChapelObject tests.""" def test_init(self): """Verify ChapelObject can be initialized.""" self.assertIsNotNone(self.new_obj('blah')) def test_is_attr_like__true(self): """Verify _is_attr_like return True for data and attribute directives. """ for objtype in ('data', 'attribute', 'type', 'enum'): self.assertTrue(self.new_obj(objtype)._is_attr_like()) def test_is_attr_like__false(self): """Verify _is_attr_like return False for non-attr like directive.""" bad_dirs = [ 'function', 'iterfunction', 'method', 'itermethod', 'class', 'record', 'module', 'random', '', ] for objtype in bad_dirs: self.assertFalse(self.new_obj(objtype)._is_attr_like()) def test_is_proc_like__true(self): """Verify _is_proc_like returns True for proc-like directives.""" good_dirs = [ 'function', 'iterfunction', 'method', 'itermethod', ] for objtype in good_dirs: self.assertTrue(self.new_obj(objtype)._is_proc_like()) def test_is_proc_like__false(self): """Verify _is_proc_like returns False for proc-like directives.""" bad_dirs = [ 'data', 'attribute', 'type', 'class', 'record', 'module', 'random', 'enum', '', ] for objtype in bad_dirs: self.assertFalse(self.new_obj(objtype)._is_proc_like()) def test_get_attr_like_prefix(self): """Verify _get_attr_like_prefix returns correct value for several attribute and data signatures. """ test_cases = [ ('', ''), ('foo', ''), ('type T', 'type '), ('var x', 'var '), ('config const n', 'config const '), ('blah blah blah blah blah', 'blah blah blah blah '), ('enum Color', 'enum '), ] for objtype in ('attribute', 'data'): obj = self.new_obj(objtype) for sig, prefix in test_cases: actual_prefix = obj._get_attr_like_prefix(sig) self.assertEqual(prefix, actual_prefix) def test_get_attr_like_prefix__type(self): """Verify _get_attr_like_prefix return correct value for type signatures. """ test_cases = [ ('', ''), ('foo', 'type '), ('type T', 'type '), ('var x', 'var '), ('config const n', 'config const '), ('blah blah blah blah blah', 'blah blah blah blah '), ] obj = self.new_obj('type') for sig, prefix in test_cases: actual_prefix = obj._get_attr_like_prefix(sig) self.assertEqual(prefix, actual_prefix) def test_get_attr_like_prefix__bad_objtype(self): """Verify weird case where sig matches, but objtype is incorrect.""" actual_prefix = self.new_obj('bogus')._get_attr_like_prefix('foo') self.assertEqual('', actual_prefix) def test_get_proc_like_prefix__proc(self): """Verify _get_proc_like_prefix return correct value for several signatures. """ test_cases = [ ('', ''), ('_', 'proc '), ('foo', 'proc '), ('foo()', 'proc '), ('proc foo', 'proc '), ('inline proc foo', 'inline proc '), ('proc foo() ref', 'proc '), ('iter foo() ref', 'iter '), ('inline iter foo(x, y): int(32)', 'inline iter '), ('proc proc proc proc proc proc', 'proc proc proc proc proc '), ] for objtype in ('function', 'method'): obj = self.new_obj(objtype) for sig, prefix in test_cases: actual_prefix = obj._get_proc_like_prefix(sig) self.assertEqual(prefix, actual_prefix) def test_get_proc_like_prefix__iter(self): """Verify _get_proc_like_prefix return correct value for several signatures. """ test_cases = [ ('', ''), ('_', 'iter '), ('foo', 'iter '), ('foo()', 'iter '), ('proc foo', 'proc '), ('inline proc foo', 'inline proc '), ('proc foo() ref', 'proc '), ('iter foo() ref', 'iter '), ('inline iter foo(x, y): int(32)', 'inline iter '), ('iter iter iter iter iter iter', 'iter iter iter iter iter '), ] for objtype in ('iterfunction', 'itermethod'): obj = self.new_obj(objtype) for sig, prefix in test_cases: actual_prefix = obj._get_proc_like_prefix(sig) self.assertEqual(prefix, actual_prefix) def test_get_proc_like_prefix__bad_objtype(self): """Verify weird case where sig matches, but objtype is incorrect.""" actual_prefix = self.new_obj('bogus')._get_proc_like_prefix('foo') self.assertEqual('', actual_prefix) def test_get_sig_prefix__non_proc_non_attr(self): """Verify returns '' for non-attr, non-proc objtype.""" obj = self.new_obj('bogus') self.assertEqual('', obj._get_sig_prefix('x')) def test_get_sig_prefix__proc_like(self): """Verify return proc prefix for proc-like objtype.""" for objtype in ('function', 'iterfunction', 'method', 'itermethod'): obj = self.new_obj(objtype) self.assertEqual('inline proc ', obj._get_sig_prefix('inline proc x')) def test_get_sig_prefix__attr_like(self): """Verify returns attr prefix for attr-like objtype.""" for objtype in ('attribute', 'data', 'type'): obj = self.new_obj(objtype) self.assertEqual('config const ', obj._get_sig_prefix('config const x')) class ChapelTypedFieldTests(ChapelObjectTestCase): """Verify ChapelTypedField class.""" def chpl_args(self, can_collapse=True): """Helper script to make a chapel-like argument field.""" return ChapelTypedField( 'parameter', label='Arguments', names=('param', 'parameter', 'arg', 'argument'), typerolename='chplref', typenames=('paramtype', 'type'), can_collapse=can_collapse ) def test_init(self): """Verify ChapelTypedField can be initialized.""" self.assertIsNotNone(self.chpl_args()) def test_make_field__no_items(self): """Verify make_field() when items is empty.""" result = self.chpl_args().make_field(mock.Mock(), mock.Mock(), []) self.assertEqual('Arguments\n\n', result.astext()) def test_make_field__one_items(self): """Verify make_field() when items has one element.""" arg = self.chpl_args() result = arg.make_field( {'x': [nodes.Text('X_ARG_TYPE')]}, 'chpl', [('x', nodes.Text('x is a super important argument'))] ) self.assertEqual( 'Arguments\n\nx : X_ARG_TYPE -- x is a super important argument', result.astext() ) def test_make_field__one_items__no_collapse(self): """Verify make_field() when items has one element but is not collapsible. """ arg = self.chpl_args(can_collapse=False) result = arg.make_field( {'x': [nodes.Text('X_ARG_TYPE')]}, 'chpl', [('x', nodes.Text('x is a super important argument'))] ) self.assertEqual( ('Arguments\n\n' 'x : X_ARG_TYPE -- x is a super important argument'), result.astext() ) # Assert that the one argument is in a list by crudely confirming a # bullet list was created. self.assertIn('<bullet_list>', str(result)) def test_make_field__many_items(self): """Verify make_field() when items has more than one element.""" arg = self.chpl_args(can_collapse=False) result = arg.make_field( {'x': [nodes.Text('X_ARG_TYPE')], 'z': [nodes.Text('Z1'), nodes.Text('Z2'), nodes.Text('Z3')]}, 'chpl', [ ('x', nodes.Text('x is a super important argument')), ('y', nodes.Text('y is less interesting')), ('z', nodes.Text('ZZZZ')), ] ) self.assertEqual( ('Arguments\n\n' 'x : X_ARG_TYPE -- x is a super important argument\n\n' 'y -- y is less interesting\n\n' 'z : Z1Z2Z3 -- ZZZZ'), result.astext() ) class PatternTestCase(unittest.TestCase): """Helper methods for regex pattern tests.""" def check_is_not_match(self, sig): """Verify sig does not match attr pattern.""" match = self.pattern.match(sig) self.assertIsNone(match) class SigPatternTests(PatternTestCase): """Verify chpl_sig_pattern regex.""" longMessage = True pattern = chpl_sig_pattern def check_sig(self, sig, func_prefix, name_prefix, name, arglist, retann): """Verify signature results in appropriate matches.""" fail_msg = 'sig: {0}'.format(sig) match = self.pattern.match(sig) self.assertIsNotNone(match, msg=fail_msg) (actual_func_prefix, actual_name_prefix, actual_name, actual_arglist, actual_retann) = match.groups() self.assertEqual(func_prefix, actual_func_prefix, msg=fail_msg) self.assertEqual(name_prefix, actual_name_prefix, msg=fail_msg) self.assertEqual(name, actual_name, msg=fail_msg) self.assertEqual(arglist, actual_arglist, msg=fail_msg) self.assertEqual(retann, actual_retann, msg=fail_msg) def test_does_not_match(self): """Verify various signatures that should not match.""" test_cases = [ '...', '.', ':fda', '@', '#', ] for sig in test_cases: self.check_is_not_match(sig) def test_no_parens(self): """Verify various symbols (e.g. parenless functions) parse.""" test_cases = [ 'x', 'foo', 'l_l', 'foo123', '1', '123', '+', '-', '/', '*', '**', ] for sig in test_cases: self.check_sig(sig, None, None, sig, None, None) def test_no_args(self): """Verify various functions with no args parse correctly.""" test_cases = [ ('x()', 'x'), ('foo()', 'foo'), ('l_l()', 'l_l'), ('foo123()', 'foo123'), ('1()', '1'), ('123()', '123'), ('+()', '+'), ('-()', '-'), ('/()', '/'), ('*()', '*'), ('**()', '**'), ('x ()', 'x'), ] for sig, name in test_cases: self.check_sig(sig, None, None, name, '', None) def test_with_args(self): """Verify function signatures with arguments parse correctly.""" test_cases = [ ('x(y)', 'x', 'y'), ('x(y:int)', 'x', 'y:int'), ('x(y:int=1)', 'x', 'y:int=1'), ('x( y : int = 1 )', 'x', ' y : int = 1 '), ('x ( y )', 'x', ' y '), ('x ( )', 'x', ' '), ('+(a:string, b:string)', '+', 'a:string, b:string'), ('+ (a, b)', '+', 'a, b'), ('++++++++++++++++++++ ( +++ )', '++++++++++++++++++++', ' +++ '), ] for sig, name, arglist in test_cases: self.check_sig(sig, None, None, name, arglist, None) def test_with_return_type(self): """Verify function signatures with return types parse correctly.""" test_cases = [ ('x(): int', 'x', '', ': int'), ('x(): MyMod.MyClass', 'x', '', ': MyMod.MyClass'), ('x(): int(32)', 'x', '', ': int(32)'), ('x():int(32)', 'x', '', ':int(32)'), ('x(y:int(64)):int(32)', 'x', 'y:int(64)', ':int(32)'), ('x(y:int(64), d: domain(r=2, i=int, s=true)): [{1..5}] real', 'x', 'y:int(64), d: domain(r=2, i=int, s=true)', ': [{1..5}] real'), ('x(): domain(1)', 'x', '', ': domain(1)'), ('x(): [{1..n}] BigNum', 'x', '', ': [{1..n}] BigNum'), ('x(): nil', 'x', '', ': nil'), ('x() ref', 'x', '', ' ref'), ('x() const', 'x', '', ' const'), ('x(ref x:int(32)) const', 'x', 'ref x:int(32)', ' const'), ] for sig, name, arglist, retann in test_cases: self.check_sig(sig, None, None, name, arglist, retann) def test_with_class_names(self): """Verify function signatures with class names parse correctly.""" test_cases = [ ('X.x()', 'X.', 'x', ''), ('my.foo()', 'my.', 'foo', ''), ('1.1', '1.', '1', None), ('1.1()', '1.', '1', ''), ('BigNum.+(a, b)', 'BigNum.', '+', 'a, b'), ('BigNum.fromInt()', 'BigNum.', 'fromInt', ''), ('Vector.top', 'Vector.', 'top', None), ('MyMod.MyClass.foo()', 'MyMod.MyClass.', 'foo', ''), ] for sig, class_name, name, arglist in test_cases: self.check_sig(sig, None, class_name, name, arglist, None) def test_with_prefixes(self): """Verify functions with prefixes parse correctly.""" test_cases = [ ('proc foo()', 'proc ', 'foo', ''), ('inline proc foo()', 'inline proc ', 'foo', ''), ('inline proc +()', 'inline proc ', '+', ''), ('inline iter basic()', 'inline iter ', 'basic', ''), ] for sig, prefix, name, arglist in test_cases: self.check_sig(sig, prefix, None, name, arglist, None) def test_with_all(self): """Verify fully specified signatures parse correctly.""" test_cases = [ ('proc foo() ref', 'proc ', None, 'foo', '', ' ref'), ('iter foo() ref', 'iter ', None, 'foo', '', ' ref'), ('inline proc Vector.pop() ref', 'inline proc ', 'Vector.', 'pop', '', ' ref'), ('inline proc range.first', 'inline proc ', 'range.', 'first', None, None), ('iter Math.fib(n: int(64)): GMP.BigInt', 'iter ', 'Math.', 'fib', 'n: int(64)', ': GMP.BigInt'), ('proc My.Mod.With.Deep.NameSpace.1.2.3.432.foo()', 'proc ', 'My.Mod.With.Deep.NameSpace.1.2.3.432.', 'foo', '', None), ('these() ref', None, None, 'these', '', ' ref'), ('size', None, None, 'size', None, None), ('proc Util.toVector(type eltType, cap=4, offset=0): Containers.Vector', 'proc ', 'Util.', 'toVector', 'type eltType, cap=4, offset=0', ': Containers.Vector'), ('proc MyClass$.lock$(combo$): sync bool', 'proc ', 'MyClass$.', 'lock$', 'combo$', ': sync bool'), ('proc MyClass$.lock$(combo$): sync myBool$', 'proc ', 'MyClass$.', 'lock$', 'combo$', ': sync myBool$'), ('proc type currentTime(): int(64)', 'proc type ', None, 'currentTime', '', ': int(64)'), ('proc param int.someNum(): int(64)', 'proc param ', 'int.', 'someNum', '', ': int(64)'), ('proc MyRs(seed: int(64)): int(64)', 'proc ', None, 'MyRs', 'seed: int(64)', ': int(64)'), ('proc RandomStream(seed: int(64) = SeedGenerator.currentTime, param parSafe: bool = true)', 'proc ', None, 'RandomStream', 'seed: int(64) = SeedGenerator.currentTime, param parSafe: bool = true', None), ('class X', 'class ', None, 'X', None, None), ('class MyClass:YourClass', 'class ', None, 'MyClass', None, ':YourClass'), ('class M.C : A, B, C', 'class ', 'M.', 'C', None, ': A, B, C'), ('record R', 'record ', None, 'R', None, None), ('record MyRec:SuRec', 'record ', None, 'MyRec', None, ':SuRec'), ('record N.R : X, Y, Z', 'record ', 'N.', 'R', None, ': X, Y, Z'), ('proc rcRemote(replicatedVar: [?D] ?MYTYPE, remoteLoc: locale) ref: MYTYPE', 'proc ', None, 'rcRemote', 'replicatedVar: [?D] ?MYTYPE, remoteLoc: locale', ' ref: MYTYPE'), ('proc rcLocal(replicatedVar: [?D] ?MYTYPE) ref: MYTYPE', 'proc ', None, 'rcLocal', 'replicatedVar: [?D] ?MYTYPE', ' ref: MYTYPE'), ('proc specialArg(const ref x: int)', 'proc ', None, 'specialArg', 'const ref x: int', None), ('proc specialReturn() const ref', 'proc ', None, 'specialReturn', '', ' const ref'), ('proc constRefArgAndReturn(const ref x: int) const ref', 'proc ', None, 'constRefArgAndReturn', 'const ref x: int', ' const ref'), ] for sig, prefix, class_name, name, arglist, retann in test_cases: self.check_sig(sig, prefix, class_name, name, arglist, retann) class AttrSigPatternTests(PatternTestCase): """Verify chpl_attr_sig_pattern regex.""" pattern = chpl_attr_sig_pattern def check_sig(self, sig, func_prefix, name_prefix, name, retann): """Verify signature results in appropriate matches.""" match = self.pattern.match(sig) self.assertIsNotNone(match) (actual_func_prefix, actual_name_prefix, actual_name, actual_retann) = match.groups() self.assertEqual(func_prefix, actual_func_prefix) self.assertEqual(name_prefix, actual_name_prefix) self.assertEqual(name, actual_name) self.assertEqual(retann, actual_retann) def test_does_not_match(self): """Verify various signatures that should not match.""" test_cases = [ '...', '.', '-', '----', ':::', '@', '#', ] for sig in test_cases: self.check_is_not_match(sig) def test_simple_label(self): """Verify various symbols match pattern.""" test_cases = [ 'x', 'myVar', 'l_l', '123', '1', ] for sig in test_cases: self.check_sig(sig, '', None, sig, None) def test_with_class_names(self): """Verify symbols with class names match pattern.""" test_cases = [ ('my.var', 'my.', 'var'), ('1.1', '1.', '1'), ('BigNum.fromInt', 'BigNum.', 'fromInt'), ] for sig, class_name, attr in test_cases: self.check_sig(sig, '', class_name, attr, None) def test_with_prefixes(self): """Verify type, config, etc prefixes work.""" test_cases = [ ('type foo', 'type ', 'foo'), ('config const bar', 'config const ', 'bar'), ('config var x', 'config var ', 'x'), ('var y', 'var ', 'y'), ('const baz', 'const ', 'baz'), ] for sig, prefix, attr in test_cases: self.check_sig(sig, prefix, None, attr, None) def test_with_types(self): """Verify types parse correctly.""" test_cases = [ ('foo: int', 'foo', ': int'), ('bar: real', 'bar', ': real'), ('baz: int(32)', 'baz', ': int(32)'), ('D: domain(9)', 'D', ': domain(9)'), ('A: [{1..n}] BigNum', 'A', ': [{1..n}] BigNum'), ('x: MyModule.MyClass', 'x', ': MyModule.MyClass'), ('x : sync real', 'x', ' : sync real'), ] for sig, attr, type_name in test_cases: self.check_sig(sig, '', None, attr, type_name) def test_with_all(self): """Verify full specified signatures parse correctly.""" test_cases = [ ('config const MyModule.MyClass.n: int', 'config const ', 'MyModule.MyClass.', 'n', ': int'), ('var X.n: MyMod.MyClass', 'var ', 'X.', 'n', ': MyMod.MyClass'), ('config param debugAdvancedIters:bool', 'config param ', None, 'debugAdvancedIters', ':bool'), ('config param MyMod.DEBUG: bool', 'config param ', 'MyMod.', 'DEBUG', ': bool'), ('var RandomStreamPrivate_lock$: _syncvar(bool)', 'var ', None, 'RandomStreamPrivate_lock$', ': _syncvar(bool)'), ('var RandomStreamPrivate_lock$: sync bool', 'var ', None, 'RandomStreamPrivate_lock$', ': sync bool'), ('const RS$.lock$: sync MyMod$.MyClass$.bool', 'const ', 'RS$.', 'lock$', ': sync MyMod$.MyClass$.bool'), ('type commDiagnostics = chpl_commDiagnostics', 'type ', None, 'commDiagnostics', ' = chpl_commDiagnostics'), ('type age = int(64)', 'type ', None, 'age', ' = int(64)'), ('type MyMod.BigAge=BigNum.BigInt', 'type ', 'MyMod.', 'BigAge', '=BigNum.BigInt'), ('const x = false', 'const ', None, 'x', ' = false'), ('config const MyC.x: int(64) = 5', 'config const ', 'MyC.', 'x', ': int(64) = 5'), ('config param n: uint(64) = 5: uint(64)', 'config param ', None, 'n', ': uint(64) = 5: uint(64)'), ('var MyM.MyC.x = 4: uint(64)', 'var ', 'MyM.MyC.', 'x', ' = 4: uint(64)'), ('type MyT = 2*real(64)', 'type ', None, 'MyT', ' = 2*real(64)'), ('type myFloats = 2*(real(64))', 'type ', None, 'myFloats', ' = 2*(real(64))'), ('enum Color { Red, Yellow, Blue }', 'enum ', None, 'Color', ' { Red, Yellow, Blue }'), ('enum Month { January=1, February }', 'enum ', None, 'Month', ' { January=1, February }'), ('enum One { Neo }', 'enum ', None, 'One', ' { Neo }'), ] for sig, prefix, class_name, attr, type_name in test_cases: self.check_sig(sig, prefix, class_name, attr, type_name) if __name__ == '__main__': unittest.main()
apache-2.0
-7,255,098,714,493,085,000
39.246002
171
0.51088
false
DavidAndreev/indico
indico/modules/events/sessions/controllers/display.py
1
4250
# This file is part of Indico. # Copyright (C) 2002 - 2016 European Organization for Nuclear Research (CERN). # # Indico is free software; you can redistribute it and/or # modify it under the terms of the GNU General Public License as # published by the Free Software Foundation; either version 3 of the # License, or (at your option) any later version. # # Indico is distributed in the hope that it will be useful, but # WITHOUT ANY WARRANTY; without even the implied warranty of # MERCHANTABILITY or FITNESS FOR A PARTICULAR PURPOSE. See the GNU # General Public License for more details. # # You should have received a copy of the GNU General Public License # along with Indico; if not, see <http://www.gnu.org/licenses/>. from __future__ import unicode_literals from io import BytesIO from flask import session, request from pytz import timezone from sqlalchemy.orm import joinedload, subqueryload from werkzeug.exceptions import Forbidden from indico.modules.events.sessions.models.sessions import Session from indico.modules.events.sessions.util import (get_sessions_for_user, get_session_ical_file, get_session_timetable_pdf) from indico.modules.events.sessions.views import WPDisplaySession, WPDisplayMySessionsConference from indico.modules.events.util import get_base_ical_parameters from indico.web.flask.util import send_file from MaKaC.common.timezoneUtils import DisplayTZ from MaKaC.webinterface.rh.conferenceDisplay import RHConferenceBaseDisplay class RHDisplaySessionList(RHConferenceBaseDisplay): def _checkProtection(self): if not session.user: raise Forbidden RHConferenceBaseDisplay._checkProtection(self) def _process(self): sessions = get_sessions_for_user(self.event_new, session.user) return WPDisplayMySessionsConference.render_template('display/session_list.html', self._conf, event=self.event_new, sessions=sessions) class RHDisplaySessionBase(RHConferenceBaseDisplay): normalize_url_spec = { 'locators': { lambda self: self.session } } def _checkProtection(self): if not self.session.can_access(session.user): raise Forbidden def _checkParams(self, params): RHConferenceBaseDisplay._checkParams(self, params) self.session = Session.get_one(request.view_args['session_id'], is_deleted=False) class RHDisplaySession(RHDisplaySessionBase): view_class = WPDisplaySession def _process(self): ical_params = get_base_ical_parameters(session.user, self.event_new, 'sessions', '/export/event/{0}/session/{1}.ics'.format(self.event_new.id, self.session.id)) tz = timezone(DisplayTZ(session.user, self._conf).getDisplayTZ()) contributions_strategy = subqueryload('contributions') _contrib_tte_strategy = contributions_strategy.joinedload('timetable_entry') _contrib_tte_strategy.lazyload('*') contributions_strategy.joinedload('person_links') blocks_strategy = joinedload('blocks') blocks_strategy.joinedload('person_links') _block_tte_strategy = blocks_strategy.joinedload('timetable_entry') _block_tte_strategy.lazyload('*') _block_tte_strategy.joinedload('children') sess = (Session.query .filter_by(id=self.session.id) .options(contributions_strategy, blocks_strategy) .one()) return self.view_class.render_template('display/session_display.html', self._conf, sess=sess, event=self.event_new, timezone=tz, **ical_params) class RHExportSessionToICAL(RHDisplaySessionBase): def _process(self): return send_file('session.ics', get_session_ical_file(self.session), 'text/calendar') class RHExportSessionTimetableToPDF(RHDisplaySessionBase): def _process(self): pdf = get_session_timetable_pdf(self.session) return send_file('session-timetable.pdf', BytesIO(pdf.getPDFBin()), 'application/pdf')
gpl-3.0
6,430,539,133,723,840,000
42.814433
108
0.679059
false
zerothi/sisl
sisl/io/siesta/__init__.py
1
2186
# This Source Code Form is subject to the terms of the Mozilla Public # License, v. 2.0. If a copy of the MPL was not distributed with this # file, You can obtain one at https://mozilla.org/MPL/2.0/. """ Siesta ====== The interaction between sisl and `Siesta`_ is one of the main goals due to the implicit relationship between the developer of sisl and `Siesta`_. Additionally the TranSiesta output files are also intrinsically handled by sisl. Remark that the `gridSileSiesta` file encompass all ``RHO``, ``RHOINIT``, ``DRHO``, ``RHOXC``, ``BADER``, ``IOCH``, ``TOCH`` ``VH``, ``VNA`` and ``VT`` binary output files. fdfSileSiesta - input file outSileSiesta - output file xvSileSiesta - xyz and vxyz file bandsSileSiesta - band structure information eigSileSiesta - EIG file pdosSileSiesta - PDOS file gridSileSiesta - Grid charge information (binary) gridncSileSiesta - NetCDF grid output files (netcdf) onlysSileSiesta - Overlap matrix information dmSileSiesta - density matrix information hsxSileSiesta - Hamiltonian and overlap matrix information wfsxSileSiesta - wavefunctions ncSileSiesta - NetCDF output file ionxmlSileSiesta - Basis-information from the ion.xml files ionncSileSiesta - Basis-information from the ion.nc files orbindxSileSiesta - Basis-information (no geometry information, only ranges) faSileSiesta - Forces on atoms fcSileSiesta - Force constant matrix kpSileSiesta - k-points from simulation rkpSileSiesta - k-points to simulation structSileSiesta - geometry in STRUCT_* files The TranSiesta specific output files are: tshsSileSiesta - TranSiesta Hamiltonian tsdeSileSiesta - TranSiesta TSDE tsgfSileSiesta - TranSiesta surface Green function files tsvncSileSiesta - TranSiesta potential solution input file """ from .sile import * from .bands import * from .basis import * from .binaries import * from .eig import * from .fa import * from .fc import * from .fdf import * from .kp import * from .orb_indx import * from .out import * from .pdos import * from .struct import * from .siesta_nc import * from .siesta_grid import * from .transiesta_grid import * from .xv import *
lgpl-3.0
-871,648,533,786,630,800
33.698413
88
0.746112
false
openstates/openstates
openstates/ga/people.py
1
8685
from pupa.scrape import Person, Scraper from openstates.utils import LXMLMixin from .util import get_client, get_url, backoff, SESSION_SITE_IDS HOMEPAGE_URLS = { "lower": ( "http://www.house.ga.gov/Representatives/en-US/" "member.aspx?Member={code}&Session={sid}" ), "upper": ( "http://www.senate.ga.gov/SENATORS/en-US/" "member.aspx?Member={code}&Session={sid}" ), } class GAPersonScraper(Scraper, LXMLMixin): sservice = get_client("Members").service ssource = get_url("Members") def clean_list(self, dirty_list): new_list = [] for x in dirty_list: if x is None: new_list.append(x) else: new_list.append(x.strip()) return new_list def scrape_homepage(self, url, kwargs): url = url.format(**kwargs) page = self.lxmlize(url) images = page.xpath("//img[contains(@src, 'SiteCollectionImages')]") if len(images) != 1: raise Exception return url, images[0].attrib["src"] def scrape_session(self, session, chambers): sid = SESSION_SITE_IDS[session] members = backoff(self.sservice.GetMembersBySession, sid)["MemberListing"] seen_guids = [] for member in members: guid = member["Id"] member_info = backoff(self.sservice.GetMember, guid) # If a member switches chambers during the session, they may # appear twice. Skip the duplicate record accordingly. if guid in seen_guids: self.warning( "Skipping duplicate record of {}".format( member_info["Name"]["Last"] ) ) continue else: seen_guids.append(guid) # Check to see if the member has vacated; skip if so. # A member can have multiple services for a given session, # if they switched chambers. Filter these down to just the # active service. try: (legislative_service,) = [ service for service in member_info["SessionsInService"][ "LegislativeService" ] if service["Session"]["Id"] == sid and service["DateVacated"] is None ] except ValueError: self.info( "Skipping retired member {}".format(member_info["Name"]["Last"]) ) continue nick_name, first_name, middle_name, last_name = ( member_info["Name"][x] for x in ["Nickname", "First", "Middle", "Last"] ) first_name = nick_name if nick_name else first_name if middle_name: full_name = "%s %s %s" % (first_name, middle_name, last_name) else: full_name = "%s %s" % (first_name, last_name) party = legislative_service["Party"] if party == "Democrat": party = "Democratic" elif party.strip() == "": party = "other" chamber, district = ( legislative_service["District"][x] for x in ["Type", "Number"] ) chamber = {"House": "lower", "Senate": "upper"}[chamber] url, photo = self.scrape_homepage( HOMEPAGE_URLS[chamber], {"code": guid, "sid": sid} ) legislator = Person( name=full_name, district=str(district), party=party, primary_org=chamber, image=photo, ) legislator.extras = { "family_name": last_name, "given_name": first_name, "guid": guid, } if ( member_info["Address"]["Street"] is not None and member_info["Address"]["Street"].strip() ): capitol_address_info = { k: v.strip() for k, v in dict(member_info["Address"]).items() if k in ["Street", "City", "State", "Zip"] } capitol_address = "{Street}\n{City}, {State} {Zip}".format( **capitol_address_info ) legislator.add_contact_detail( type="address", value=capitol_address, note="Capitol Address" ) else: self.warning( "Could not find full capitol address for {}".format(full_name) ) capitol_contact_info = self.clean_list( [member_info["Address"][x] for x in ["Email", "Phone", "Fax"]] ) # Sometimes email is set to a long cryptic string. # If it doesn't have a @ character, simply set it to None # examples: # 01X5dvct3G1lV6RQ7I9o926Q==&c=xT8jBs5X4S7ZX2TOajTx2W7CBprTaVlpcvUvHEv78GI= # 01X5dvct3G1lV6RQ7I9o926Q==&c=eSH9vpfdy3XJ989Gpw4MOdUa3n55NTA8ev58RPJuzA8= if capitol_contact_info[0] and "@" not in capitol_contact_info[0]: capitol_contact_info[0] = None if capitol_contact_info[0]: # Site was hacked in the past assert "[email protected]" not in capitol_contact_info[0] if capitol_contact_info[1]: legislator.add_contact_detail( type="voice", value=capitol_contact_info[1], note="Capitol Address" ) if capitol_contact_info[2]: legislator.add_contact_detail( type="fax", value=capitol_contact_info[2], note="Capitol Address" ) if capitol_contact_info[0]: legislator.add_contact_detail( type="email", value=capitol_contact_info[0], note="Capitol Address" ) if ( member_info["DistrictAddress"]["Street"] is not None and member_info["DistrictAddress"]["Street"].strip() ): district_address_info = { k: v.strip() for k, v in dict(member_info["DistrictAddress"]).items() if k in ["Street", "City", "State", "Zip"] } district_address = "{Street}\n{City}, {State} {Zip}".format( **district_address_info ) legislator.add_contact_detail( type="address", value=district_address, note="District Address" ) else: self.warning( "Could not find full district address for {}".format(full_name) ) district_contact_info = self.clean_list( [member_info["DistrictAddress"][x] for x in ["Email", "Phone", "Fax"]] ) # Same issue with district email. See above comment if district_contact_info[0] and "@" not in district_contact_info[0]: district_contact_info[0] = None if district_contact_info[0]: # Site was hacked in the past assert "[email protected]" not in district_contact_info[0] if district_contact_info[1]: legislator.add_contact_detail( type="voice", value=district_contact_info[1], note="District Address", ) if district_contact_info[2]: legislator.add_contact_detail( type="fax", value=district_contact_info[2], note="District Address" ) if district_contact_info[0]: legislator.add_contact_detail( type="email", value=district_contact_info[0], note="District Address", ) legislator.add_link(url) legislator.add_source(self.ssource) legislator.add_source( HOMEPAGE_URLS[chamber].format(**{"code": guid, "sid": sid}) ) yield legislator def scrape(self, session=None, chamber=None): if not session: session = self.latest_session() self.info("no session specified, using %s", session) chambers = [chamber] if chamber is not None else ["upper", "lower"] yield from self.scrape_session(session, chambers)
gpl-3.0
-9,173,314,109,548,088,000
35.491597
87
0.49764
false
abelcarreras/MonteModes
montemodes/functions/symgroup.py
1
2983
import os from subprocess import Popen, PIPE, call class Symgroup: def __init__(self, symmetry='c 5', label=False, connect=False, central_atom=0, custom_atom_list=None): self._symmetry = symmetry self._label = label self._connect = connect self._central_atom = central_atom self._custom_atom_list = custom_atom_list # Check if shape is in system path if not call("type symop", shell=True, stdout=PIPE, stderr=PIPE) == 0: print ('symop binary not found') exit() @property def symmetry(self): return self._symmetry @property def label(self): return self._label @property def connect(self): return self._connect @property def central_atom(self): return self._central_atom @property def custom_atom_list(self): return self._custom_atom_list def create_symgroup_file(molecule, input_data): label = input_data.label connect = input_data.connect central_atom = input_data.central_atom symmetry = input_data.symmetry atoms_list = input_data.custom_atom_list if isinstance(atoms_list, type(None)): atoms_list = range(molecule.get_number_of_atoms()) if central_atom == 0: ligands = len(atoms_list) else: ligands = len(atoms_list) - 1 temp_file_name = 'symmetry'+ '_' + str(os.getpid()) + '.zdat' symgroup_input_file = open(temp_file_name, 'w') if label: symgroup_input_file.write('%label\n') if connect: symgroup_input_file.write('%connect\n') symgroup_input_file.write(str(ligands) + ' ' + str(central_atom) + '\n\n' + symmetry + '\nA\n') for i in range(molecule.get_number_of_atoms()): line = str(list(molecule.get_atomic_elements()[i]) + list(molecule.get_coordinates()[i]) ).strip('[]').replace(',', '').replace("'", "") symgroup_input_file.write(line + '\n') symgroup_input_file.write('\n') return symgroup_input_file def get_symmetry(molecule, input_data, remove_files=True): symgroup_input_file = create_symgroup_file(molecule, input_data) symgroup_input_file.close() symgroup_process = Popen('symgroup '+ symgroup_input_file.name, stderr=PIPE, stdout=PIPE, shell=True) symgroup_process.wait() try: measure = float(open(symgroup_input_file.name[:-4]+'ztab','r').readlines()[-1].split()[-1]) except ValueError: return None if remove_files: os.remove(symgroup_input_file.name) os.remove(symgroup_input_file.name[:-4]+'ztab') os.remove(symgroup_input_file.name[:-4]+'zout') return measure def get_symmetry_trajectory(trajectory, input_data): symmetry_list = [] for molecule in trajectory[1:]: symmetry_list.append(get_symmetry(molecule, input_data)) return symmetry_list
mit
6,281,239,343,185,834,000
26.62037
105
0.606772
false
nightmarebadger/tutorials-python-basic
basic/sorting/mergesort.py
1
1333
# -*- coding: utf-8 -*- """ A simple merge sort implementation: http://en.wikipedia.org/wiki/Merge_sort """ def merge(left, right): """Merges ordered lists 'left' and 'right'. It does this by comparing the first elements and taking the smaller one and moving on to the next one in the list, continuing until it gets to the end of both lists. >>> merge([1, 5, 8], [1, 3, 8, 12]) [1, 1, 3, 5, 8, 8, 12] >>> merge([], [1, 2]) [1, 2] >>> merge([1, 2], []) [1, 2] """ new = [] while left and right: if left[0] < right[0]: new.append(left.pop(0)) else: new.append(right.pop(0)) new.extend(left) new.extend(right) return new def mergeSort(li): """Sorts a list by splitting it to smaller and smaller pieces (until they only have one or less elements) and then merges it back using the function ``merge()``. >>> mergeSort([1, 2, 3, 4, 5]) [1, 2, 3, 4, 5] >>> mergeSort([5, 4, 3, 2, 1]) [1, 2, 3, 4, 5] >>> mergeSort([3, 2, 6, 1, 4, 2, 3, 1, 1, 5, 6, -2, 2.3]) [-2, 1, 1, 1, 2, 2, 2.3, 3, 3, 4, 5, 6, 6] """ n = len(li) if n < 2: return li return merge(mergeSort(li[:n//2]), mergeSort(li[n//2:])) if __name__ == "__main__": import doctest doctest.testmod()
mit
4,024,617,687,937,898,000
22.385965
78
0.524381
false
feist/pcs
pcs/lib/commands/test/resource/test_resource_enable_disable.py
1
60965
# pylint: disable=too-many-lines from unittest import TestCase from pcs.common import report_codes from pcs.lib import reports from pcs.lib.commands import resource from pcs.lib.errors import ( LibraryError, ReportItemSeverity as severities, ) from pcs.test.tools import fixture from pcs.test.tools.command_env import get_env_tools from pcs.test.tools.misc import ( outdent, skip_unless_pacemaker_supports_bundle, ) TIMEOUT = 10 fixture_primitive_cib_enabled = """ <resources> <primitive class="ocf" id="A" provider="heartbeat" type="Dummy"> </primitive> </resources> """ fixture_primitive_cib_enabled_with_meta = """ <resources> <primitive class="ocf" id="A" provider="heartbeat" type="Dummy"> <meta_attributes id="A-meta_attributes" /> </primitive> </resources> """ fixture_primitive_cib_disabled = """ <resources> <primitive class="ocf" id="A" provider="heartbeat" type="Dummy"> <meta_attributes id="A-meta_attributes"> <nvpair id="A-meta_attributes-target-role" name="target-role" value="Stopped" /> </meta_attributes> </primitive> </resources> """ fixture_primitive_status_template = """ <resources> <resource id="A" managed="{managed}" /> </resources> """ fixture_primitive_status_managed = fixture_primitive_status_template.format( managed="true" ) fixture_primitive_status_unmanaged = fixture_primitive_status_template.format( managed="false" ) def get_fixture_two_primitives_cib( primitive1_disabled=False, primitive1_meta=False, primitive2_disabled=False, primitive2_meta=False ): parts = [""" <resources> <primitive class="ocf" id="A" provider="heartbeat" type="Dummy"> """] if primitive1_disabled: parts.append(""" <meta_attributes id="A-meta_attributes"> <nvpair id="A-meta_attributes-target-role" name="target-role" value="Stopped" /> </meta_attributes> """) elif primitive1_meta: parts.append("""<meta_attributes id="A-meta_attributes" />""") parts.append(""" </primitive> <primitive class="ocf" id="B" provider="heartbeat" type="Dummy"> """) if primitive2_disabled: parts.append(""" <meta_attributes id="B-meta_attributes"> <nvpair id="B-meta_attributes-target-role" name="target-role" value="Stopped" /> </meta_attributes> """) elif primitive2_meta: parts.append("""<meta_attributes id="B-meta_attributes" />""") parts.append("""</primitive></resources>""") return "".join(parts) fixture_two_primitives_cib_enabled = get_fixture_two_primitives_cib() fixture_two_primitives_cib_enabled_with_meta_both = \ get_fixture_two_primitives_cib( primitive1_meta=True, primitive2_meta=True ) fixture_two_primitives_cib_disabled = get_fixture_two_primitives_cib( primitive1_disabled=True ) fixture_two_primitives_cib_disabled_with_meta = get_fixture_two_primitives_cib( primitive1_disabled=True, primitive2_meta=True ) fixture_two_primitives_cib_disabled_both = get_fixture_two_primitives_cib( primitive1_disabled=True, primitive2_disabled=True ) fixture_two_primitives_status_managed = """ <resources> <resource id="A" managed="true" /> <resource id="B" managed="true" /> </resources> """ def get_fixture_group_cib( group_disabled=False, group_meta=False, primitive1_disabled=False, primitive1_meta=False, primitive2_disabled=False, primitive2_meta=False ): parts = ["""<resources><group id="A">"""] if group_disabled: parts.append(""" <meta_attributes id="A-meta_attributes"> <nvpair id="A-meta_attributes-target-role" name="target-role" value="Stopped" /> </meta_attributes> """) elif group_meta: parts.append("""<meta_attributes id="A-meta_attributes" />""") parts.append(""" <primitive id="A1" class="ocf" provider="heartbeat" type="Dummy"> """) if primitive1_disabled: parts.append(""" <meta_attributes id="A1-meta_attributes"> <nvpair id="A1-meta_attributes-target-role" name="target-role" value="Stopped" /> </meta_attributes> """) elif primitive1_meta: parts.append("""<meta_attributes id="A1-meta_attributes" />""") parts.append(""" </primitive> <primitive id="A2" class="ocf" provider="heartbeat" type="Dummy"> """) if primitive2_disabled: parts.append(""" <meta_attributes id="A2-meta_attributes"> <nvpair id="A2-meta_attributes-target-role" name="target-role" value="Stopped" /> </meta_attributes> """) elif primitive2_meta: parts.append("""<meta_attributes id="A2-meta_attributes" />""") parts.append("""</primitive></group></resources>""") return "".join(parts) fixture_group_cib_enabled = get_fixture_group_cib() fixture_group_cib_enabled_with_meta_group = get_fixture_group_cib( group_meta=True ) fixture_group_cib_enabled_with_meta_primitive = get_fixture_group_cib( primitive1_meta=True ) fixture_group_cib_disabled_group = get_fixture_group_cib(group_disabled=True) fixture_group_cib_disabled_group_with_meta_primitive = \ get_fixture_group_cib(group_disabled=True, primitive1_meta=True) fixture_group_cib_disabled_primitive = get_fixture_group_cib( primitive1_disabled=True ) fixture_group_cib_disabled_primitive_with_meta_group = get_fixture_group_cib( group_meta=True, primitive1_disabled=True ) fixture_group_cib_disabled_both = get_fixture_group_cib( group_disabled=True, primitive1_disabled=True ) fixture_group_status_template = """ <resources> <group id="A" number_resources="2"> <resource id="A1" managed="{managed}" /> <resource id="A2" managed="{managed}" /> </group> </resources> """ fixture_group_status_managed = fixture_group_status_template.format( managed="true" ) fixture_group_status_unmanaged = fixture_group_status_template.format( managed="false" ) def get_fixture_clone_cib( clone_disabled=False, clone_meta=False, primitive_disabled=False, primitive_meta=False ): parts = ["""<resources><clone id="A-clone">"""] if clone_disabled: parts.append(""" <meta_attributes id="A-clone-meta_attributes"> <nvpair id="A-clone-meta_attributes-target-role" name="target-role" value="Stopped" /> </meta_attributes> """) elif clone_meta: parts.append("""<meta_attributes id="A-clone-meta_attributes" />""") parts.append( """<primitive id="A" class="ocf" provider="heartbeat" type="Dummy">""" ) if primitive_disabled: parts.append(""" <meta_attributes id="A-meta_attributes"> <nvpair id="A-meta_attributes-target-role" name="target-role" value="Stopped" /> </meta_attributes> """) elif primitive_meta: parts.append("""<meta_attributes id="A-meta_attributes" />""") parts.append("""</primitive></clone></resources>""") return "".join(parts) fixture_clone_cib_enabled = get_fixture_clone_cib() fixture_clone_cib_enabled_with_meta_both = get_fixture_clone_cib( clone_meta=True, primitive_meta=True ) fixture_clone_cib_enabled_with_meta_clone = get_fixture_clone_cib( clone_meta=True ) fixture_clone_cib_enabled_with_meta_primitive = get_fixture_clone_cib( primitive_meta=True ) fixture_clone_cib_disabled_clone = get_fixture_clone_cib(clone_disabled=True) fixture_clone_cib_disabled_primitive = get_fixture_clone_cib( primitive_disabled=True ) fixture_clone_cib_disabled_both = get_fixture_clone_cib( clone_disabled=True, primitive_disabled=True ) fixture_clone_status_template = """ <resources> <clone id="A-clone" managed="{managed}" multi_state="false" unique="false" > <resource id="A" managed="{managed}" /> <resource id="A" managed="{managed}" /> </clone> </resources> """ fixture_clone_status_managed = fixture_clone_status_template.format( managed="true" ) fixture_clone_status_unmanaged = fixture_clone_status_template.format( managed="false" ) def get_fixture_master_cib( master_disabled=False, master_meta=False, primitive_disabled=False, primitive_meta=False ): parts = ["""<resources><master id="A-master">"""] if master_disabled: parts.append(""" <meta_attributes id="A-master-meta_attributes"> <nvpair id="A-master-meta_attributes-target-role" name="target-role" value="Stopped" /> </meta_attributes> """) elif master_meta: parts.append("""<meta_attributes id="A-master-meta_attributes" />""") parts.append( """<primitive id="A" class="ocf" provider="heartbeat" type="Dummy">""" ) if primitive_disabled: parts.append(""" <meta_attributes id="A-meta_attributes"> <nvpair id="A-meta_attributes-target-role" name="target-role" value="Stopped" /> </meta_attributes> """) elif primitive_meta: parts.append("""<meta_attributes id="A-meta_attributes" />""") parts.append("""</primitive></master></resources>""") return"".join(parts) fixture_master_cib_enabled = get_fixture_master_cib() fixture_master_cib_enabled_with_meta_both = get_fixture_master_cib( master_meta=True, primitive_meta=True ) fixture_master_cib_enabled_with_meta_master = get_fixture_master_cib( master_meta=True ) fixture_master_cib_enabled_with_meta_primitive = get_fixture_master_cib( primitive_meta=True ) fixture_master_cib_disabled_master = get_fixture_master_cib( master_disabled=True ) fixture_master_cib_disabled_primitive = get_fixture_master_cib( primitive_disabled=True ) fixture_master_cib_disabled_both = get_fixture_master_cib( master_disabled=True, primitive_disabled=True ) fixture_master_status_template = """ <resources> <clone id="A-master" managed="{managed}" multi_state="true" unique="false" > <resource id="A" managed="{managed}" /> <resource id="A" managed="{managed}" /> </clone> </resources> """ fixture_master_status_managed = fixture_master_status_template.format( managed="true" ) fixture_master_status_unmanaged = fixture_master_status_template.format( managed="false" ) def get_fixture_clone_group_cib( clone_disabled=False, clone_meta=False, group_disabled=False, group_meta=False, primitive1_disabled=False, primitive1_meta=False, primitive2_disabled=False, primitive2_meta=False, all_meta=False ): # pylint: disable=too-many-arguments parts = ["""<resources><clone id="A-clone">"""] if clone_disabled: parts.append(""" <meta_attributes id="A-clone-meta_attributes"> <nvpair id="A-clone-meta_attributes-target-role" name="target-role" value="Stopped" /> </meta_attributes> """) elif clone_meta or all_meta: parts.append("""<meta_attributes id="A-clone-meta_attributes" />""") parts.append("""<group id="A">""") if group_disabled: parts.append(""" <meta_attributes id="A-meta_attributes"> <nvpair id="A-meta_attributes-target-role" name="target-role" value="Stopped" /> </meta_attributes> """) elif group_meta or all_meta: parts.append("""<meta_attributes id="A-meta_attributes" />""") parts.append( """<primitive id="A1" class="ocf" provider="heartbeat" type="Dummy">""" ) if primitive1_disabled: parts.append(""" <meta_attributes id="A1-meta_attributes"> <nvpair id="A1-meta_attributes-target-role" name="target-role" value="Stopped" /> </meta_attributes> """) elif primitive1_meta or all_meta: parts.append("""<meta_attributes id="A1-meta_attributes" />""") parts.append(""" </primitive> <primitive id="A2" class="ocf" provider="heartbeat" type="Dummy"> """) if primitive2_disabled: parts.append(""" <meta_attributes id="A2-meta_attributes"> <nvpair id="A2-meta_attributes-target-role" name="target-role" value="Stopped" /> </meta_attributes> """) elif primitive2_meta or all_meta: parts.append("""<meta_attributes id="A2-meta_attributes" />""") parts.append("""</primitive></group></clone></resources>""") return "".join(parts) fixture_clone_group_cib_enabled = get_fixture_clone_group_cib() fixture_clone_group_cib_enabled_with_meta_clone = get_fixture_clone_group_cib( clone_meta=True ) fixture_clone_group_cib_enabled_with_meta_group = get_fixture_clone_group_cib( group_meta=True ) fixture_clone_group_cib_enabled_with_meta_primitive = \ get_fixture_clone_group_cib(primitive1_meta=True) fixture_clone_group_cib_disabled_clone = get_fixture_clone_group_cib( clone_disabled=True ) fixture_clone_group_cib_disabled_group = get_fixture_clone_group_cib( group_disabled=True ) fixture_clone_group_cib_disabled_primitive = get_fixture_clone_group_cib( primitive1_disabled=True ) fixture_clone_group_cib_disabled_primitive_with_meta_clone_group = \ get_fixture_clone_group_cib( clone_meta=True, group_meta=True, primitive1_disabled=True ) fixture_clone_group_cib_disabled_clone_group_with_meta_primitive = \ get_fixture_clone_group_cib( clone_disabled=True, group_disabled=True, primitive1_meta=True ) fixture_clone_group_cib_disabled_all = get_fixture_clone_group_cib( clone_disabled=True, group_disabled=True, primitive1_disabled=True ) fixture_clone_group_status_template = """ <resources> <clone id="A-clone" managed="{managed}" multi_state="false" unique="false" > <group id="A:0" number_resources="2"> <resource id="A1" managed="{managed}" /> <resource id="A2" managed="{managed}" /> </group> <group id="A:1" number_resources="2"> <resource id="A1" managed="{managed}" /> <resource id="A2" managed="{managed}" /> </group> </clone> </resources> """ fixture_clone_group_status_managed = fixture_clone_group_status_template.format( managed="true" ) fixture_clone_group_status_unmanaged = \ fixture_clone_group_status_template.format(managed="false") def get_fixture_bundle_cib( bundle_disabled=False, bundle_meta=False, primitive_disabled=False, primitive_meta=False ): parts = ["""<resources><bundle id="A-bundle">"""] if bundle_disabled: parts.append(""" <meta_attributes id="A-bundle-meta_attributes"> <nvpair id="A-bundle-meta_attributes-target-role" name="target-role" value="Stopped" /> </meta_attributes> """) elif bundle_meta: parts.append("""<meta_attributes id="A-bundle-meta_attributes" />""") parts.append(""" <docker image="pcs:test" /> <primitive id="A" class="ocf" provider="heartbeat" type="Dummy"> """) if primitive_disabled: parts.append(""" <meta_attributes id="A-meta_attributes"> <nvpair id="A-meta_attributes-target-role" name="target-role" value="Stopped" /> </meta_attributes> """) elif primitive_meta: parts.append("""<meta_attributes id="A-meta_attributes" />""") parts.append("""</primitive></bundle></resources>""") return "".join(parts) fixture_bundle_cib_enabled = get_fixture_bundle_cib() fixture_bundle_cib_enabled_with_meta_both = get_fixture_bundle_cib( bundle_meta=True, primitive_meta=True ) fixture_bundle_cib_enabled_with_meta_bundle = get_fixture_bundle_cib( bundle_meta=True ) fixture_bundle_cib_enabled_with_meta_primitive = get_fixture_bundle_cib( primitive_meta=True ) fixture_bundle_cib_disabled_primitive = get_fixture_bundle_cib( primitive_disabled=True ) fixture_bundle_cib_disabled_bundle = get_fixture_bundle_cib( bundle_disabled=True ) fixture_bundle_cib_disabled_both = get_fixture_bundle_cib( bundle_disabled=True, primitive_disabled=True ) fixture_bundle_status_template = """ <resources> <bundle id="A-bundle" type="docker" image="pcmktest:http" unique="false" managed="{managed}" failed="false" > <replica id="0"> <resource id="A" /> </replica> <replica id="1"> <resource id="A" /> </replica> </bundle> </resources> """ fixture_bundle_status_managed = fixture_bundle_status_template.format( managed="true" ) fixture_bundle_status_unmanaged = fixture_bundle_status_template.format( managed="false" ) def fixture_report_unmanaged(resource_id): return ( severities.WARNING, report_codes.RESOURCE_IS_UNMANAGED, { "resource_id": resource_id, }, None ) class DisablePrimitive(TestCase): def setUp(self): self.env_assist, self.config = get_env_tools(test_case=self) def test_nonexistent_resource(self): (self.config .runner.cib.load(resources=fixture_primitive_cib_enabled) ) self.env_assist.assert_raise_library_error( lambda: resource.disable(self.env_assist.get_env(), ["B"], False), [ fixture.report_not_found("B", "resources") ], expected_in_processor=False ) def test_nonexistent_resource_in_status(self): (self.config .runner.cib.load(resources=fixture_two_primitives_cib_enabled) .runner.pcmk.load_state(resources=fixture_primitive_status_managed) ) self.env_assist.assert_raise_library_error( lambda: resource.disable(self.env_assist.get_env(), ["B"], False), [ fixture.report_not_found("B") ], ) def test_correct_resource(self): (self.config .runner.cib.load(resources=fixture_two_primitives_cib_enabled) .runner.pcmk.load_state( resources=fixture_two_primitives_status_managed ) .env.push_cib(resources=fixture_two_primitives_cib_disabled) ) resource.disable(self.env_assist.get_env(), ["A"], False) def test_unmanaged(self): # The code doesn't care what causes the resource to be unmanaged # (cluster property, resource's meta-attribute or whatever). It only # checks the cluster state (crm_mon). (self.config .runner.cib.load(resources=fixture_primitive_cib_enabled) .runner.pcmk.load_state( resources=fixture_primitive_status_unmanaged ) .env.push_cib(resources=fixture_primitive_cib_disabled) ) resource.disable(self.env_assist.get_env(), ["A"], False) self.env_assist.assert_reports([fixture_report_unmanaged("A")]) class EnablePrimitive(TestCase): def setUp(self): self.env_assist, self.config = get_env_tools(test_case=self) def test_nonexistent_resource(self): (self.config .runner.cib.load(resources=fixture_primitive_cib_disabled) ) self.env_assist.assert_raise_library_error( lambda: resource.enable(self.env_assist.get_env(), ["B"], False), [ fixture.report_not_found("B", "resources") ], expected_in_processor=False ) def test_nonexistent_resource_in_status(self): (self.config .runner.cib.load(resources=fixture_two_primitives_cib_disabled) .runner.pcmk.load_state(resources=fixture_primitive_status_managed) ) self.env_assist.assert_raise_library_error( lambda: resource.enable(self.env_assist.get_env(), ["B"], False), [ fixture.report_not_found("B") ] ) def test_correct_resource(self): (self.config .runner.cib.load(resources=fixture_two_primitives_cib_disabled_both) .runner.pcmk.load_state( resources=fixture_two_primitives_status_managed ) .env.push_cib( resources=fixture_two_primitives_cib_disabled_with_meta ) ) resource.enable(self.env_assist.get_env(), ["B"], False) def test_unmanaged(self): # The code doesn't care what causes the resource to be unmanaged # (cluster property, resource's meta-attribute or whatever). It only # checks the cluster state (crm_mon). (self.config .runner.cib.load(resources=fixture_primitive_cib_disabled) .runner.pcmk.load_state( resources=fixture_primitive_status_unmanaged ) .env.push_cib(resources=fixture_primitive_cib_enabled_with_meta) ) resource.enable(self.env_assist.get_env(), ["A"], False) self.env_assist.assert_reports([fixture_report_unmanaged("A")]) class MoreResources(TestCase): fixture_cib_enabled = """ <resources> <primitive class="ocf" id="A" provider="heartbeat" type="Dummy"> </primitive> <primitive class="ocf" id="B" provider="heartbeat" type="Dummy"> </primitive> <primitive class="ocf" id="C" provider="heartbeat" type="Dummy"> </primitive> <primitive class="ocf" id="D" provider="heartbeat" type="Dummy"> </primitive> </resources> """ fixture_cib_disabled = """ <resources> <primitive class="ocf" id="A" provider="heartbeat" type="Dummy"> <meta_attributes id="A-meta_attributes"> <nvpair id="A-meta_attributes-target-role" name="target-role" value="Stopped" /> </meta_attributes> </primitive> <primitive class="ocf" id="B" provider="heartbeat" type="Dummy"> <meta_attributes id="B-meta_attributes"> <nvpair id="B-meta_attributes-target-role" name="target-role" value="Stopped" /> </meta_attributes> </primitive> <primitive class="ocf" id="C" provider="heartbeat" type="Dummy"> <meta_attributes id="C-meta_attributes"> <nvpair id="C-meta_attributes-target-role" name="target-role" value="Stopped" /> </meta_attributes> </primitive> <primitive class="ocf" id="D" provider="heartbeat" type="Dummy"> <meta_attributes id="D-meta_attributes"> <nvpair id="D-meta_attributes-target-role" name="target-role" value="Stopped" /> </meta_attributes> </primitive> </resources> """ fixture_status = """ <resources> <resource id="A" managed="true" /> <resource id="B" managed="false" /> <resource id="C" managed="true" /> <resource id="D" managed="false" /> </resources> """ def setUp(self): self.env_assist, self.config = get_env_tools(test_case=self) def test_success_enable(self): fixture_enabled = """ <resources> <primitive class="ocf" id="A" provider="heartbeat" type="Dummy"> <meta_attributes id="A-meta_attributes" /> </primitive> <primitive class="ocf" id="B" provider="heartbeat" type="Dummy"> <meta_attributes id="B-meta_attributes" /> </primitive> <primitive class="ocf" id="C" provider="heartbeat" type="Dummy"> <meta_attributes id="C-meta_attributes"> <nvpair id="C-meta_attributes-target-role" name="target-role" value="Stopped" /> </meta_attributes> </primitive> <primitive class="ocf" id="D" provider="heartbeat" type="Dummy"> <meta_attributes id="D-meta_attributes" /> </primitive> </resources> """ (self.config .runner.cib.load(resources=self.fixture_cib_disabled) .runner.pcmk.load_state(resources=self.fixture_status) .env.push_cib(resources=fixture_enabled) ) resource.enable(self.env_assist.get_env(), ["A", "B", "D"], False) self.env_assist.assert_reports([ fixture_report_unmanaged("B"), fixture_report_unmanaged("D"), ]) def test_success_disable(self): fixture_disabled = """ <resources> <primitive class="ocf" id="A" provider="heartbeat" type="Dummy"> <meta_attributes id="A-meta_attributes"> <nvpair id="A-meta_attributes-target-role" name="target-role" value="Stopped" /> </meta_attributes> </primitive> <primitive class="ocf" id="B" provider="heartbeat" type="Dummy"> <meta_attributes id="B-meta_attributes"> <nvpair id="B-meta_attributes-target-role" name="target-role" value="Stopped" /> </meta_attributes> </primitive> <primitive class="ocf" id="C" provider="heartbeat" type="Dummy"> </primitive> <primitive class="ocf" id="D" provider="heartbeat" type="Dummy"> <meta_attributes id="D-meta_attributes"> <nvpair id="D-meta_attributes-target-role" name="target-role" value="Stopped" /> </meta_attributes> </primitive> </resources> """ (self.config .runner.cib.load(resources=self.fixture_cib_enabled) .runner.pcmk.load_state(resources=self.fixture_status) .env.push_cib(resources=fixture_disabled) ) resource.disable(self.env_assist.get_env(), ["A", "B", "D"], False) self.env_assist.assert_reports([ fixture_report_unmanaged("B"), fixture_report_unmanaged("D"), ]) def test_bad_resource_enable(self): (self.config .runner.cib.load(resources=self.fixture_cib_disabled) ) self.env_assist.assert_raise_library_error( lambda: resource.enable( self.env_assist.get_env(), ["B", "X", "Y", "A"], wait=False ), [ fixture.report_not_found("X", "resources"), fixture.report_not_found("Y", "resources"), ], expected_in_processor=False ) def test_bad_resource_disable(self): (self.config .runner.cib.load(resources=self.fixture_cib_enabled) ) self.env_assist.assert_raise_library_error( lambda: resource.disable( self.env_assist.get_env(), ["B", "X", "Y", "A"], wait=False ), [ fixture.report_not_found("X", "resources"), fixture.report_not_found("Y", "resources"), ], expected_in_processor=False ) class Wait(TestCase): def setUp(self): self.env_assist, self.config = get_env_tools(test_case=self) self.config.runner.pcmk.can_wait() fixture_status_running = """ <resources> <resource id="A" managed="true" role="Started"> <node name="node1" id="1" cached="false"/> </resource> <resource id="B" managed="true" role="Started"> <node name="node2" id="1" cached="false"/> </resource> </resources> """ fixture_status_stopped = """ <resources> <resource id="A" managed="true" role="Stopped"> </resource> <resource id="B" managed="true" role="Stopped"> </resource> </resources> """ fixture_status_mixed = """ <resources> <resource id="A" managed="true" role="Stopped"> </resource> <resource id="B" managed="true" role="Stopped"> </resource> </resources> """ fixture_wait_timeout_error = outdent( """\ Pending actions: Action 12: B-node2-stop on node2 Error performing operation: Timer expired """ ).strip() def test_enable_dont_wait_on_error(self): (self.config .runner.cib.load(resources=fixture_primitive_cib_disabled) ) self.env_assist.assert_raise_library_error( lambda: resource.enable(self.env_assist.get_env(), ["B"], TIMEOUT), [ fixture.report_not_found("B", "resources"), ], expected_in_processor=False ) def test_disable_dont_wait_on_error(self): (self.config .runner.cib.load(resources=fixture_primitive_cib_enabled) ) self.env_assist.assert_raise_library_error( lambda: resource.disable(self.env_assist.get_env(), ["B"], TIMEOUT), [ fixture.report_not_found("B", "resources"), ], expected_in_processor=False ) def test_enable_resource_stopped(self): (self.config .runner.cib.load(resources=fixture_two_primitives_cib_disabled_both) .runner.pcmk.load_state(resources=self.fixture_status_stopped) .env.push_cib( resources=fixture_two_primitives_cib_enabled_with_meta_both, wait=TIMEOUT ) .runner.pcmk.load_state( name="", resources=self.fixture_status_stopped, ) ) self.env_assist.assert_raise_library_error( lambda: resource.enable( self.env_assist.get_env(), ["A", "B"], TIMEOUT ), [ fixture.report_resource_not_running("A", severities.ERROR), fixture.report_resource_not_running("B", severities.ERROR), ] ) def test_disable_resource_stopped(self): (self.config .runner.cib.load(resources=fixture_two_primitives_cib_enabled) .runner.pcmk.load_state(resources=self.fixture_status_running) .env.push_cib( resources=fixture_two_primitives_cib_disabled_both, wait=TIMEOUT ) .runner.pcmk.load_state( name="", resources=self.fixture_status_stopped, ) ) resource.disable(self.env_assist.get_env(), ["A", "B"], TIMEOUT) self.env_assist.assert_reports([ fixture.report_resource_not_running("A"), fixture.report_resource_not_running("B"), ]) def test_enable_resource_running(self): (self.config .runner.cib.load(resources=fixture_two_primitives_cib_disabled_both) .runner.pcmk.load_state(resources=self.fixture_status_stopped) .env.push_cib( resources=fixture_two_primitives_cib_enabled_with_meta_both, wait=TIMEOUT ) .runner.pcmk.load_state( name="", resources=self.fixture_status_running, ) ) resource.enable(self.env_assist.get_env(), ["A", "B"], TIMEOUT) self.env_assist.assert_reports([ fixture.report_resource_running("A", {"Started": ["node1"]}), fixture.report_resource_running("B", {"Started": ["node2"]}), ]) def test_disable_resource_running(self): (self.config .runner.cib.load(resources=fixture_two_primitives_cib_enabled) .runner.pcmk.load_state(resources=self.fixture_status_running) .env.push_cib( resources=fixture_two_primitives_cib_disabled_both, wait=TIMEOUT ) .runner.pcmk.load_state( name="", resources=self.fixture_status_running, ) ) self.env_assist.assert_raise_library_error( lambda: resource.disable( self.env_assist.get_env(), ["A", "B"], TIMEOUT ), [ fixture.report_resource_running( "A", {"Started": ["node1"]}, severities.ERROR ), fixture.report_resource_running( "B", {"Started": ["node2"]}, severities.ERROR ), ] ) def test_enable_wait_timeout(self): (self.config .runner.cib.load(resources=fixture_primitive_cib_disabled) .runner.pcmk.load_state(resources=self.fixture_status_stopped) .env.push_cib( resources=fixture_primitive_cib_enabled_with_meta, wait=TIMEOUT, exception=LibraryError( reports.wait_for_idle_timed_out( self.fixture_wait_timeout_error ) ) ) ) self.env_assist.assert_raise_library_error( lambda: resource.enable(self.env_assist.get_env(), ["A"], TIMEOUT), [ fixture.report_wait_for_idle_timed_out( self.fixture_wait_timeout_error ) ], expected_in_processor=False ) def test_disable_wait_timeout(self): (self.config .runner.cib.load(resources=fixture_primitive_cib_enabled) .runner.pcmk.load_state(resources=self.fixture_status_running) .env.push_cib( resources=fixture_primitive_cib_disabled, wait=TIMEOUT, exception=LibraryError( reports.wait_for_idle_timed_out( self.fixture_wait_timeout_error ) ) ) ) self.env_assist.assert_raise_library_error( lambda: resource.disable(self.env_assist.get_env(), ["A"], TIMEOUT), [ fixture.report_wait_for_idle_timed_out( self.fixture_wait_timeout_error ) ], expected_in_processor=False ) class WaitClone(TestCase): fixture_status_running = """ <resources> <clone id="A-clone" managed="true" multi_state="false" unique="false"> <resource id="A" managed="true" role="Started"> <node name="node1" id="1" cached="false"/> </resource> <resource id="A" managed="true" role="Started"> <node name="node2" id="2" cached="false"/> </resource> </clone> </resources> """ fixture_status_stopped = """ <resources> <clone id="A-clone" managed="true" multi_state="false" unique="false"> <resource id="A" managed="true" role="Stopped"> </resource> <resource id="A" managed="true" role="Stopped"> </resource> </clone> </resources> """ def setUp(self): self.env_assist, self.config = get_env_tools(test_case=self) self.config.runner.pcmk.can_wait() def test_disable_clone(self): (self.config .runner.cib.load(resources=fixture_clone_cib_enabled) .runner.pcmk.load_state(resources=self.fixture_status_running) .env.push_cib( resources=fixture_clone_cib_disabled_clone, wait=TIMEOUT ) .runner.pcmk.load_state( name="", resources=self.fixture_status_stopped, ) ) resource.disable(self.env_assist.get_env(), ["A-clone"], TIMEOUT) self.env_assist.assert_reports([ ( severities.INFO, report_codes.RESOURCE_DOES_NOT_RUN, { "resource_id": "A-clone", }, None ) ]) def test_enable_clone(self): (self.config .runner.cib.load(resources=fixture_clone_cib_disabled_clone) .runner.pcmk.load_state(resources=self.fixture_status_stopped) .env.push_cib( resources=fixture_clone_cib_enabled_with_meta_clone, wait=TIMEOUT ) .runner.pcmk.load_state( name="", resources=self.fixture_status_running, ) ) resource.enable(self.env_assist.get_env(), ["A-clone"], TIMEOUT) self.env_assist.assert_reports([ ( severities.INFO, report_codes.RESOURCE_RUNNING_ON_NODES, { "resource_id": "A-clone", "roles_with_nodes": {"Started": ["node1", "node2"]}, }, None ) ]) class DisableGroup(TestCase): def setUp(self): self.env_assist, self.config = get_env_tools(test_case=self) self.config.runner.cib.load(resources=fixture_group_cib_enabled) def test_primitive(self): (self.config .runner.pcmk.load_state(resources=fixture_group_status_managed) .env.push_cib(resources=fixture_group_cib_disabled_primitive) ) resource.disable(self.env_assist.get_env(), ["A1"], wait=False) def test_group(self): (self.config .runner.pcmk.load_state(resources=fixture_group_status_managed) .env.push_cib(resources=fixture_group_cib_disabled_group) ) resource.disable(self.env_assist.get_env(), ["A"], wait=False) def test_primitive_unmanaged(self): (self.config .runner.pcmk.load_state(resources=fixture_group_status_unmanaged) .env.push_cib(resources=fixture_group_cib_disabled_primitive) ) resource.disable(self.env_assist.get_env(), ["A1"], wait=False) self.env_assist.assert_reports([ fixture_report_unmanaged("A1"), ]) def test_group_unmanaged(self): (self.config .runner.pcmk.load_state(resources=fixture_group_status_unmanaged) .env.push_cib(resources=fixture_group_cib_disabled_group) ) resource.disable(self.env_assist.get_env(), ["A"], wait=False) self.env_assist.assert_reports([ fixture_report_unmanaged("A"), ]) class EnableGroup(TestCase): def setUp(self): self.env_assist, self.config = get_env_tools(test_case=self) def test_primitive(self): (self.config .runner.cib.load(resources=fixture_group_cib_disabled_primitive) .runner.pcmk.load_state(resources=fixture_group_status_managed) .env.push_cib( resources=fixture_group_cib_enabled_with_meta_primitive ) ) resource.enable(self.env_assist.get_env(), ["A1"], wait=False) def test_primitive_disabled_both(self): (self.config .runner.cib.load(resources=fixture_group_cib_disabled_both) .runner.pcmk.load_state(resources=fixture_group_status_managed) .env.push_cib( resources=fixture_group_cib_disabled_group_with_meta_primitive ) ) resource.enable(self.env_assist.get_env(), ["A1"], wait=False) def test_group(self): (self.config .runner.cib.load(resources=fixture_group_cib_disabled_group) .runner.pcmk.load_state(resources=fixture_group_status_managed) .env.push_cib(resources=fixture_group_cib_enabled_with_meta_group) ) resource.enable(self.env_assist.get_env(), ["A"], wait=False) def test_group_both_disabled(self): (self.config .runner.cib.load(resources=fixture_group_cib_disabled_both) .runner.pcmk.load_state(resources=fixture_group_status_managed) .env.push_cib( resources=fixture_group_cib_disabled_primitive_with_meta_group ) ) resource.enable(self.env_assist.get_env(), ["A"], wait=False) def test_primitive_unmanaged(self): (self.config .runner.cib.load(resources=fixture_group_cib_disabled_primitive) .runner.pcmk.load_state(resources=fixture_group_status_unmanaged) .env.push_cib( resources=fixture_group_cib_enabled_with_meta_primitive ) ) resource.enable(self.env_assist.get_env(), ["A1"], wait=False) self.env_assist.assert_reports([ fixture_report_unmanaged("A1"), ]) def test_group_unmanaged(self): (self.config .runner.cib.load(resources=fixture_group_cib_disabled_group) .runner.pcmk.load_state(resources=fixture_group_status_unmanaged) .env.push_cib(resources=fixture_group_cib_enabled_with_meta_group) ) resource.enable(self.env_assist.get_env(), ["A"], wait=False) self.env_assist.assert_reports([ fixture_report_unmanaged("A"), ]) class DisableClone(TestCase): def setUp(self): self.env_assist, self.config = get_env_tools(test_case=self) self.config.runner.cib.load(resources=fixture_clone_cib_enabled) def test_primitive(self): (self.config .runner.pcmk.load_state(resources=fixture_clone_status_managed) .env.push_cib(resources=fixture_clone_cib_disabled_primitive) ) resource.disable(self.env_assist.get_env(), ["A"], wait=False) def test_clone(self): (self.config .runner.pcmk.load_state(resources=fixture_clone_status_managed) .env.push_cib(resources=fixture_clone_cib_disabled_clone) ) resource.disable(self.env_assist.get_env(), ["A-clone"], wait=False) def test_primitive_unmanaged(self): (self.config .runner.pcmk.load_state(resources=fixture_clone_status_unmanaged) .env.push_cib(resources=fixture_clone_cib_disabled_primitive) ) resource.disable(self.env_assist.get_env(), ["A"], wait=False) self.env_assist.assert_reports([ fixture_report_unmanaged("A"), ]) def test_clone_unmanaged(self): (self.config .runner.pcmk.load_state(resources=fixture_clone_status_unmanaged) .env.push_cib(resources=fixture_clone_cib_disabled_clone) ) resource.disable(self.env_assist.get_env(), ["A-clone"], wait=False) self.env_assist.assert_reports([ fixture_report_unmanaged("A-clone"), ]) class EnableClone(TestCase): def setUp(self): self.env_assist, self.config = get_env_tools(test_case=self) def test_primitive(self): (self.config .runner.cib.load(resources=fixture_clone_cib_disabled_primitive) .runner.pcmk.load_state(resources=fixture_clone_status_managed) .env.push_cib( resources=fixture_clone_cib_enabled_with_meta_primitive ) ) resource.enable(self.env_assist.get_env(), ["A"], wait=False) def test_primitive_disabled_both(self): (self.config .runner.cib.load(resources=fixture_clone_cib_disabled_both) .runner.pcmk.load_state(resources=fixture_clone_status_managed) .env.push_cib(resources=fixture_clone_cib_enabled_with_meta_both) ) resource.enable(self.env_assist.get_env(), ["A"], wait=False) def test_clone(self): (self.config .runner.cib.load(resources=fixture_clone_cib_disabled_clone) .runner.pcmk.load_state(resources=fixture_clone_status_managed) .env.push_cib(resources=fixture_clone_cib_enabled_with_meta_clone) ) resource.enable(self.env_assist.get_env(), ["A-clone"], wait=False) def test_clone_disabled_both(self): (self.config .runner.cib.load(resources=fixture_clone_cib_disabled_both) .runner.pcmk.load_state(resources=fixture_clone_status_managed) .env.push_cib(resources=fixture_clone_cib_enabled_with_meta_both) ) resource.enable(self.env_assist.get_env(), ["A-clone"], wait=False) def test_primitive_unmanaged(self): (self.config .runner.cib.load(resources=fixture_clone_cib_disabled_primitive) .runner.pcmk.load_state(resources=fixture_clone_status_unmanaged) .env.push_cib( resources=fixture_clone_cib_enabled_with_meta_primitive ) ) resource.enable(self.env_assist.get_env(), ["A"], wait=False) self.env_assist.assert_reports([ fixture_report_unmanaged("A-clone"), fixture_report_unmanaged("A"), ]) def test_clone_unmanaged(self): (self.config .runner.cib.load(resources=fixture_clone_cib_disabled_clone) .runner.pcmk.load_state(resources=fixture_clone_status_unmanaged) .env.push_cib(resources=fixture_clone_cib_enabled_with_meta_clone) ) resource.enable(self.env_assist.get_env(), ["A-clone"], wait=False) self.env_assist.assert_reports([ fixture_report_unmanaged("A-clone"), fixture_report_unmanaged("A"), ]) class DisableMaster(TestCase): # same as clone, minimum tests in here def setUp(self): self.env_assist, self.config = get_env_tools(test_case=self) (self.config .runner.cib.load(resources=fixture_master_cib_enabled) .runner.pcmk.load_state(resources=fixture_master_status_managed) ) def test_primitive(self): self.config.env.push_cib( resources=fixture_master_cib_disabled_primitive ) resource.disable(self.env_assist.get_env(), ["A"], False) def test_master(self): self.config.env.push_cib( resources=fixture_master_cib_disabled_master ) resource.disable(self.env_assist.get_env(), ["A-master"], False) class EnableMaster(TestCase): # same as clone, minimum tests in here def setUp(self): self.env_assist, self.config = get_env_tools(test_case=self) def test_primitive(self): (self.config .runner.cib.load(resources=fixture_master_cib_disabled_primitive) .runner.pcmk.load_state(resources=fixture_master_status_managed) .env.push_cib( resources=fixture_master_cib_enabled_with_meta_primitive ) ) resource.enable(self.env_assist.get_env(), ["A"], False) def test_primitive_disabled_both(self): (self.config .runner.cib.load(resources=fixture_master_cib_disabled_both) .runner.pcmk.load_state(resources=fixture_master_status_managed) .env.push_cib(resources=fixture_master_cib_enabled_with_meta_both) ) resource.enable(self.env_assist.get_env(), ["A"], False) def test_master(self): (self.config .runner.cib.load(resources=fixture_master_cib_disabled_master) .runner.pcmk.load_state(resources=fixture_master_status_managed) .env.push_cib(resources=fixture_master_cib_enabled_with_meta_master) ) resource.enable(self.env_assist.get_env(), ["A-master"], False) def test_master_disabled_both(self): (self.config .runner.cib.load(resources=fixture_master_cib_disabled_both) .runner.pcmk.load_state(resources=fixture_master_status_managed) .env.push_cib(resources=fixture_master_cib_enabled_with_meta_both) ) resource.enable(self.env_assist.get_env(), ["A-master"], False) class DisableClonedGroup(TestCase): def setUp(self): self.env_assist, self.config = get_env_tools(test_case=self) def test_clone(self): (self.config .runner.cib.load(resources=fixture_clone_group_cib_enabled) .runner.pcmk.load_state( resources=fixture_clone_group_status_managed ) .env.push_cib(resources=fixture_clone_group_cib_disabled_clone) ) resource.disable(self.env_assist.get_env(), ["A-clone"], False) def test_group(self): (self.config .runner.cib.load(resources=fixture_clone_group_cib_enabled) .runner.pcmk.load_state( resources=fixture_clone_group_status_managed ) .env.push_cib(resources=fixture_clone_group_cib_disabled_group) ) resource.disable(self.env_assist.get_env(), ["A"], False) def test_primitive(self): (self.config .runner.cib.load(resources=fixture_clone_group_cib_enabled) .runner.pcmk.load_state( resources=fixture_clone_group_status_managed ) .env.push_cib( resources=fixture_clone_group_cib_disabled_primitive ) ) resource.disable(self.env_assist.get_env(), ["A1"], False) def test_clone_unmanaged(self): (self.config .runner.cib.load(resources=fixture_clone_group_cib_enabled) .runner.pcmk.load_state( resources=fixture_clone_group_status_unmanaged ) .env.push_cib(resources=fixture_clone_group_cib_disabled_clone) ) resource.disable(self.env_assist.get_env(), ["A-clone"], False) self.env_assist.assert_reports([ fixture_report_unmanaged("A-clone"), ]) def test_group_unmanaged(self): (self.config .runner.cib.load(resources=fixture_clone_group_cib_enabled) .runner.pcmk.load_state( resources=fixture_clone_group_status_unmanaged ) .env.push_cib(resources=fixture_clone_group_cib_disabled_group) ) resource.disable(self.env_assist.get_env(), ["A"], False) self.env_assist.assert_reports([ fixture_report_unmanaged("A"), ]) def test_primitive_unmanaged(self): (self.config .runner.cib.load(resources=fixture_clone_group_cib_enabled) .runner.pcmk.load_state( resources=fixture_clone_group_status_unmanaged ) .env.push_cib( resources=fixture_clone_group_cib_disabled_primitive ) ) resource.disable(self.env_assist.get_env(), ["A1"], False) self.env_assist.assert_reports([ fixture_report_unmanaged("A1"), ]) class EnableClonedGroup(TestCase): def setUp(self): self.env_assist, self.config = get_env_tools(test_case=self) def test_clone(self): (self.config .runner.cib.load(resources=fixture_clone_group_cib_disabled_clone) .runner.pcmk.load_state( resources=fixture_clone_group_status_managed ) .env.push_cib( resources=fixture_clone_group_cib_enabled_with_meta_clone ) ) resource.enable(self.env_assist.get_env(), ["A-clone"], False) def test_clone_disabled_all(self): (self.config .runner.cib.load(resources=fixture_clone_group_cib_disabled_all) .runner.pcmk.load_state( resources=fixture_clone_group_status_managed ) .env.push_cib( resources = fixture_clone_group_cib_disabled_primitive_with_meta_clone_group ) ) resource.enable(self.env_assist.get_env(), ["A-clone"], False) def test_group(self): (self.config .runner.cib.load(resources=fixture_clone_group_cib_disabled_group) .runner.pcmk.load_state( resources=fixture_clone_group_status_managed ) .env.push_cib( resources=fixture_clone_group_cib_enabled_with_meta_group ) ) resource.enable(self.env_assist.get_env(), ["A"], False) def test_group_disabled_all(self): (self.config .runner.cib.load(resources=fixture_clone_group_cib_disabled_all) .runner.pcmk.load_state( resources=fixture_clone_group_status_managed ) .env.push_cib( resources = fixture_clone_group_cib_disabled_primitive_with_meta_clone_group ) ) resource.enable(self.env_assist.get_env(), ["A"], False) def test_primitive(self): (self.config .runner.cib.load( resources=fixture_clone_group_cib_disabled_primitive ) .runner.pcmk.load_state( resources=fixture_clone_group_status_managed ) .env.push_cib( resources=fixture_clone_group_cib_enabled_with_meta_primitive ) ) resource.enable(self.env_assist.get_env(), ["A1"], False) def test_primitive_disabled_all(self): (self.config .runner.cib.load(resources=fixture_clone_group_cib_disabled_all) .runner.pcmk.load_state( resources=fixture_clone_group_status_managed ) .env.push_cib( resources = fixture_clone_group_cib_disabled_clone_group_with_meta_primitive ) ) resource.enable(self.env_assist.get_env(), ["A1"], False) def test_clone_unmanaged(self): (self.config .runner.cib.load(resources=fixture_clone_group_cib_disabled_clone) .runner.pcmk.load_state( resources=fixture_clone_group_status_unmanaged ) .env.push_cib( resources=fixture_clone_group_cib_enabled_with_meta_clone ) ) resource.enable(self.env_assist.get_env(), ["A-clone"], False) self.env_assist.assert_reports([ fixture_report_unmanaged("A-clone"), fixture_report_unmanaged("A"), ]) def test_group_unmanaged(self): (self.config .runner.cib.load(resources=fixture_clone_group_cib_disabled_group) .runner.pcmk.load_state( resources=fixture_clone_group_status_unmanaged ) .env.push_cib( resources=fixture_clone_group_cib_enabled_with_meta_group ) ) resource.enable(self.env_assist.get_env(), ["A"], False) self.env_assist.assert_reports([ fixture_report_unmanaged("A"), fixture_report_unmanaged("A-clone"), ]) def test_primitive_unmanaged(self): (self.config .runner.cib.load( resources=fixture_clone_group_cib_disabled_primitive ) .runner.pcmk.load_state( resources=fixture_clone_group_status_unmanaged ) .env.push_cib( resources=fixture_clone_group_cib_enabled_with_meta_primitive ) ) resource.enable(self.env_assist.get_env(), ["A1"], False) self.env_assist.assert_reports([ fixture_report_unmanaged("A1"), ]) @skip_unless_pacemaker_supports_bundle class DisableBundle(TestCase): def setUp(self): self.env_assist, self.config = get_env_tools(test_case=self) def test_primitive(self): (self.config .runner.cib.load(resources=fixture_bundle_cib_enabled) .runner.pcmk.load_state(resources=fixture_bundle_status_managed) .env.push_cib(resources=fixture_bundle_cib_disabled_primitive) ) resource.disable(self.env_assist.get_env(), ["A"], False) def test_bundle(self): (self.config .runner.cib.load(resources=fixture_bundle_cib_enabled) .runner.pcmk.load_state(resources=fixture_bundle_status_managed) .env.push_cib(resources=fixture_bundle_cib_disabled_bundle) ) resource.disable(self.env_assist.get_env(), ["A-bundle"], False) def test_primitive_unmanaged(self): (self.config .runner.cib.load(resources=fixture_bundle_cib_enabled) .runner.pcmk.load_state(resources=fixture_bundle_status_unmanaged) .env.push_cib(resources=fixture_bundle_cib_disabled_primitive) ) resource.disable(self.env_assist.get_env(), ["A"], False) self.env_assist.assert_reports([ fixture_report_unmanaged("A"), ]) def test_bundle_unmanaged(self): (self.config .runner.cib.load(resources=fixture_bundle_cib_enabled) .runner.pcmk.load_state(resources=fixture_bundle_status_unmanaged) .env.push_cib(resources=fixture_bundle_cib_disabled_bundle) ) resource.disable(self.env_assist.get_env(), ["A-bundle"], False) self.env_assist.assert_reports([ fixture_report_unmanaged("A-bundle"), ]) @skip_unless_pacemaker_supports_bundle class EnableBundle(TestCase): def setUp(self): self.env_assist, self.config = get_env_tools(test_case=self) def test_primitive(self): (self.config .runner.cib.load(resources=fixture_bundle_cib_disabled_primitive) .runner.pcmk.load_state(resources=fixture_bundle_status_managed) .env.push_cib( resources=fixture_bundle_cib_enabled_with_meta_primitive ) ) resource.enable(self.env_assist.get_env(), ["A"], False) def test_primitive_disabled_both(self): (self.config .runner.cib.load(resources=fixture_bundle_cib_disabled_both) .runner.pcmk.load_state(resources=fixture_bundle_status_managed) .env.push_cib(resources=fixture_bundle_cib_enabled_with_meta_both) ) resource.enable(self.env_assist.get_env(), ["A"], False) def test_bundle(self): (self.config .runner.cib.load(resources=fixture_bundle_cib_disabled_bundle) .runner.pcmk.load_state(resources=fixture_bundle_status_managed) .env.push_cib(resources=fixture_bundle_cib_enabled_with_meta_bundle) ) resource.enable(self.env_assist.get_env(), ["A-bundle"], False) def test_bundle_disabled_both(self): (self.config .runner.cib.load(resources=fixture_bundle_cib_disabled_both) .runner.pcmk.load_state(resources=fixture_bundle_status_managed) .env.push_cib(resources=fixture_bundle_cib_enabled_with_meta_both) ) resource.enable(self.env_assist.get_env(), ["A-bundle"], False) def test_primitive_unmanaged(self): (self.config .runner.cib.load(resources=fixture_bundle_cib_disabled_primitive) .runner.pcmk.load_state(resources=fixture_bundle_status_unmanaged) .env.push_cib( resources=fixture_bundle_cib_enabled_with_meta_primitive ) ) resource.enable(self.env_assist.get_env(), ["A"], False) self.env_assist.assert_reports([ fixture_report_unmanaged("A"), fixture_report_unmanaged("A-bundle"), ]) def test_bundle_unmanaged(self): (self.config .runner.cib.load(resources=fixture_bundle_cib_disabled_primitive) .runner.pcmk.load_state(resources=fixture_bundle_status_unmanaged) .env.push_cib( resources=fixture_bundle_cib_enabled_with_meta_primitive ) ) resource.enable(self.env_assist.get_env(), ["A-bundle"], False) self.env_assist.assert_reports([ fixture_report_unmanaged("A-bundle"), fixture_report_unmanaged("A"), ])
gpl-2.0
4,985,865,614,178,225,000
36.083333
82
0.582219
false
hqpr/findyour3d
findyour3d/dashboard/tests.py
1
7564
import datetime import stripe from django.urls import reverse from django.utils import timezone from django.test import TestCase, Client from findyour3d.users.models import User from findyour3d.company.models import Company from findyour3d.customer.models import Customer STRIPE_API_KEY = 'sk_test_BS2t9JImRsscT1vyWNsPYGLK' class DashboardTests(TestCase): def setUp(self): self.now = timezone.now() default_card = 'card_1ArI7LElSiayVU2xj6k589HC' stripe_id = 'cus_BDjavlKLrRcpf5' self.silver_user = User.objects.create(username='silver_user', user_type=2, date_joined=self.now, is_active=True, email='[email protected]', payment_active=True, default_card=default_card, stripe_id=stripe_id, plan=1) # Individuals, Cad Assistance, $250 - 500, Stereoligtography (SLM)'), Nylon self.silver_company = Company.objects.create(user=self.silver_user, name='silver_company', display_name='silver_company', address_line_1='1', address_line_2='2', full_name='silver_company', email='[email protected]', phone='1234453534', website='asddsd.com', ideal_customer=['0', ], is_cad_assistance=True, budget=['2', ], printing_options=['1', '2'], material=['6', '10', '11'], top_printing_processes=['1', '2'], description='silver_company', shipping=['0', '1', '2']) self.simple_user = User.objects.create(username='simple_user', user_type=1, is_active=True, email='[email protected]', plan=1) self.simple_user.set_password('1234567a') self.simple_user.save() self.customer = Customer.objects.create(user=self.simple_user, budget=2, customer_type=0, material='6', process='2', is_advanced_filled=True, shipping='1', need_assistance=1) self.metal_company_user = User.objects.create(username='metal_user', user_type=2, date_joined=self.now, is_active=True, email='[email protected]', payment_active=True, default_card=default_card, stripe_id=stripe_id, plan=1) # Individuals, Cad Assistance, $250 - 500, Stereoligtography (SLM)'), Copper self.metal_company = Company.objects.create(user=self.metal_company_user, name='metal_company', display_name='metal_company', address_line_1='1', address_line_2='2', full_name='metal_company', email='[email protected]', phone='1234453534', website='metal_company.com', ideal_customer=['0', ], is_cad_assistance=True, budget=['2', ], printing_options=['1', ], material=['13', ], top_printing_processes=['1', ], description='metal_company', shipping=['0', '1', '2']) self.metal_customer_user = User.objects.create(username='metal_customer_user', user_type=1, is_active=True, email='[email protected]', plan=1) self.metal_customer_user.set_password('1234567a') self.metal_customer_user.save() self.metal_customer = Customer.objects.create(user=self.metal_customer_user, budget=2, customer_type=0, material='9', # setting one of the metal choices process='1', is_advanced_filled=True, shipping='1', need_assistance=1) self.client = Client() self.client.login(username='simple_user', password='1234567a') def test_success_login(self): login = self.client.login(username='simple_user', password='1234567a') self.assertIs(login, True) def test_forbidden_access_to_company(self): self.client.login(username='simple_user', password='1234567a') response = self.client.get(reverse('company:add')) self.assertEqual(response.status_code, 403) def test_customer_dashboard_access(self): self.client.login(username='simple_user', password='1234567a') response = self.client.get(reverse('dashboard:company')) self.assertEqual(response.status_code, 200) def test_match_company_and_customer(self): self.client.login(username='silver_user', password='1234567a') response = self.client.get(reverse('dashboard:company')) # print(response.render().content) self.assertContains(response, 'silver_company') def test_match_metal_company_with_same_process(self): self.client.login(username='metal_customer_user', password='1234567a') response = self.client.get(reverse('dashboard:company')) self.assertContains(response, 'metal_company')
mit
-9,013,767,914,590,766,000
56.30303
113
0.39569
false
PetePriority/home-assistant
homeassistant/components/dovado/sensor.py
1
3451
""" Support for sensors from the Dovado router. For more details about this platform, please refer to the documentation at https://home-assistant.io/components/sensor.dovado/ """ import logging import re from datetime import timedelta import voluptuous as vol import homeassistant.helpers.config_validation as cv from homeassistant.components.dovado import DOMAIN as DOVADO_DOMAIN from homeassistant.components.sensor import PLATFORM_SCHEMA from homeassistant.const import CONF_SENSORS from homeassistant.helpers.entity import Entity _LOGGER = logging.getLogger(__name__) DEPENDENCIES = ['dovado'] MIN_TIME_BETWEEN_UPDATES = timedelta(seconds=30) SENSOR_UPLOAD = 'upload' SENSOR_DOWNLOAD = 'download' SENSOR_SIGNAL = 'signal' SENSOR_NETWORK = 'network' SENSOR_SMS_UNREAD = 'sms' SENSORS = { SENSOR_NETWORK: ('signal strength', 'Network', None, 'mdi:access-point-network'), SENSOR_SIGNAL: ('signal strength', 'Signal Strength', '%', 'mdi:signal'), SENSOR_SMS_UNREAD: ('sms unread', 'SMS unread', '', 'mdi:message-text-outline'), SENSOR_UPLOAD: ('traffic modem tx', 'Sent', 'GB', 'mdi:cloud-upload'), SENSOR_DOWNLOAD: ('traffic modem rx', 'Received', 'GB', 'mdi:cloud-download'), } PLATFORM_SCHEMA = PLATFORM_SCHEMA.extend({ vol.Required(CONF_SENSORS): vol.All( cv.ensure_list, [vol.In(SENSORS)] ), }) def setup_platform(hass, config, add_entities, discovery_info=None): """Set up the Dovado sensor platform.""" dovado = hass.data[DOVADO_DOMAIN] entities = [] for sensor in config[CONF_SENSORS]: entities.append(DovadoSensor(dovado, sensor)) add_entities(entities) class DovadoSensor(Entity): """Representation of a Dovado sensor.""" def __init__(self, data, sensor): """Initialize the sensor.""" self._data = data self._sensor = sensor self._state = self._compute_state() def _compute_state(self): state = self._data.state.get(SENSORS[self._sensor][0]) if self._sensor == SENSOR_NETWORK: match = re.search(r"\((.+)\)", state) return match.group(1) if match else None if self._sensor == SENSOR_SIGNAL: try: return int(state.split()[0]) except ValueError: return None if self._sensor == SENSOR_SMS_UNREAD: return int(state) if self._sensor in [SENSOR_UPLOAD, SENSOR_DOWNLOAD]: return round(float(state) / 1e6, 1) return state def update(self): """Update sensor values.""" self._data.update() self._state = self._compute_state() @property def name(self): """Return the name of the sensor.""" return "{} {}".format(self._data.name, SENSORS[self._sensor][1]) @property def state(self): """Return the sensor state.""" return self._state @property def icon(self): """Return the icon for the sensor.""" return SENSORS[self._sensor][3] @property def unit_of_measurement(self): """Return the unit of measurement.""" return SENSORS[self._sensor][2] @property def device_state_attributes(self): """Return the state attributes.""" return {k: v for k, v in self._data.state.items() if k not in ['date', 'time']}
apache-2.0
-3,113,419,008,167,591,000
28.75
74
0.614604
false
mvpossum/machine-learning
tp1/parse_stats.py
1
1088
#! /usr/bin/env python import sys OFFSET = 6 train_line = None test_line = None for i, line in enumerate(sys.stdin): if "Evaluation on training data" in line: train_line = i + OFFSET elif "Evaluation on test data" in line: test_line = i + OFFSET if i==train_line: train_line = line elif i==test_line: test_line = line assert(train_line is not None) assert(test_line is not None) def keep_porc(s): return s[s.find('(')+1:s.find('%')] def proc_line(line): line = line.replace('( ', '(') line = line.split(' ') line = [s.strip() for s in line if s.strip()] line = line[:4] line[1] = keep_porc(line[1]) line[3] = keep_porc(line[3]) return line test_size, test_error, test_size_prunned, test_error_prunned = tests_stats = proc_line(test_line) train_size, train_error, train_size_prunned, train_error_prunned = train_stats = proc_line(train_line) print(test_size, test_error, test_size_prunned, test_error_prunned, end=' ') print(train_size, train_error, train_size_prunned, train_error_prunned, end=' ')
mit
-3,829,298,543,147,704,300
30.085714
102
0.641544
false
zhenleiji/ZPong
model/Ball.py
1
1115
import pygame class Ball(pygame.sprite.Sprite): def __init__(self, screen_size, position, speed): pygame.sprite.Sprite.__init__(self) self.surface = pygame.image.load('imgs/ball.png') self.screen_size = screen_size self.rect = self.surface.get_rect() self.rect.left = position[0] self.rect.top = position[1] self.speed = speed self.default_position = position self.default_speed = [speed[0], speed[1]] def check_boundary(self): return self.rect.left < 0 or self.rect.right > self.screen_size[0] or self.rect.top < 0 or self.rect.bottom > \ self.screen_size[1] def on_update(self): self.rect = self.rect.move(self.speed) if self.check_boundary(): self.rect.left = self.default_position[0] self.rect.top = self.default_position[1] self.speed = [self.default_speed[0], self.default_speed[1]] def on_draw(self, surface): surface.blit(self.surface, self.rect)
apache-2.0
-6,082,744,259,949,847,000
38.821429
119
0.564126
false
paninetworks/neutron
neutron/api/v2/resource.py
1
7410
# Copyright 2012 OpenStack Foundation. # All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain # a copy of the License at # # http://www.apache.org/licenses/LICENSE-2.0 # # Unless required by applicable law or agreed to in writing, software # distributed under the License is distributed on an "AS IS" BASIS, WITHOUT # WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the # License for the specific language governing permissions and limitations # under the License. """ Utility methods for working with WSGI servers redux """ import sys import netaddr import oslo_i18n from oslo_log import log as logging from oslo_policy import policy as oslo_policy import six import webob.dec import webob.exc from neutron.common import exceptions from neutron.i18n import _LE, _LI from neutron import wsgi LOG = logging.getLogger(__name__) class Request(wsgi.Request): pass def Resource(controller, faults=None, deserializers=None, serializers=None): """Represents an API entity resource and the associated serialization and deserialization logic """ default_deserializers = {'application/json': wsgi.JSONDeserializer()} default_serializers = {'application/json': wsgi.JSONDictSerializer()} format_types = {'json': 'application/json'} action_status = dict(create=201, delete=204) default_deserializers.update(deserializers or {}) default_serializers.update(serializers or {}) deserializers = default_deserializers serializers = default_serializers faults = faults or {} @webob.dec.wsgify(RequestClass=Request) def resource(request): route_args = request.environ.get('wsgiorg.routing_args') if route_args: args = route_args[1].copy() else: args = {} # NOTE(jkoelker) by now the controller is already found, remove # it from the args if it is in the matchdict args.pop('controller', None) fmt = args.pop('format', None) action = args.pop('action', None) content_type = format_types.get(fmt, request.best_match_content_type()) language = request.best_match_language() deserializer = deserializers.get(content_type) serializer = serializers.get(content_type) try: if request.body: args['body'] = deserializer.deserialize(request.body)['body'] method = getattr(controller, action) result = method(request=request, **args) except (exceptions.NeutronException, netaddr.AddrFormatError, oslo_policy.PolicyNotAuthorized) as e: for fault in faults: if isinstance(e, fault): mapped_exc = faults[fault] break else: mapped_exc = webob.exc.HTTPInternalServerError if 400 <= mapped_exc.code < 500: LOG.info(_LI('%(action)s failed (client error): %(exc)s'), {'action': action, 'exc': e}) else: LOG.exception(_LE('%s failed'), action) e = translate(e, language) body = serializer.serialize( {'NeutronError': get_exception_data(e)}) kwargs = {'body': body, 'content_type': content_type} raise mapped_exc(**kwargs) except webob.exc.HTTPException as e: type_, value, tb = sys.exc_info() if hasattr(e, 'code') and 400 <= e.code < 500: LOG.info(_LI('%(action)s failed (client error): %(exc)s'), {'action': action, 'exc': e}) else: LOG.exception(_LE('%s failed'), action) translate(e, language) value.body = serializer.serialize( {'NeutronError': get_exception_data(e)}) value.content_type = content_type six.reraise(type_, value, tb) except NotImplementedError as e: e = translate(e, language) # NOTE(armando-migliaccio): from a client standpoint # it makes sense to receive these errors, because # extensions may or may not be implemented by # the underlying plugin. So if something goes south, # because a plugin does not implement a feature, # returning 500 is definitely confusing. body = serializer.serialize( {'NotImplementedError': get_exception_data(e)}) kwargs = {'body': body, 'content_type': content_type} raise webob.exc.HTTPNotImplemented(**kwargs) except Exception: # NOTE(jkoelker) Everything else is 500 LOG.exception(_LE('%s failed'), action) # Do not expose details of 500 error to clients. msg = _('Request Failed: internal server error while ' 'processing your request.') msg = translate(msg, language) body = serializer.serialize( {'NeutronError': get_exception_data( webob.exc.HTTPInternalServerError(msg))}) kwargs = {'body': body, 'content_type': content_type} raise webob.exc.HTTPInternalServerError(**kwargs) status = action_status.get(action, 200) body = serializer.serialize(result) # NOTE(jkoelker) Comply with RFC2616 section 9.7 if status == 204: content_type = '' body = None return webob.Response(request=request, status=status, content_type=content_type, body=body) return resource def get_exception_data(e): """Extract the information about an exception. Neutron client for the v2 API expects exceptions to have 'type', 'message' and 'detail' attributes.This information is extracted and converted into a dictionary. :param e: the exception to be reraised :returns: a structured dict with the exception data """ err_data = {'type': e.__class__.__name__, 'message': e, 'detail': ''} return err_data def translate(translatable, locale): """Translates the object to the given locale. If the object is an exception its translatable elements are translated in place, if the object is a translatable string it is translated and returned. Otherwise, the object is returned as-is. :param translatable: the object to be translated :param locale: the locale to translate to :returns: the translated object, or the object as-is if it was not translated """ localize = oslo_i18n.translate if isinstance(translatable, exceptions.NeutronException): # GG temporary hack because there's some stupid bug here try: translatable.msg = localize(translatable.msg, locale) except Exception: pass elif isinstance(translatable, webob.exc.HTTPError): translatable.detail = localize(translatable.detail, locale) elif isinstance(translatable, Exception): translatable.message = localize(translatable, locale) else: return localize(translatable, locale) return translatable
apache-2.0
2,723,557,886,444,570,000
37.393782
78
0.617274
false
useblocks/groundwork
groundwork/recipes/gw_package/{{cookiecutter.project_name}}/setup.py
1
1797
""" {{cookiecutter.project_name}} {{ "=" * cookiecutter.project_name|length}} """ from setuptools import setup, find_packages import re import ast _version_re = re.compile(r'__version__\s+=\s+(.*)') with open('{{cookiecutter.project_slug}}/version.py', 'rb') as f: version = str(ast.literal_eval(_version_re.search( f.read().decode('utf-8')).group(1))) setup( name='{{cookiecutter.project_slug}}', version=version, url='http://{{cookiecutter.project_slug}}.readthedocs.org', license='{{cookiecutter.license}}', author='{{cookiecutter.full_name}}', author_email='{{cookiecutter.email}}', description="{{cookiecutter.project_short_description}}", long_description=__doc__, packages=find_packages(exclude=['ez_setup', 'examples', 'tests']), include_package_data=True, platforms='any', setup_requires=[], tests_require=[], install_requires=['groundwork', ], classifiers=[ 'Development Status :: 3 - Alpha', 'Environment :: Console', 'Intended Audience :: Developers', 'License :: OSI Approved :: MIT License', 'Operating System :: OS Independent', 'Programming Language :: Python', 'Programming Language :: Python :: 3', 'Programming Language :: Python :: 3.4', 'Programming Language :: Python :: 3.5', ], entry_points={ 'console_scripts': ["{{cookiecutter.project_slug}} = " "{{cookiecutter.project_slug}}.applications.{{cookiecutter.project_app}}:start_app"], 'groundwork.plugin': ["{{cookiecutter.project_slug}}_plugin = " "{{cookiecutter.project_slug}}.plugins.{{cookiecutter.project_plugin}}:" "{{cookiecutter.project_plugin}}"], } )
mit
8,863,215,644,245,701,000
37.234043
113
0.601558
false
Distrotech/bakefile
src/finalize.py
1
14555
# # This file is part of Bakefile (http://www.bakefile.org) # # Copyright (C) 2003,2004 Vaclav Slavik # # 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. # # $Id$ # # Final steps of processing. This involves removing pseudo targets and # unneeded conditions and conditional variables, evaluating variables that are # not yet fully evaluated (if <set var="..." eval="0">...</set> was used), # replacing $(option) by native makefile's syntax if it differs, unescaping \$ # etc. # import sys, string from types import StringType import mk, errors, config, utils def finalEvaluation(outputVarsOnly=1): """Evaluates all variables, so that unneccessary $(...) parts are removed in cases when <set eval="0" ...> was used. Noteworthy effect is that after calling this function all variables are fully evaluated except for conditional and make vars and options, meaning that outputVarsOnly=0 is only needed when running finalEvaluation for the first time, because no ordinary variable depends (by using $(varname)) on another ordinary variable in subsequent runs. """ mk.__trackUsage = 1 mk.__resetUsageTracker(reset_coverage=1) list = [] if outputVarsOnly: interestingVars = mk.vars['FORMAT_OUTPUT_VARIABLES'].strip() if interestingVars != '': interestingVars = interestingVars.split() optimizeVars = len(interestingVars) > 0 else: optimizeVars = 0 else: optimizeVars = 0 for v in mk.make_vars: if '$' in mk.make_vars[v]: list.append((mk.make_vars,v,None)) for c in mk.cond_vars.values(): for v in c.values: if '$' in v.value: list.append((None,v,c.target)) if optimizeVars: for v in interestingVars: if v in mk.vars and '$' in mk.vars[v]: list.append((mk.vars,v,None)) else: for v in mk.vars: if type(mk.vars[v]) is StringType: if '$' in mk.vars[v]: list.append((mk.vars,v,None)) if optimizeVars: for t in mk.targets.values(): for v in interestingVars: if v in t.vars and '$' in t.vars[v]: list.append((t.vars,v,t)) else: for t in mk.targets.values(): for v in t.vars: if type(t.vars[v]) is StringType: if '$' in t.vars[v]: list.append((t.vars,v,t)) def iterateModifications(list): while len(list) > 0: newList = [] if config.verbose: sys.stdout.write('[%i]' % len(list)) sys.stdout.flush() for dict, obj, target in list: if dict == None: expr = obj.value else: expr = dict[obj] mk.__resetUsageTracker(reset_coverage=0) try: new = mk.evalExpr(expr, target=target) except Exception, e: raise errors.Error("failed to set variable '%s' to value '%s': %s" % (obj, expr, e)) if expr != new: if dict == None: obj.value = new else: dict[obj] = new if (mk.__usageTracker.vars + mk.__usageTracker.pyexprs - mk.__usageTracker.refs > 0) \ and ('$' in new): newList.append((dict,obj,target)) list = newList if config.verbose: sys.stdout.write('substituting variables ') sys.stdout.flush() iterateModifications(list) if config.verbose: sys.stdout.write('\n') def finalizeOptions(): """Finalizes options by evaluating their default values.""" for opt in mk.options.values(): opt.evalDefault() def _getUneliminatableVars(): """Returns list of variables that cannot be eliminated. This is union of VARS_DONT_ELIMINATE and FORMAT_OUTPUT_VARIABLES.""" return mk.vars['FORMAT_OUTPUT_VARIABLES'].strip().split() + \ mk.vars['VARS_DONT_ELIMINATE'].strip().split() def purgeUnusedOptsVars(): """Removes unused options, conditional variables and make variables. This relies on previous call to finalEvaluation() that fills usage maps in mk.__usageTracker.map!""" if config.verbose: sys.stdout.write('purging unused variables') sys.stdout.flush() toKill = [] vars_to_keep = _getUneliminatableVars() # only purge options if we are not writing config file (if we are, an # option may be used by another makefile that shares same options file # even though the makefile used to generate the options doesn't use it): if (mk.vars['WRITE_OPTIONS_FILE'] != '1' or mk.vars['OPTIONS_FILE'] == ''): if mk.vars['FORMAT_NEEDS_OPTION_VALUES_FOR_CONDITIONS'] != '0': usedOpts = [] for c in mk.conditions.values(): usedOpts += [x.option.name for x in c.exprs] for o in mk.options: if ((o not in mk.__usageTracker.map) and (o not in usedOpts) and (o not in vars_to_keep)): toKill.append((mk.options, mk.__vars_opt, o)) else: for o in mk.options: if o not in mk.__usageTracker.map and o not in vars_to_keep: toKill.append((mk.options, mk.__vars_opt, o)) for v in mk.cond_vars: if v not in mk.__usageTracker.map and v not in vars_to_keep: toKill.append((mk.cond_vars, mk.__vars_opt, v)) for v in mk.make_vars: if v not in mk.__usageTracker.map and v not in vars_to_keep: toKill.append((mk.make_vars, mk.vars, v)) if config.verbose: sys.stdout.write(': %i of %i\n' % (len(toKill), len(mk.options)+len(mk.cond_vars)+len(mk.make_vars))) for dict1, dict2, key in toKill: del dict1[key] del dict2[key] return len(toKill) > 0 def purgeConstantCondVars(): """Removes conditional variables that have same value regardless of the condition.""" # NB: We can't simply remove cond vars that have all their values same # because there is always implicit value '' if none of the conditions # is met. So we can only remove conditional variable in one of these # two cases: # 1) All values are same and equal to ''. # 2) All values are same and disjunction of the conditions is # tautology. This is not easy to detect and probably not worth # the effort, so we don't do it (yet?) [FIXME] if config.verbose: sys.stdout.write('purging empty conditional variables') sys.stdout.flush() toDel = [] for c in mk.cond_vars: cv = mk.cond_vars[c] if len(cv.values) == 0: toDel.append((c, '')) else: val = cv.values[0].value if val != '': continue purge = 1 for v in cv.values[1:]: if v.value != val: purge = 0 break if purge: toDel.append((c,val)) if config.verbose: sys.stdout.write(': %i of %i\n' % (len(toDel), len(mk.cond_vars))) for c, val in toDel: t = mk.cond_vars[c].target del mk.cond_vars[c] mk.setVar(c, val, target=t) return len(toDel) > 0 def purgeEmptyMakeVars(): """Removes make variables that are empty, and replaces them with ordinary variables.""" if config.verbose: sys.stdout.write('purging empty make variables') sys.stdout.flush() vars_to_keep = _getUneliminatableVars() toDel = [] for v in [x for x in mk.make_vars if x not in vars_to_keep]: vval=mk.make_vars[v] if vval == '' or vval.isspace(): toDel.append(v) if config.verbose: sys.stdout.write(': %i of %i\n' % (len(toDel), len(mk.make_vars))) for v in toDel: del mk.make_vars[v] mk.vars[v] = '' return len(toDel) > 0 def purgeUnusedConditions(): """Removes unused conditions.""" if config.verbose: sys.stdout.write('purging unused conditions') sys.stdout.flush() toDel = [] for c in mk.conditions: cond = mk.conditions[c] used = 0 for t in mk.targets.values(): if t.cond == cond: used = 1 break if used: continue for cv in mk.cond_vars.values(): for v in cv.values: if v.cond == cond: used = 1 break if used: break if used: continue toDel.append(c) if config.verbose: sys.stdout.write(': %i of %i\n' % (len(toDel), len(mk.cond_vars))) for c in toDel: del mk.conditions[c] return len(toDel) > 0 def eliminateDuplicateCondVars(): """Removes duplicate conditional variables, i.e. if there are two cond. variables with exactly same definition, remove them.""" duplicates = [] if config.verbose: sys.stdout.write('eliminating duplicate conditional variables') sys.stdout.flush() before = len(mk.cond_vars) keys = mk.cond_vars.keys() lng = len(keys) for c1 in range(0,lng): for c2 in range(c1+1,lng): cv1 = mk.cond_vars[keys[c1]] cv2 = mk.cond_vars[keys[c2]] if cv1.equals(cv2): duplicates.append((cv1, cv2)) break def commonPrefix(s1, s2): prefix = '' for i in range(0, min(len(s1), len(s2))): if s1[i] != s2[i]: break prefix += s1[i] return prefix.rstrip('_') def commonSuffix(s1, s2): suffix = '' for i in range(-1, -min(len(s1),len(s2))-1,-1): if s1[i] != s2[i]: break suffix = s1[i] + suffix return suffix.lstrip('_') for c1,c2 in duplicates: s1 = c1.name s2 = c2.name common = commonPrefix(s1, s2) if common == '' or common[0] in string.digits: common = commonSuffix(s1, s2) if common == '' or common[0] in string.digits: common = commonPrefix(s1.strip('_'), s2.strip('_')) if common == '' or common[0] in string.digits: common = commonSuffix(s1.strip('_'), s2.strip('_')) if common == '' or common[0] in string.digits: common = 'VAR' if common == s1 or common == s2: newname = common else: counter = 0 newname = common while newname in mk.vars or newname in mk.__vars_opt: newname = '%s_%i' % (common,counter) counter += 1 del mk.__vars_opt[c1.name] del mk.__vars_opt[c2.name] del mk.cond_vars[c1.name] del mk.cond_vars[c2.name] if c1.name != newname: mk.vars[c1.name] = '$(%s)' % newname if c2.name != newname: mk.vars[c2.name] = '$(%s)' % newname hints = mk.getHints(c1.name) c1.name = c2.name = newname mk.addCondVar(c1, hints=hints) if config.verbose: sys.stdout.write(': %i -> %i\n' % (before, len(mk.cond_vars))) return len(duplicates) > 0 def replaceEscapeSequences(): # Replace all occurences of &dollar; with $: def _repl(s): return s.replace('&dollar;', '$') if config.verbose: print 'replacing escape sequences' for v in mk.vars: if type(mk.vars[v]) is StringType: mk.vars[v] = _repl(mk.vars[v]) for v in mk.make_vars: mk.make_vars[v] = _repl(mk.make_vars[v]) for t in mk.targets.values(): for v in t.vars: if type(t.vars[v]) is StringType: t.vars[v] = _repl(t.vars[v]) for o in mk.options.values(): if o.default != None: o.default = _repl(o.default) if o.values != None: o.values = [_repl(x) for x in o.values] for c in mk.cond_vars.values(): for v in c.values: v.value = _repl(v.value) def finalize(): # Replace $(foo) for options by config.variableSyntax format: for v in mk.__vars_opt: mk.__vars_opt[v] = config.variableSyntax % v # evaluate variables: finalEvaluation(outputVarsOnly=0) # eliminate references: utils.__refEval = 1 finalEvaluation() # evaluate options default values: finalizeOptions() # delete pseudo targets now: pseudos = [ t for t in mk.targets if mk.targets[t].pseudo ] for t in pseudos: del mk.targets[t] # remove unused conditions: purgeUnusedConditions() # purge conditional variables that have same value for all conditions # and make variables that are empty: reeval = purgeConstantCondVars() if purgeEmptyMakeVars(): reeval = 1 if reeval: finalEvaluation() # purge unused options, cond vars and make vars: while purgeUnusedOptsVars(): finalEvaluation() # eliminate duplicates in cond vars: if eliminateDuplicateCondVars(): finalEvaluation() if mk.vars['FORMAT_SUPPORTS_CONDITIONS'] != '1' and \ mk.vars['FORMAT_SUPPORTS_CONFIGURATIONS'] == '1': import flatten flatten.flatten() # replace \$ with $: replaceEscapeSequences()
mit
-4,744,152,744,626,427,000
33.086651
104
0.571213
false
lixiangning888/whole_project
modules/signatures_orginal_20151110/kibex_apis.py
1
2683
# Copyright (C) 2015 KillerInstinct # # This program is free software: you can redistribute it and/or modify # it under the terms of the GNU General Public License as published by # the Free Software Foundation, either version 3 of the License, or # (at your option) any later version. # # This program is distributed in the hope that it will be useful, # but WITHOUT ANY WARRANTY; without even the implied warranty of # MERCHANTABILITY or FITNESS FOR A PARTICULAR PURPOSE. See the # GNU General Public License for more details. # # You should have received a copy of the GNU General Public License # along with this program. If not, see <http://www.gnu.org/licenses/>. from lib.cuckoo.common.abstracts import Signature class Kibex_APIs(Signature): name = "kibex_behavior" description = "Exhibits behavior characteristic of Kibex Spyware" severity = 3 references = [ "http://www.trendmicro.com/vinfo/us/threat-encyclopedia/malware/tspy_kibex.a", "http://www.trendmicro.com/vinfo/us/threat-encyclopedia/malware/tspy_kibex.i", ] categories = ["spyware", "keylogger"] families = ["kibex"] authors = ["KillerInstinct"] minimum = "1.3" evented = True def __init__(self, *args, **kwargs): Signature.__init__(self, *args, **kwargs) self.keylog_inits = 0 filter_apinames = set(["SetWindowsHookExA"]) def on_call(self, call, process): hid = int(self.get_argument(call, "HookIdentifier"), 10) tid = int(self.get_argument(call, "ThreadId"), 10) if tid == 0 and hid == 13: self.keylog_inits += 1 return None def on_complete(self): bad_score = self.keylog_inits file_iocs = [ ".*\\\\ProgramData\\\\Browsers\.txt$", ".*\\\\ProgramData\\\\Mails\.txt$", ".*\\\\Temp\\\\\d{9,10}\.xml$", ] for ioc in file_iocs: match = self.check_file(pattern=ioc, regex=True) if match: bad_score += 3 stealer_regkeys = [ ".*\\\\Google\\\\Google\\ Talk\\\\Accounts$", ".*\\\\Google\\\\Google\\ Desktop\\\\Mailboxes$", ".*\\\\Microsoft\\\\Internet\\ Account\\ Manager\\\\Accounts$", ] for ioc in stealer_regkeys: match = self.check_key(pattern=ioc, regex=True) if match: bad_score += 1 services = [ "ProtectedStorage", "VaultSvc", ] for service in services: if self.check_started_service(service): bad_score += 1 if bad_score >= 10: return True return False
lgpl-3.0
-5,876,482,425,457,491,000
32.936709
86
0.591943
false
daira/txaws
txaws/client/gui/gtk.py
1
7469
# Copyright (C) 2009 Robert Collins <[email protected]> # Licenced under the txaws licence available at /LICENSE in the txaws source. """A GTK client for working with aws.""" from __future__ import absolute_import import gnomekeyring import gobject import gtk # DO NOT IMPORT twisted.internet, or things that import # twisted.internet. # Doing so loads the default Reactor, which is bad. thanks. from txaws.credentials import AWSCredentials __all__ = ["main"] class AWSStatusIcon(gtk.StatusIcon): """A status icon shown when instances are running.""" def __init__(self, reactor): gtk.StatusIcon.__init__(self) self.set_from_stock(gtk.STOCK_NETWORK) self.set_visible(True) self.reactor = reactor self.connect("activate", self.on_activate) self.probing = False # Nested import because otherwise we get "reactor already installed". self.password_dialog = None self.region = None try: creds = AWSCredentials() except ValueError: creds = self.from_gnomekeyring() if self.region is None: self.set_region(creds) self.create_client(creds) menu = """ <ui> <menubar name="Menubar"> <menu action="Menu"> <menuitem action="Stop instances"/> </menu> </menubar> </ui> """ actions = [ ("Menu", None, "Menu"), ("Stop instances", gtk.STOCK_STOP, "_Stop instances...", None, "Stop instances", self.on_stop_instances), ] ag = gtk.ActionGroup("Actions") ag.add_actions(actions) self.manager = gtk.UIManager() self.manager.insert_action_group(ag, 0) self.manager.add_ui_from_string(menu) self.menu = self.manager.get_widget( "/Menubar/Menu/Stop instances").props.parent self.connect("popup-menu", self.on_popup_menu) def set_region(self, creds): from txaws.service import AWSServiceRegion self.region = AWSServiceRegion(creds) def create_client(self, creds): if creds is not None: if self.region is None: self.set_region(creds) self.client = self.region.get_ec2_client() self.on_activate(None) else: # waiting on user entered credentials. self.client = None def from_gnomekeyring(self): # Try for gtk gui specific credentials. try: items = gnomekeyring.find_items_sync( gnomekeyring.ITEM_GENERIC_SECRET, { "aws-host": "aws.amazon.com", }) except (gnomekeyring.NoMatchError, gnomekeyring.DeniedError): self.show_a_password_dialog() return None else: key_id, secret_key = items[0].secret.split(":") return AWSCredentials(access_key=key_id, secret_key=secret_key) def show_a_password_dialog(self): self.password_dialog = gtk.Dialog( "Enter your AWS credentals", None, gtk.DIALOG_MODAL, (gtk.STOCK_OK, gtk.RESPONSE_ACCEPT, gtk.STOCK_CANCEL, gtk.RESPONSE_REJECT)) content = self.password_dialog.get_content_area() def add_entry(name): box = gtk.HBox() box.show() content.add(box) label = gtk.Label(name) label.show() box.add(label) entry = gtk.Entry() entry.show() box.add(entry) label.set_use_underline(True) label.set_mnemonic_widget(entry) add_entry("AWS _Access Key ID") add_entry("AWS _Secret Key") self.password_dialog.show() self.password_dialog.connect("response", self.save_key) self.password_dialog.run() def on_activate(self, data): if self.probing or not self.client: # don't ask multiple times, and don't ask until we have # credentials. return self.probing = True deferred = self.client.describe_instances() deferred.addCallbacks(self.showhide, self.describe_error) def on_popup_menu(self, status, button, time): self.menu.popup(None, None, None, button, time) def on_stop_instances(self, data): # It would be nice to popup a window to select instances.. TODO. deferred = self.client.describe_instances() deferred.addCallbacks(self.shutdown_instances, self.show_error) def save_key(self, response_id, data): try: if data != gtk.RESPONSE_ACCEPT: # User cancelled. They can ask for the password again somehow. return content = self.password_dialog.get_content_area() key_id = content.get_children()[0].get_children()[1].get_text() secret_key = content.get_children()[1].get_children()[1].get_text() creds = AWSCredentials(access_key=key_id, secret_key=secret_key) self.create_client(creds) gnomekeyring.item_create_sync( None, gnomekeyring.ITEM_GENERIC_SECRET, "AWS access credentials", {"aws-host": "aws.amazon.com"}, "%s:%s" % (key_id, secret_key), True) finally: self.password_dialog.hide() # XXX? Does this leak? self.password_dialog = None def showhide(self, reservation): active = 0 for instance in reservation: if instance.instance_state == "running": active += 1 self.set_tooltip("AWS Status - %d instances" % active) self.set_visible(active != 0) self.queue_check() def shutdown_instances(self, reservation): d = self.client.terminate_instances( *[instance.instance_id for instance in reservation]) d.addCallbacks(self.on_activate, self.show_error) def queue_check(self): self.probing = False self.reactor.callLater(60, self.on_activate, None) def show_error(self, error): # debugging output for now. print error.value try: print error.value.response except: pass def describe_error(self, error): from twisted.internet.defer import TimeoutError if isinstance(error.value, TimeoutError): # timeout errors can be ignored - transient network issue or some # such. pass else: # debugging output for now. self.show_error(error) self.queue_check() def main(argv, reactor=None): """Run the client GUI. Typical use: >>> sys.exit(main(sys.argv)) @param argv: The arguments to run it with, e.g. sys.argv. @param reactor: The reactor to use. Must be compatible with gtk as this module uses gtk API"s. @return exitcode: The exit code it returned, as per sys.exit. """ if reactor is None: from twisted.internet import gtk2reactor gtk2reactor.install() from twisted.internet import reactor try: AWSStatusIcon(reactor) gobject.set_application_name("aws-status") reactor.run() except ValueError: # In this case, the user cancelled, and the exception bubbled to here. pass
mit
3,419,770,804,056,794,600
33.419355
79
0.58214
false
konfabproject/konfab-consumer
ebdata/templatemaker/hole.py
1
2728
# Copyright 2007,2008,2009,2011 Everyblock LLC, OpenPlans, and contributors # # This file is part of ebdata # # ebdata is free software: you can redistribute it and/or modify # it under the terms of the GNU General Public License as published by # the Free Software Foundation, either version 3 of the License, or # (at your option) any later version. # # ebdata is distributed in the hope that it will be useful, # but WITHOUT ANY WARRANTY; without even the implied warranty of # MERCHANTABILITY or FITNESS FOR A PARTICULAR PURPOSE. See the # GNU General Public License for more details. # # You should have received a copy of the GNU General Public License # along with ebdata. If not, see <http://www.gnu.org/licenses/>. # import re class Hole(object): # This would have been a good place for a docstring # mentioning something about what the heck a Hole is for. # Thanks guys. capture = True # Designates whether the Hole captures something in regex(). def __eq__(self, other): "A Hole is equal to any other Hole (but not subclasses)." return type(other) is self.__class__ def __repr__(self): return '<%s>' % self.__class__.__name__ def regex(self): return '(.*?)' class OrHole(Hole): "A Hole that can contain one of a set of values." capture = True def __init__(self, *choices): self.choices = choices def __eq__(self, other): "An OrHole is equal to another one if its choices are the same." return type(other) is self.__class__ and self.choices == other.choices def __repr__(self): return '<%s: %r>' % (self.__class__.__name__, self.choices) def regex(self): return '(%s)' % '|'.join(re.escape(choice) for choice in self.choices) class RegexHole(Hole): """ A Hole that contains data that matches the given regex. It's up to the caller to determine whether the data should be grouped. """ def __init__(self, regex_string, capture): self.regex_string = regex_string self.capture = capture def __eq__(self, other): "A RegexHole is equal to another one if its regex_string is the same." return type(other) is self.__class__ and self.regex_string == other.regex_string and self.capture == other.capture def __repr__(self): return '<%s: %s>' % (self.__class__.__name__, self.regex_string) def regex(self): return self.regex_string class IgnoreHole(Hole): """ A Hole that contains an arbitrary amount of data but should be ignored. I.e., its contents are *not* included in extract(). """ capture = False def regex(self): return '.*?' # No parenthesis!
gpl-3.0
1,591,653,641,166,182,100
33.1
122
0.645161
false
SD-Genomics/DeviCNV
Code_v1.5.1/python.calculateReadsDepthOfAmp.py
1
12310
import random import numpy import pysam import sys from intervaltree import Interval, IntervalTree from intervaltree_bio import GenomeIntervalTree class Amplicon: ampID="" chr="" ampS=0 inS=0 inE=0 ampE=0 gene="" trans="" exon="" pool="" datType="" mappedReadList=[] readDepthList=[] def __init__(self,ampID,chr,ampS,inS,inE,ampE,gene,trans,exon,pool,datType): self.ampID=ampID self.chr=chr.replace("chr","") self.ampS=int(ampS) self.inS=int(inS) self.inE=int(inE) self.ampE=int(ampE) self.gene=gene self.trans=trans self.exon=exon self.pool=pool.split("_")[-1] self.datType=datType self.mappedReadList=[] self.readDepthList=[] def putMappedRead(self, inMappedRead): self.mappedReadList.append(inMappedRead) def getOverlapRatio(self, rChr, rS, rE): if(rChr.replace("chr","")!=self.chr): return 0.0 else: rLen=rE-rS overlapLen=min(rE, self.ampE)-max(rS, self.ampS) overlapRatio=float(overlapLen)/float(rLen) if(overlapRatio>1): return 1.0 else: return overlapRatio def getReadDepthPCR(self, MQList): ampliconLength=self.inE-self.inS depthPerSiteDic={} for MQ in MQList: depthPerSiteDic[MQ]=[0]*ampliconLength for pos in range(0, ampliconLength): nowS=self.inS+pos for read in self.mappedReadList: if(read.pos<=nowS and nowS+1<=read.pos+read.alen): for MQ in MQList: if(read.mapq>=MQ): depthPerSiteDic[MQ][pos]+=1 readDepthOutList=[] for MQ in MQList: readDepth=0 for read in self.mappedReadList: if(read.mapq>=MQ): readDepth+=1 readDepthOutList.append(readDepth) self.readDepthList=readDepthOutList def getReadDepthHYB(self, MQList): ## using insert ampliconLength=self.inE-self.inS depthPerSiteDic={} for MQ in MQList: depthPerSiteDic[MQ]=[0]*ampliconLength for pos in range(0, ampliconLength): nowS=self.inS+pos for read in self.mappedReadList: if(read.pos<=nowS and nowS+1<=read.pos+read.alen): for MQ in MQList: if(read.mapq>=MQ): depthPerSiteDic[MQ][pos]+=1 readDepthOutList=[] for MQ in MQList: depCov=0 for depth in depthPerSiteDic[MQ]: depCov+=depth readDepthOutList.append(round(float(depCov)/ampliconLength,3)) self.readDepthList=readDepthOutList def runGetReadDepth(self, MQList): if(self.datType=="HYB"): self.getReadDepthHYB(MQList) elif(self.datType=="PCR"): self.getReadDepthPCR(MQList) else: print(self.datType, "unknown data") def allInfoList(self): return [self.ampID, self.chr, self.ampS,self.inS,self.inE,self.ampE, self.gene, self.trans, self.exon, self.pool] def head(self): return ["Amplicon_ID","Chr","Amplicon_Start","Insert_Start","Insert_End","Amplicon_End","Gene","Transcript","Exon","Pool"] def MakeAmpliconDic(inAmpliconTxt, datType): inFile=open(inAmpliconTxt, 'r') inLine=inFile.readline() ampliconDic={} ampLocalDic={} ampliconList=[] ampTree=GenomeIntervalTree() headCheck=False while(inLine): if(headCheck==False): headCheck=True header=inLine.replace("\n","").replace("\r","").split("\t") print(header) ampIDID=header.index("Amplicon_ID") chrID=header.index("Chr") ampSID=header.index("Amplicon_Start") inSID=header.index("Insert_Start") inEID=header.index("Insert_End") ampEID=header.index("Amplicon_End") geneID=header.index("Gene") transID=header.index("Transcript") exonID=header.index("Exon") poolID=header.index("Pool") else: inList=inLine.replace("\n","").replace("\r","").split("\t") ampID=inList[ampIDID] chr=inList[chrID].replace("chr","") ampS=inList[ampSID] inS=int(inList[inSID]) inE=int(inList[inEID]) ampE=inList[ampEID] gene=inList[geneID] exon=inList[exonID] trans=inList[transID] pool=inList[poolID] if(ampID not in ampLocalDic): ampliconList.append(ampID) ampLocalDic[ampID]=Amplicon(ampID,chr,ampS,inS,inE,ampE,gene,exon,trans,pool,datType) ampTree.addi(chr,inS+1,inE+1,ampID) ## [start, end) else: print("Error!! : Not unique Amplicon_ID : "+ampID) break inLine=inFile.readline() inFile.close() for ampliconID in ampliconList: amplicon=ampLocalDic[ampliconID] pool=amplicon.pool if(pool not in ampliconDic): ampliconDic[pool]=[] ampliconDic[pool].append(amplicon) print("Total Amplicons: "+str(len(ampLocalDic.keys()))) print("ampTree made!") return [ampliconDic, ampTree] def MapReadinBamPCR(inBamFile, ampliconDic, ampTree, dedupOp, MQList): ampliconList=[] poolList=list(ampliconDic.keys()) poolList.sort() for pool in poolList: ampliconList+=ampliconDic[pool] inBam=pysam.Samfile(inBamFile,'rb') for read in inBam: if(read.is_unmapped): pass else: if(read.is_duplicate): if(dedupOp=="true"): continue overlapAmpTreeList=ampTree[inBam.getrname(read.rname).replace("chr","")].search(read.pos+1, read.pos+read.alen+1) ## [start, end) if(len(overlapAmpTreeList)==0): pass else: overlapAmpIDList=[] for overlapAmpTree in overlapAmpTreeList: overlapAmpIDList.append(overlapAmpTree[-1]) overlapAmpList=[] for amplicon in ampliconList: if(amplicon.ampID in overlapAmpIDList): overlapAmpList.append(amplicon) overlapRatioList=[] ampLenList=[] for amplicon in overlapAmpList: overlapRatioList.append(amplicon.getOverlapRatio(inBam.getrname(read.rname).replace("chr",""), read.pos, read.pos+read.alen)) ampLenList.append(amplicon.ampE-amplicon.ampS) maxValue=max(overlapRatioList) overlapAmpList2=[] overlapRatioList2=[] ampLenList2=[] for i in range(0,len(overlapAmpList)): if(maxValue==overlapRatioList[i]): overlapAmpList2.append(overlapAmpList[i]) overlapRatioList2.append(overlapRatioList[i]) ampLenList2.append(ampLenList[i]) minAmpLen=min(ampLenList2) overlapAmpList3=[] overlapRatioList3=[] ampLenList3=[] for j in range(0,len(overlapAmpList2)): if(minAmpLen==ampLenList2[j]): overlapAmpList3.append(overlapAmpList2[j]) overlapRatioList3.append(overlapRatioList2[j]) ampLenList3.append(ampLenList2[j]) mappedAmp=overlapAmpList3[int((random.random()*10000))%(len(overlapAmpList3))] mappedAmp.mappedReadList.append(read) for amplicon in ampliconList: amplicon.runGetReadDepth(MQList) return ampliconDic def MapReadinBamHYB(inBamFile, ampliconDic, ampTree, dedupOp, MQList): ampliconList=[] poolList=list(ampliconDic.keys()) poolList.sort() for pool in poolList: ampliconList+=ampliconDic[pool] print(pool) inBam=pysam.Samfile(inBamFile,'rb') for read in inBam: if(read.is_unmapped): pass else: if(read.is_duplicate): if(dedupOp=="true"): continue overlapAmpTreeList=ampTree[inBam.getrname(read.rname).replace("chr","")].search(read.pos+1, read.pos+read.alen+1) ## [start, end) if(len(overlapAmpTreeList)==0): pass else: overlapAmpIDList=[] for overlapAmpTree in overlapAmpTreeList: overlapAmpIDList.append(overlapAmpTree[-1]) for amplicon in ampliconList: if(amplicon.ampID in overlapAmpIDList): amplicon.mappedReadList.append(read) for amplicon in ampliconList: amplicon.runGetReadDepth(MQList) return ampliconDic def WriteReadDepthFile(ampliconDic, outFileName, MQList): ### write file per pool ########################### ampliconList=list(ampliconDic.keys()) ampliconList.sort() for pool in ampliconList: #### write attributes ########################## outFile=open(outFileName+"."+pool+".txt",'w') header=ampliconDic[pool][0].head() outFile.write("\t".join(header)) for MQ in MQList: outFile.write("\tMQ"+str(MQ)) outFile.write("\n") #### write values per amplicon ################ for amplicon in ampliconDic[pool]: outFile.write("\t".join(numpy.array(amplicon.allInfoList()).astype(str))) readDepthOutList=amplicon.readDepthList outFile.write("\t"+"\t".join(numpy.array(readDepthOutList).astype(str))) outFile.write("\n") outFile.close() def WriteMappedReadDepthStatFile(ampliconDic, RCstaticFileName, MQList, inSample): staticFile=open(RCstaticFileName+".txt",'w') staticFile.write("Sample\tPool\tMQ\tMean\tMedian\tStandardDeviation\tSum\n") ### write file per pool ########################### ampliconList=list(ampliconDic.keys()) ampliconList.sort() for pool in ampliconList: totalReadDepthOutList=[] for amplicon in ampliconDic[pool]: readDepthOutList=amplicon.readDepthList totalReadDepthOutList.append(readDepthOutList) #### write StaticFile per Pool+MQ ############# totalReadDepthOutList=numpy.transpose(totalReadDepthOutList) for i in range(0,len(MQList)): MQ=MQList[i] RCList=totalReadDepthOutList[i] staticList=[round(numpy.mean(RCList),2),round(numpy.median(RCList),2), round(numpy.std(RCList),2), round(numpy.sum(RCList))] staticFile.write(inSample+"\t"+pool+"\tMQ"+str(MQ)+"\t"+"\t".join(numpy.array(staticList).astype(str))+"\n") ##################################################### staticFile.close() if __name__ == '__main__': inputs=list(sys.argv) inSample=inputs[1] inBamDir=inputs[2] inAmpliconTxt=inputs[3] readDepthDir=inputs[4] readDepthStatDir=inputs[5] dedupOp=inputs[6].lower() datType=inputs[7] MQList=list(numpy.array(inputs[8].replace("MQ","").split(",")).astype(int)) [ampliconDic, ampTree]=MakeAmpliconDic(inAmpliconTxt,datType) inBamFile=inBamDir+inSample+".bam" if(datType=="HYB"): ampliconDic=MapReadinBamHYB(inBamFile, ampliconDic, ampTree, dedupOp, MQList) elif(datType=="PCR"): ampliconDic=MapReadinBamPCR(inBamFile, ampliconDic, ampTree, dedupOp, MQList) else: print("ERROR !! Unknown data type") readDepthFile=readDepthDir+inSample+".readDepth" WriteReadDepthFile(ampliconDic, readDepthFile, MQList) RCStaticFile=readDepthStatDir+inSample+".readDepthStatistics" WriteMappedReadDepthStatFile(ampliconDic, RCStaticFile, MQList, inSample)
gpl-3.0
8,927,712,984,042,554,000
36.078313
144
0.567019
false
rschwager-mm/polymr
redis/polymr_redis.py
1
4582
import operator from array import array from collections import defaultdict import redis import polymr.storage from polymr.storage import dumps from polymr.storage import LevelDBBackend from toolz import partition_all from toolz import valmap snd = operator.itemgetter(1) class FakeDict(object): def __init__(self, iterable): self.iterable = iterable def items(self): for k, v in self.iterable: yield k, v class RedisBackend(LevelDBBackend): def __init__(self, host='localhost', port=6379, db=0, featurizer_name=None, new=False): self._freqs = None self.featurizer_name = featurizer_name self.r = redis.StrictRedis(host=host, port=port, db=db) if new is True: self.destroy() if not self.featurizer_name: try: self.featurizer_name = self.get_featurizer_name() except OSError: self.featurizer_name = 'default' self._check_dbstats() @classmethod def from_urlparsed(cls, parsed, featurizer_name=None, read_only=None): path = parsed.path.strip("/") or 0 return cls(host=parsed.hostname, port=parsed.port, db=path, featurizer_name=featurizer_name) def close(self): pass def get_featurizer_name(self): ret = self.r.get(b'featurizer') if ret is None: raise OSError return ret.decode() def save_featurizer_name(self, name): self.r.set(b'featurizer', name) def find_least_frequent_tokens(self, toks, r, k=None): toks_freqs = [(tok, int(freq)) for tok, freq in zip(toks, self.r.hmget(b'freqs', toks)) if freq is not None] total = 0 ret = [] for i, (tok, freq) in enumerate(sorted(toks_freqs, key=snd)): if total + freq > r: break total += freq ret.append(tok) if k and i >= k: # try to get k token mappings break return ret def get_freqs(self): return defaultdict(int, valmap(int, self.r.hgetall(b'freqs'))) def update_freqs(self, toks_cnts): if type(toks_cnts) is not dict: toks_cnts = FakeDict(toks_cnts) self.r.hmset(b"freqs", toks_cnts) save_freqs = update_freqs def get_rowcount(self): ret = self.r.get(b'rowcount') if ret is None: return 0 return int(ret) def save_rowcount(self, cnt): self.r.set(b'rowcount', cnt) def increment_rowcount(self, cnt): self.r.incr(b'rowcount', cnt) def _load_token_blob(self, name): blob = self.r.get(b"tok:"+name) if blob is None: raise KeyError return blob def save_token(self, name, record_ids): self.r.set(b"tok:"+name, array("L", record_ids).tobytes()) def save_tokens(self, names_ids, chunk_size=5000): chunks = partition_all(chunk_size, names_ids) for chunk in chunks: pipe = self.r.pipeline() for name, record_ids in chunk: pipe.set(b"tok:"+name, array("L", record_ids).tobytes()) pipe.execute() def _load_record_blob(self, idx): blob = self.r.get(array("L", (idx,)).tobytes()) if blob is None: raise KeyError return blob def get_records(self, idxs, chunk_size=5000): chunks = partition_all(chunk_size, idxs) for chunk in chunks: keys = [array("L", (idx,)).tobytes() for idx in chunk] blobs = self.r.mget(keys) if any(blob is None for blob in blobs): raise KeyError for blob in blobs: yield self._get_record(blob) def save_record(self, rec, idx=None, save_rowcount=True): if not idx or save_rowcount is True: idx = self.r.incr(b'rowcount') self.r.set(array("L", (idx,)).tobytes(), dumps(rec)) return idx def save_records(self, idx_recs, chunk_size=5000): chunks = partition_all(chunk_size, idx_recs) tot = 0 for chunk in chunks: tot += len(chunk) pipe = self.r.pipeline() for idx, rec in chunk: pipe.set(array("L", (idx,)).tobytes(), dumps(rec)) pipe.execute() return tot def delete_record(self, idx): self.r.delete(array("L", (idx,)).tobytes()) def destroy(self): self.r.flushdb() polymr.storage.backends['redis'] = RedisBackend
apache-2.0
-48,296,670,859,349,150
29.344371
78
0.567001
false
internetarchive/surt
surt/IAURLCanonicalizer.py
1
4773
#!/usr/bin/env python # Copyright(c)2012-2013 Internet Archive. Software license AGPL version 3. # # This file is part of the `surt` python package. # # surt is free software: you can redistribute it and/or modify # it under the terms of the GNU Affero General Public License as published by # the Free Software Foundation, either version 3 of the License, or # (at your option) any later version. # # surt is distributed in the hope that it will be useful, # but WITHOUT ANY WARRANTY; without even the implied warranty of # MERCHANTABILITY or FITNESS FOR A PARTICULAR PURPOSE. See the # GNU Affero General Public License for more details. # # You should have received a copy of the GNU Affero General Public License # along with surt. If not, see <http://www.gnu.org/licenses/>. # # The surt source is hosted at https://github.com/internetarchive/surt """This is a python port of IAURLCanonicalizer.java: http://archive-access.svn.sourceforge.net/viewvc/archive-access/trunk/archive-access/projects/archive-commons/src/main/java/org/archive/url/IAURLCanonicalizer.java?view=markup """ from __future__ import absolute_import import re from surt.handyurl import handyurl from surt.URLRegexTransformer import stripPathSessionID, stripQuerySessionID # canonicalize() #_______________________________________________________________________________ def canonicalize(url, host_lowercase=True, host_massage=True, auth_strip_user=True, auth_strip_pass=True, port_strip_default=True, path_strip_empty=False, path_lowercase=True, path_strip_session_id=True, path_strip_trailing_slash_unless_empty=True, query_lowercase=True, query_strip_session_id=True, query_strip_empty=True, query_alpha_reorder=True, hash_strip=True, **_ignored): """The input url is a handyurl instance""" if host_lowercase and url.host: url.host = url.host.lower() if host_massage and url.host and (url.scheme != b'dns'): ###java version calls massageHost regardless of scheme url.host = massageHost(url.host) if auth_strip_user: url.authUser = None url.authPass = None elif auth_strip_pass: url.arthPass = None if port_strip_default and url.scheme: defaultPort = getDefaultPort(url.scheme) if url.port == defaultPort: url.port = handyurl.DEFAULT_PORT path = url.path if path_strip_empty and b'/' == path: url.path = None else: if path_lowercase and path: path = path.lower() if path_strip_session_id and path: path = stripPathSessionID(path) if path_strip_empty and b'/' == path: path = None if path_strip_trailing_slash_unless_empty and path: if path.endswith(b'/') and len(path)>1: path = path[:-1] url.path = path query = url.query if query: if len(query) > 0: if query_strip_session_id: query = stripQuerySessionID(query) if query_lowercase: query = query.lower() if query_alpha_reorder: query = alphaReorderQuery(query) if b'' == query and query_strip_empty: query = None url.query = query else: if query_strip_empty: url.last_delimiter = None return url # alphaReorderQuery() #_______________________________________________________________________________ def alphaReorderQuery(orig): """It's a shame that we can't use urlparse.parse_qsl() for this, but this function does keeps the trailing '=' if there is a query arg with no value: "?foo" vs "?foo=", and we want to exactly match the java version """ if None == orig: return None if len(orig) <= 1: return orig args = orig.split(b'&') qas = [tuple(arg.split(b'=', 1)) for arg in args] qas.sort() s = b'' for t in qas: if 1 == len(t): s += t[0] + b'&' else: s += t[0] + b'=' + t[1] + b'&' return s[:-1] #remove last & # massageHost() #_______________________________________________________________________________ _RE_WWWDIGITS = re.compile(b'www\d*\.') def massageHost(host): m = _RE_WWWDIGITS.match(host) if m: return host[len(m.group(0)):] else: return host # getDefaultPort() #_______________________________________________________________________________ def getDefaultPort(scheme): scheme_lower = scheme.lower() if b'http' == scheme_lower: return 80 elif b'https' == scheme_lower: return 443 else: return 0
agpl-3.0
-5,654,537,029,364,316,000
31.691781
175
0.575948
false
ironmussa/Optimus
optimus/helpers/logger.py
1
1154
import logging class Singleton(object): _instances = {} def __new__(cls, *args, **kwargs): if cls not in cls._instances: cls._instances[cls] = super(Singleton, cls).__new__(cls, *args, **kwargs) return cls._instances[cls] class Logger(Singleton): def __init__(self): self.logger = logging.getLogger('optimus') self.is_active = False def level(self, log_level): """ Set the logging message level :param log_level: :return: """ self.logger.setLevel(log_level) def print(self, *args, **kwargs): """ Print a message :param self: :return: """ if self.is_active is True: self.logger.info(*args, **kwargs) def active(self, activate): """ Turn on and off the logging message :param activate: :return: """ self.is_active = activate logger = Logger() logger.level(logging.INFO) def level(log_level): logger.level(log_level) def info(message): logger.print(message) def active(active=None): logger.active(active)
apache-2.0
5,459,292,666,941,125,000
19.245614
85
0.558059
false
tboyce1/home-assistant
homeassistant/components/cover/lutron_caseta.py
8
2336
""" Support for Lutron Caseta shades. For more details about this platform, please refer to the documentation at https://home-assistant.io/components/cover.lutron_caseta/ """ import asyncio import logging from homeassistant.components.cover import ( CoverDevice, SUPPORT_OPEN, SUPPORT_CLOSE, SUPPORT_SET_POSITION, ATTR_POSITION, DOMAIN) from homeassistant.components.lutron_caseta import ( LUTRON_CASETA_SMARTBRIDGE, LutronCasetaDevice) _LOGGER = logging.getLogger(__name__) DEPENDENCIES = ['lutron_caseta'] # pylint: disable=unused-argument @asyncio.coroutine def async_setup_platform(hass, config, async_add_devices, discovery_info=None): """Set up the Lutron Caseta shades as a cover device.""" devs = [] bridge = hass.data[LUTRON_CASETA_SMARTBRIDGE] cover_devices = bridge.get_devices_by_domain(DOMAIN) for cover_device in cover_devices: dev = LutronCasetaCover(cover_device, bridge) devs.append(dev) async_add_devices(devs, True) class LutronCasetaCover(LutronCasetaDevice, CoverDevice): """Representation of a Lutron shade.""" @property def supported_features(self): """Flag supported features.""" return SUPPORT_OPEN | SUPPORT_CLOSE | SUPPORT_SET_POSITION @property def is_closed(self): """Return if the cover is closed.""" return self._state['current_state'] < 1 @property def current_cover_position(self): """Return the current position of cover.""" return self._state['current_state'] @asyncio.coroutine def async_close_cover(self, **kwargs): """Close the cover.""" self._smartbridge.set_value(self._device_id, 0) @asyncio.coroutine def async_open_cover(self, **kwargs): """Open the cover.""" self._smartbridge.set_value(self._device_id, 100) @asyncio.coroutine def async_set_cover_position(self, **kwargs): """Move the shade to a specific position.""" if ATTR_POSITION in kwargs: position = kwargs[ATTR_POSITION] self._smartbridge.set_value(self._device_id, position) @asyncio.coroutine def async_update(self): """Call when forcing a refresh of the device.""" self._state = self._smartbridge.get_device_by_id(self._device_id) _LOGGER.debug(self._state)
apache-2.0
7,136,652,141,303,749,000
30.567568
79
0.675942
false
google/uncertainty-baselines
uncertainty_baselines/models/vit.py
1
8712
# coding=utf-8 # Copyright 2021 The Uncertainty Baselines Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # http://www.apache.org/licenses/LICENSE-2.0 # # Unless required by applicable law or agreed to in writing, software # distributed under the License is distributed on an "AS IS" BASIS, # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. """Vision Transformer (ViT) model.""" from typing import Any, Callable, Optional, Tuple import flax.linen as nn import jax.numpy as jnp Array = Any PRNGKey = Any Shape = Tuple[int] Dtype = Any class IdentityLayer(nn.Module): """Identity layer, convenient for giving a name to an array.""" @nn.compact def __call__(self, x): return x class AddPositionEmbs(nn.Module): """Adds (optionally learned) positional embeddings to the inputs. Attributes: posemb_init: positional embedding initializer. """ posemb_init: Callable[[PRNGKey, Shape, Dtype], Array] @nn.compact def __call__(self, inputs): """Applies AddPositionEmbs module. By default this layer uses a fixed sinusoidal embedding table. If a learned position embedding is desired, pass an initializer to posemb_init. Args: inputs: Inputs to the layer. Returns: Output tensor with shape `(bs, timesteps, in_dim)`. """ # inputs.shape is (batch_size, seq_len, emb_dim). assert inputs.ndim == 3, ('Number of dimensions should be 3,' ' but it is: %d' % inputs.ndim) pos_emb_shape = (1, inputs.shape[1], inputs.shape[2]) pe = self.param('pos_embedding', self.posemb_init, pos_emb_shape) return inputs + pe class MlpBlock(nn.Module): """Transformer MLP / feed-forward block.""" mlp_dim: int dtype: Dtype = jnp.float32 out_dim: Optional[int] = None dropout_rate: float = 0.1 kernel_init: Callable[[PRNGKey, Shape, Dtype], Array] = nn.initializers.xavier_uniform() bias_init: Callable[[PRNGKey, Shape, Dtype], Array] = nn.initializers.normal(stddev=1e-6) @nn.compact def __call__(self, inputs, *, deterministic): """Applies Transformer MlpBlock module.""" actual_out_dim = inputs.shape[-1] if self.out_dim is None else self.out_dim x = nn.Dense( features=self.mlp_dim, dtype=self.dtype, kernel_init=self.kernel_init, bias_init=self.bias_init)( # pytype: disable=wrong-arg-types inputs) x = nn.gelu(x) x = nn.Dropout(rate=self.dropout_rate)(x, deterministic=deterministic) output = nn.Dense( features=actual_out_dim, dtype=self.dtype, kernel_init=self.kernel_init, bias_init=self.bias_init)( # pytype: disable=wrong-arg-types x) output = nn.Dropout( rate=self.dropout_rate)( output, deterministic=deterministic) return output class Encoder1DBlock(nn.Module): """Transformer encoder layer. Attributes: inputs: input data. mlp_dim: dimension of the mlp on top of attention block. dtype: the dtype of the computation (default: float32). dropout_rate: dropout rate. attention_dropout_rate: dropout for attention heads. deterministic: bool, deterministic or not (to apply dropout). num_heads: Number of heads in nn.MultiHeadDotProductAttention """ mlp_dim: int num_heads: int dtype: Dtype = jnp.float32 dropout_rate: float = 0.1 attention_dropout_rate: float = 0.1 @nn.compact def __call__(self, inputs, *, deterministic): """Applies Encoder1DBlock module. Args: inputs: Inputs to the layer. deterministic: Dropout will not be applied when set to true. Returns: output after transformer encoder block. """ # Attention block. assert inputs.ndim == 3, f'Expected (batch, seq, hidden) got {inputs.shape}' x = nn.LayerNorm(dtype=self.dtype, name='LayerNorm_0')(inputs) x = nn.MultiHeadDotProductAttention( dtype=self.dtype, kernel_init=nn.initializers.xavier_uniform(), broadcast_dropout=False, deterministic=deterministic, dropout_rate=self.attention_dropout_rate, num_heads=self.num_heads, name='MultiHeadDotProductAttention_1')(x, x) x = nn.Dropout(rate=self.dropout_rate)(x, deterministic=deterministic) x = x + inputs # MLP block. y = nn.LayerNorm(dtype=self.dtype, name='LayerNorm_2')(x) y = MlpBlock( mlp_dim=self.mlp_dim, dtype=self.dtype, name='MlpBlock_3', dropout_rate=self.dropout_rate)( y, deterministic=deterministic) return x + y class Encoder(nn.Module): """Transformer Model Encoder for sequence to sequence translation. Attributes: num_layers: number of layers mlp_dim: dimension of the mlp on top of attention block num_heads: Number of heads in nn.MultiHeadDotProductAttention dropout_rate: dropout rate. attention_dropout_rate: dropout rate in self attention. """ num_layers: int mlp_dim: int num_heads: int dropout_rate: float = 0.1 attention_dropout_rate: float = 0.1 @nn.compact def __call__(self, inputs, *, train): """Applies Transformer model on the inputs. Args: inputs: Inputs to the layer. train: Set to `True` when training. Returns: output of a transformer encoder. """ assert inputs.ndim == 3 # (batch, len, emb) x = AddPositionEmbs( posemb_init=nn.initializers.normal(stddev=0.02), # from BERT. name='posembed_input')( inputs) x = nn.Dropout(rate=self.dropout_rate)(x, deterministic=not train) # Input Encoder for lyr in range(self.num_layers): x = Encoder1DBlock( mlp_dim=self.mlp_dim, dropout_rate=self.dropout_rate, attention_dropout_rate=self.attention_dropout_rate, name=f'encoderblock_{lyr}', num_heads=self.num_heads)( x, deterministic=not train) encoded = nn.LayerNorm(name='encoder_norm')(x) return encoded class VisionTransformer(nn.Module): """VisionTransformer.""" num_classes: int patches: Any transformer: Any hidden_size: int representation_size: Optional[int] = None classifier: str = 'token' @nn.compact def __call__(self, inputs, *, train): out = {} x = inputs n, h, w, c = x.shape # We can merge s2d+emb into a single conv; it's the same. x = nn.Conv( features=self.hidden_size, kernel_size=self.patches.size, strides=self.patches.size, padding='VALID', name='embedding')( x) # Here, x is a grid of embeddings. # TODO(dusenberrymw): Switch to self.sow(.). out['stem'] = x # Transformer. n, h, w, c = x.shape x = jnp.reshape(x, [n, h * w, c]) # If we want to add a class token, add it here. if self.classifier == 'token': cls = self.param('cls', nn.initializers.zeros, (1, 1, c)) cls = jnp.tile(cls, [n, 1, 1]) x = jnp.concatenate([cls, x], axis=1) x = Encoder(name='Transformer', **self.transformer)(x, train=train) out['transformed'] = x if self.classifier == 'token': x = x[:, 0] elif self.classifier == 'gap': x = jnp.mean(x, axis=list(range(1, x.ndim - 1))) # (1,) or (1,2) else: raise ValueError(f'Invalid classifier={self.classifier}') out['head_input'] = x if self.representation_size is not None: x = nn.Dense(features=self.representation_size, name='pre_logits')(x) out['pre_logits'] = x x = nn.tanh(x) else: x = IdentityLayer(name='pre_logits')(x) out['pre_logits'] = x x = nn.Dense( features=self.num_classes, name='head', kernel_init=nn.initializers.zeros)( x) out['logits'] = x return x, out def vision_transformer(num_classes: int, patches: Any, transformer: Any, hidden_size: int, representation_size: Optional[int] = None, classifier: str = 'token'): """Builds a Vision Transformer (ViT) model.""" # TODO(dusenberrymw): Add API docs once config dict in VisionTransformer is # cleaned up. return VisionTransformer( num_classes=num_classes, patches=patches, transformer=transformer, hidden_size=hidden_size, representation_size=representation_size, classifier=classifier)
apache-2.0
-5,979,821,114,769,184,000
28.632653
80
0.63579
false
xtiankisutsa/MARA_Framework
tools/lobotomy/core/brains/ui/terminal.py
1
5944
import npyscreen from core.logging.logger import Logger from androguard.core.bytecodes.dvm import ClassDefItem from androguard.core.bytecodes.dvm import EncodedMethod from pygments import highlight from pygments.lexers.dalvik import SmaliLexer from pygments.formatters import TerminalFormatter # Global # This global variables have to be accessed by the ClassTreeMultiSelect class vm_global = None vmx_global = None class TerminalAppError(Exception): def __init__(self, message): self.logger = Logger() self.message = message self.logger.log("critical", "TerminalApp : {}".format(self.message)) class ClassTreeData(npyscreen.TreeData): def get_content_for_display(self): """ Overidden from TreeData """ if isinstance(self.content, str): return self.content elif isinstance(self.content, EncodedMethod): return self.content.name elif isinstance(self.content, ClassDefItem): return self.content.name else: return self.content class TerminalMultiLine(npyscreen.MultiLine): def display_value(self, vl): """ Overriden from npyscreen.MultiLine """ try: return vl except ReferenceError as e: raise e class ClassTreeMultiSelect(npyscreen.MLTreeMultiSelect): def handle_selected(self, vl): """ Handle a selected method. Args: param1: TreeData Returns: None """ # Locals m = None mx = None ml = None method_form = None basic_blocks = None try: if vl.selected: # Handle EncodedMethod type if isinstance(vl.get_content(), EncodedMethod): m = vl.get_content() mx = vmx_global.get_method(m) if m.get_code(): idx = 0 basic_blocks = mx.get_basic_blocks().get() method_form = npyscreen.Form(name=m.name, framed=False) # Our custom MultiLine class for handling displaying # the values ml = method_form.add(TerminalMultiLine, autowrap=False) ml.values.append("{} {}" .format(m.get_access_flags_string(), m.name)) # This provide a visual space ml.values.append("") for block in basic_blocks: for i in block.get_instructions(): ml.values.append(" ".join([str(idx), i.get_name(), i.get_output()])) idx += i.get_length() method_form.edit() return # Handle ClassDefItem type if isinstance(vl.get_content(), ClassDefItem): return except Exception as e: raise e def h_select(self, ch): """ Overidden from npyscreen.MLTreeMultiSelect """ # DO NOT MODIFY (!) vl = self.values[self.cursor_line] vl_to_set = not vl.selected if self.select_cascades: for v in self._walk_tree(vl, only_expanded=False, ignore_root=False): if v.selectable: v.selected = vl_to_set else: vl.selected = vl_to_set if self.select_exit: self.editing = False self.how_exited = True self.display() # Handle the selection self.handle_selected(vl) class TerminalForm(npyscreen.Form): def create(self): """ Overidden from npyscreen.Form """ # Locals self.how_exited_handers[ npyscreen.wgwidget.EXITED_ESCAPE] = self.exit_application def exit_application(self): """ Overidden from npyscreen.Form """ # Locals self.parentApp.setNextForm(None) self.editing = False class TerminalApp(npyscreen.NPSApp): def __init__(self, vm, vmx): # Wut? # Get the DVM and Analysis instance and make them global global vm_global vm_global = vm global vmx_global vmx_global = vmx def main(self): """ Overriden from npyscreen.NPSApp """ # Locals lterm_form = None tree = None tree_data = None clazz = None method = None lterm_form = TerminalForm(name="lterm", framed=False) tree = lterm_form.add(ClassTreeMultiSelect) tree_data = ClassTreeData(content="Class Tree", selectable=False, ignore_root=False) try: for c in vm_global.get_classes(): # Don't populate the Android support classes if c.name.startswith("Landroid"): continue # If selected is set to True, it will populate the results # from get_selected_objects, we don't want this clazz = tree_data.new_child(content=c, selectable=False, selected=False) for m in c.get_methods(): method = clazz.new_child(content=m, selectable=True, selected=False) tree.values = tree_data lterm_form.edit() except Exception as e: TerminalAppError("main : {}".format(e))
lgpl-3.0
8,790,369,643,042,996,000
31.480874
77
0.502019
false
tensorflow/models
orbit/utils/epoch_helper.py
1
2136
# Copyright 2021 The Orbit Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # http://www.apache.org/licenses/LICENSE-2.0 # # Unless required by applicable law or agreed to in writing, software # distributed under the License is distributed on an "AS IS" BASIS, # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. """Provides a utility class for training in epochs.""" import tensorflow as tf class EpochHelper: """A helper class handle bookkeeping of epochs in custom training loops.""" def __init__(self, epoch_steps: int, global_step: tf.Variable): """Initializes the `EpochHelper` instance. Args: epoch_steps: An integer indicating how many steps are in an epoch. global_step: A `tf.Variable` providing the current global step. """ self._epoch_steps = epoch_steps self._global_step = global_step self._current_epoch = None self._epoch_start_step = None self._in_epoch = False def epoch_begin(self): """Returns whether a new epoch should begin.""" if self._in_epoch: return False current_step = self._global_step.numpy() self._epoch_start_step = current_step self._current_epoch = current_step // self._epoch_steps self._in_epoch = True return True def epoch_end(self): """Returns whether the current epoch should end.""" if not self._in_epoch: raise ValueError("`epoch_end` can only be called inside an epoch.") current_step = self._global_step.numpy() epoch = current_step // self._epoch_steps if epoch > self._current_epoch: self._in_epoch = False return True return False @property def batch_index(self): """Index of the next batch within the current epoch.""" return self._global_step.numpy() - self._epoch_start_step @property def current_epoch(self): return self._current_epoch
apache-2.0
-7,904,109,597,831,953,000
31.861538
77
0.69382
false
e27182/nRF52832_pesky
external/motion_driver_6.12/eMPL-pythonclient/eMPL-client.py
1
10573
#!/usr/bin/python # eMPL_client.py # A PC application for use with Embedded MotionApps. # Copyright 2012 InvenSense, Inc. All Rights Reserved. import serial, sys, time, string, pygame from ponycube import * class eMPL_packet_reader: def __init__(self, port, quat_delegate=None, debug_delegate=None, data_delegate=None ): self.s = serial.Serial(port,115200) self.s.rtscts = True self.s.timeout = 0.1 self.s.writeTimeout = 0.2 # TODO: Will this break anything? ##Client attempts to write to eMPL. #try: #self.s.write("\n") #except serial.serialutil.SerialTimeoutException: #pass # write will timeout if umpl app is already started. if quat_delegate: self.quat_delegate = quat_delegate else: self.quat_delegate = empty_packet_delegate() if debug_delegate: self.debug_delegate = debug_delegate else: self.debug_delegate = empty_packet_delegate() if data_delegate: self.data_delegate = data_delegate else: self.data_delegate = empty_packet_delegate() self.packets = [] self.length = 0 self.previous = None def read(self): NUM_BYTES = 23 p = None while self.s.inWaiting() >= NUM_BYTES: rs = self.s.read(NUM_BYTES) if ord(rs[0]) == ord('$'): pkt_code = ord(rs[1]) if pkt_code == 1: d = debug_packet(rs) self.debug_delegate.dispatch(d) elif pkt_code == 2: p = quat_packet(rs) self.quat_delegate.dispatch(p) elif pkt_code == 3: d = data_packet(rs) self.data_delegate.dispatch(d) else: print "no handler for pkt_code",pkt_code else: c = ' ' print "serial misaligned!" while not ord(c) == ord('$'): c = self.s.read(1) self.s.read(NUM_BYTES-1) def write(self,a): self.s.write(a) def close(self): self.s.close() def write_log(self,fname): f = open(fname,'w') for p in self.packets: f.write(p.logfile_line()) f.close() # =========== PACKET DELEGATES ========== class packet_delegate(object): def loop(self,event): print "generic packet_delegate loop w/event",event def dispatch(self,p): print "generic packet_delegate dispatched",p class empty_packet_delegate(packet_delegate): def loop(self,event): pass def dispatch(self,p): pass class cube_packet_viewer (packet_delegate): def __init__(self): self.screen = Screen(480,400,scale=1.5) self.cube = Cube(30,60,10) self.q = Quaternion(1,0,0,0) self.previous = None # previous quaternion self.latest = None # latest packet (get in dispatch, use in loop) def loop(self,event): packet = self.latest if packet: q = packet.to_q().normalized() self.cube.erase(self.screen) self.cube.draw(self.screen,q) pygame.display.flip() self.latest = None def dispatch(self,p): if isinstance(p,quat_packet): self.latest = p class debug_packet_viewer (packet_delegate): def loop(self,event): pass def dispatch(self,p): assert isinstance(p,debug_packet); p.display() class data_packet_viewer (packet_delegate): def loop(self,event): pass def dispatch(self,p): assert isinstance(p,data_packet); p.display() # =============== PACKETS ================= # For 16-bit signed integers. def two_bytes(d1,d2): d = ord(d1)*256 + ord(d2) if d > 32767: d -= 65536 return d # For 32-bit signed integers. def four_bytes(d1, d2, d3, d4): d = ord(d1)*(1<<24) + ord(d2)*(1<<16) + ord(d3)*(1<<8) + ord(d4) if d > 2147483648: d-= 4294967296 return d class debug_packet (object): # body of packet is a debug string def __init__(self,l): sss = [] for c in l[3:21]: if ord(c) != 0: sss.append(c) self.s = "".join(sss) def display(self): sys.stdout.write(self.s) class data_packet (object): def __init__(self, l): self.data = [0,0,0,0,0,0,0,0,0] self.type = ord(l[2]) if self.type == 0: # accel self.data[0] = four_bytes(l[3],l[4],l[5],l[6]) * 1.0 / (1<<16) self.data[1] = four_bytes(l[7],l[8],l[9],l[10]) * 1.0 / (1<<16) self.data[2] = four_bytes(l[11],l[12],l[13],l[14]) * 1.0 / (1<<16) elif self.type == 1: # gyro self.data[0] = four_bytes(l[3],l[4],l[5],l[6]) * 1.0 / (1<<16) self.data[1] = four_bytes(l[7],l[8],l[9],l[10]) * 1.0 / (1<<16) self.data[2] = four_bytes(l[11],l[12],l[13],l[14]) * 1.0 / (1<<16) elif self.type == 2: # compass self.data[0] = four_bytes(l[3],l[4],l[5],l[6]) * 1.0 / (1<<16) self.data[1] = four_bytes(l[7],l[8],l[9],l[10]) * 1.0 / (1<<16) self.data[2] = four_bytes(l[11],l[12],l[13],l[14]) * 1.0 / (1<<16) elif self.type == 3: # quat self.data[0] = four_bytes(l[3],l[4],l[5],l[6]) * 1.0 / (1<<30) self.data[1] = four_bytes(l[7],l[8],l[9],l[10]) * 1.0 / (1<<30) self.data[2] = four_bytes(l[11],l[12],l[13],l[14]) * 1.0 / (1<<30) self.data[3] = four_bytes(l[15],l[16],l[17],l[18]) * 1.0 / (1<<30) elif self.type == 4: # euler self.data[0] = four_bytes(l[3],l[4],l[5],l[6]) * 1.0 / (1<<16) self.data[1] = four_bytes(l[7],l[8],l[9],l[10]) * 1.0 / (1<<16) self.data[2] = four_bytes(l[11],l[12],l[13],l[14]) * 1.0 / (1<<16) elif self.type == 5: # rot self.data[0] = two_bytes(l[3],l[4]) * 1.0 / (1<<14) self.data[1] = two_bytes(l[5],l[6]) * 1.0 / (1<<14) self.data[2] = two_bytes(l[7],l[8]) * 1.0 / (1<<14) self.data[3] = two_bytes(l[9],l[10]) * 1.0 / (1<<14) self.data[4] = two_bytes(l[11],l[12]) * 1.0 / (1<<14) self.data[5] = two_bytes(l[13],l[14]) * 1.0 / (1<<14) self.data[6] = two_bytes(l[15],l[16]) * 1.0 / (1<<14) self.data[7] = two_bytes(l[17],l[18]) * 1.0 / (1<<14) self.data[8] = two_bytes(l[19],l[20]) * 1.0 / (1<<14) elif self.type == 6: # heading self.data[0] = four_bytes(l[3],l[4],l[5],l[6]) * 1.0 / (1<<16) else: # unsupported pass def display(self): if self.type == 0: print 'accel: %7.3f %7.3f %7.3f' % \ (self.data[0], self.data[1], self.data[2]) elif self.type == 1: print 'gyro: %9.5f %9.5f %9.5f' % \ (self.data[0], self.data[1], self.data[2]) elif self.type == 2: print 'compass: %7.4f %7.4f %7.4f' % \ (self.data[0], self.data[1], self.data[2]) elif self.type == 3: print 'quat: %7.4f %7.4f %7.4f %7.4f' % \ (self.data[0], self.data[1], self.data[2], self.data[3]) elif self.type == 4: print 'euler: %7.4f %7.4f %7.4f' % \ (self.data[0], self.data[1], self.data[2]) elif self.type == 5: print 'rotation matrix: \n%7.3f %7.3f %7.3f\n%7.3f %7.3f %7.3f\n%7.3f %7.3f %7.3f' % \ (self.data[0], self.data[1], self.data[2], self.data[3], \ self.data[4], self.data[5], self.data[6], self.data[7], \ self.data[8]) elif self.type == 6: print 'heading: %7.4f' % self.data[0] else: print 'what?' class quat_packet (object): def __init__(self, l): self.l = l self.q0 = four_bytes(l[3],l[4],l[5],l[6]) * 1.0 / (1<<30) self.q1 = four_bytes(l[7],l[8],l[9],l[10]) * 1.0 / (1<<30) self.q2 = four_bytes(l[11],l[12],l[13],l[14]) * 1.0 / (1<<30) self.q3 = four_bytes(l[15],l[16],l[17],l[18]) * 1.0 / (1<<30) def display_raw(self): l = self.l print "".join( [ str(ord(l[0])), " "] + \ [ str(ord(l[1])), " "] + \ [ str(ord(a)).ljust(4) for a in [ l[2], l[3], l[4], l[5], l[6], l[7], l[8], l[9], l[10] ] ] + \ [ str(ord(a)).ljust(4) for a in [ l[8], l[9], l[10] , l[11], l[12], l[13]] ] ) def display(self): if 1: print "qs " + " ".join([str(s).ljust(15) for s in [ self.q0, self.q1, self.q2, self.q3 ]]) if 0: euler0, euler1, euler2 = self.to_q().get_euler() print "eulers " + " ".join([str(s).ljust(15) for s in [ euler0, euler1, euler2 ]]) if 0: euler0, euler1, euler2 = self.to_q().get_euler() print "eulers " + " ".join([str(s).ljust(15) for s in [ (euler0 * 180.0 / 3.14159) - 90 ]]) def to_q(self): return Quaternion(self.q0, self.q1, self.q2, self.q3) # =============== MAIN ====================== if __name__ == "__main__": if len(sys.argv) == 2: comport = sys.argv[1] else: print "usage: " + sys.argv[0] + " port" sys.exit(-1) pygame.init() viewer = cube_packet_viewer() debug = debug_packet_viewer() data = data_packet_viewer() reader = eMPL_packet_reader(comport, quat_delegate = viewer, debug_delegate = debug, data_delegate = data) while 1: event = pygame.event.poll() # TODO: Allow exit via keystroke. if event.type == pygame.QUIT: #viewer.close() break if event.type == pygame.KEYDOWN: reader.write(pygame.key.name(event.key)) reader.read() viewer.loop(event) debug.loop(event) data.loop(event) # TODO: If system load is too high, increase this sleep time. pygame.time.delay(0)
mit
4,605,220,104,819,289,600
34.333333
98
0.467795
false
facebookresearch/ParlAI
parlai/tasks/dbll_babi/build.py
1
1148
#!/usr/bin/env python3 # Copyright (c) Facebook, Inc. and its affiliates. # This source code is licensed under the MIT license found in the # LICENSE file in the root directory of this source tree. # Download and build the data if it does not exist. from parlai.core.build_data import DownloadableFile import parlai.core.build_data as build_data import os RESOURCES = [ DownloadableFile( 'http://parl.ai/downloads/dbll/dbll.tgz', 'dbll.tgz', 'd8c727dac498b652c7f5de6f72155dce711ff46c88401a303399d3fad4db1e68', ) ] def build(opt): dpath = os.path.join(opt['datapath'], 'DBLL') version = None if not build_data.built(dpath, version_string=version): print('[building data: ' + dpath + ']') if build_data.built(dpath): # An older version exists, so remove these outdated files. build_data.remove_dir(dpath) build_data.make_dir(dpath) # Download the data. for downloadable_file in RESOURCES: downloadable_file.download_file(dpath) # Mark the data as built. build_data.mark_done(dpath, version_string=version)
mit
9,206,499,509,482,865,000
30.027027
75
0.671603
false
mileswwatkins/pupa
pupa/scrape/vote_event.py
1
2639
from ..utils import _make_pseudo_id from .base import BaseModel, cleanup_list, SourceMixin from .bill import Bill from .popolo import pseudo_organization from .schemas.vote_event import schema class VoteEvent(BaseModel, SourceMixin): _type = 'vote_event' _schema = schema def __init__(self, *, motion_text, start_date, classification, result, legislative_session=None, identifier='', bill=None, bill_chamber=None, organization=None, chamber=None): super(VoteEvent, self).__init__() self.legislative_session = legislative_session self.motion_text = motion_text self.motion_classification = cleanup_list(classification, []) self.start_date = start_date self.result = result self.identifier = identifier self.set_bill(bill, chamber=bill_chamber) if isinstance(bill, Bill) and not self.legislative_session: self.legislative_session = bill.legislative_session if not self.legislative_session: raise ValueError('must set legislative_session or bill') self.organization = pseudo_organization(organization, chamber, 'legislature') self.votes = [] self.counts = [] def __str__(self): return '{0} - {1} - {2}'.format(self.legislative_session, self.start_date, self.motion_text) def set_bill(self, bill_or_identifier, *, chamber=None): if not bill_or_identifier: self.bill = None elif isinstance(bill_or_identifier, Bill): if chamber: raise ValueError("set_bill takes no arguments when using a `Bill` object") self.bill = bill_or_identifier._id else: if chamber is None: chamber = 'legislature' kwargs = {'identifier': bill_or_identifier, 'from_organization__classification': chamber} self.bill = _make_pseudo_id(**kwargs) def vote(self, option, voter, *, note=''): self.votes.append({"option": option, "voter_name": voter, "voter_id": _make_pseudo_id(name=voter), 'note': note}) def yes(self, name, *, id=None, note=''): return self.vote('yes', name, note=note) def no(self, name, *, id=None, note=''): return self.vote('no', name, note=note) def set_count(self, option, value): for co in self.counts: if co['option'] == option: co['value'] = value break else: self.counts.append({'option': option, 'value': value})
bsd-3-clause
3,333,108,685,144,994,300
36.7
95
0.589996
false
jsbueno/sc.blueprints.soundcloud
sc/blueprints/soundcloud/testing.py
1
1247
# -*- coding: utf-8 -*- import doctest from plone.app.testing import ( applyProfile, PLONE_FIXTURE, PloneSandboxLayer, ) from plone.app.testing.layers import ( FunctionalTesting, IntegrationTesting, ) from Products.CMFCore.utils import getToolByName from zope.configuration import xmlconfig class ScBlueprints.soundcloudTesting(PloneSandboxLayer): defaultBases = (PLONE_FIXTURE, ) def setUpZope(self, app, configurationContext): # load ZCML import sc.blueprints.soundcloud xmlconfig.file('configure.zcml', sc.blueprints.soundcloud, context=configurationContext) def setUpPloneSite(self, portal): # install into the Plone site applyProfile(portal, 'sc.blueprints.soundcloud:default') SCBLUEPRINTS.SOUNDCLOUD_FIXTURE = ScBlueprints.soundcloudTesting() SCBLUEPRINTS.SOUNDCLOUD_INTEGRATION_TESTING = IntegrationTesting( bases=(SCBLUEPRINTS.SOUNDCLOUD_FIXTURE, ), name='ScBlueprints.soundcloudLayer:Integration' ) SCBLUEPRINTS.SOUNDCLOUD_FUNCTIONAL_TESTING = FunctionalTesting( bases=(SCBLUEPRINTS.SOUNDCLOUD_FIXTURE, ), name='ScBlueprints.soundcloudLayer:Functional' ) optionflags = (doctest.ELLIPSIS | doctest.NORMALIZE_WHITESPACE)
gpl-2.0
-5,806,163,019,298,433,000
30.175
66
0.746592
false
tvenkat/askbot-devel
askbot/deps/django_authopenid/views.py
1
48584
# -*- coding: utf-8 -*- # Copyright (c) 2007, 2008, Benoît Chesneau # Copyright (c) 2007 Simon Willison, original work on django-openid # # All rights reserved. # # Redistribution and use in source and binary forms, with or without # modification, are permitted provided that the following conditions are # met: # # * Redistributions of source code must retain the above copyright # * notice, this list of conditions and the following disclaimer. # * Redistributions in binary form must reproduce the above copyright # * notice, this list of conditions and the following disclaimer in the # * documentation and/or other materials provided with the # * distribution. Neither the name of the <ORGANIZATION> nor the names # * of its contributors may be used to endorse or promote products # * derived from this software without specific prior written # * permission. # # THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS # IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, # THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR # PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT OWNER OR # CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, # EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, # PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, # OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY # THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT # (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF # THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. import datetime from django.http import HttpResponseRedirect, get_host, Http404 from django.http import HttpResponse from django.template import RequestContext, Context from django.conf import settings from askbot.conf import settings as askbot_settings from django.contrib.auth.models import User from django.contrib.auth.decorators import login_required from django.contrib.auth import authenticate from django.core.urlresolvers import reverse from django.views.decorators import csrf from django.utils.encoding import smart_unicode from django.utils.html import escape from django.utils.translation import ugettext as _ from django.utils.safestring import mark_safe from django.core.mail import send_mail from recaptcha_works.decorators import fix_recaptcha_remote_ip from askbot.skins.loaders import render_into_skin, get_template from urlparse import urlparse from openid.consumer.consumer import Consumer, \ SUCCESS, CANCEL, FAILURE, SETUP_NEEDED from openid.consumer.discover import DiscoveryFailure from openid.extensions import sreg # needed for some linux distributions like debian try: from openid.yadis import xri except ImportError: from yadis import xri try: from xmlrpclib import Fault as WpFault from wordpress_xmlrpc import Client from wordpress_xmlrpc.methods.users import GetUserInfo except ImportError: pass import urllib from askbot import forms as askbot_forms from askbot.deps.django_authopenid import util from askbot.deps.django_authopenid import decorators from askbot.deps.django_authopenid.models import UserAssociation from askbot.deps.django_authopenid import forms from askbot.deps.django_authopenid.backends import AuthBackend import logging from askbot.utils.forms import get_next_url from askbot.utils.http import get_request_info #todo: decouple from askbot def login(request,user): from django.contrib.auth import login as _login from askbot.models import signals # get old session key session_key = request.session.session_key # login and get new session key _login(request,user) # send signal with old session key as argument logging.debug('logged in user %s with session key %s' % (user.username, session_key)) #todo: move to auth app signals.user_logged_in.send( request = request, user = user, session_key=session_key, sender=None ) #todo: uncouple this from askbot def logout(request): from django.contrib.auth import logout as _logout#for login I've added wrapper below - called login _logout(request) def logout_page(request): data = { 'page_class': 'meta', 'have_federated_login_methods': util.have_enabled_federated_login_methods() } return render_into_skin('authopenid/logout.html', data, request) def get_url_host(request): if request.is_secure(): protocol = 'https' else: protocol = 'http' host = escape(get_host(request)) return '%s://%s' % (protocol, host) def get_full_url(request): return get_url_host(request) + request.get_full_path() def ask_openid( request, openid_url, redirect_to, on_failure=None, sreg_request=None ): """ basic function to ask openid and return response """ on_failure = on_failure or signin_failure trust_root = getattr( settings, 'OPENID_TRUST_ROOT', get_url_host(request) + '/' ) if xri.identifierScheme(openid_url) == 'XRI' and getattr( settings, 'OPENID_DISALLOW_INAMES', False ): msg = _("i-names are not supported") logging.debug('openid failed because i-names are not supported') return on_failure(request, msg) consumer = Consumer(request.session, util.DjangoOpenIDStore()) try: auth_request = consumer.begin(openid_url) except DiscoveryFailure: msg = _(u"OpenID %(openid_url)s is invalid" % {'openid_url':openid_url}) logging.debug(msg) return on_failure(request, msg) logging.debug('openid seemed to work') if sreg_request: logging.debug('adding sreg_request - wtf it is?') auth_request.addExtension(sreg_request) redirect_url = auth_request.redirectURL(trust_root, redirect_to) logging.debug('redirecting to %s' % redirect_url) return HttpResponseRedirect(redirect_url) def complete(request, on_success=None, on_failure=None, return_to=None): """ complete openid signin """ assert(on_success is not None) assert(on_failure is not None) logging.debug('in askbot.deps.django_authopenid.complete') consumer = Consumer(request.session, util.DjangoOpenIDStore()) # make sure params are encoded in utf8 params = dict((k,smart_unicode(v)) for k, v in request.GET.items()) openid_response = consumer.complete(params, return_to) try: logging.debug(u'returned openid parameters were: %s' % unicode(params)) except Exception, e: logging.critical(u'fix logging statement above ' + unicode(e)) if openid_response.status == SUCCESS: logging.debug('openid response status is SUCCESS') return on_success( request, openid_response.identity_url, openid_response ) elif openid_response.status == CANCEL: logging.debug('CANCEL') return on_failure(request, 'The request was canceled') elif openid_response.status == FAILURE: logging.debug('FAILURE') return on_failure(request, openid_response.message) elif openid_response.status == SETUP_NEEDED: logging.debug('SETUP NEEDED') return on_failure(request, 'Setup needed') else: logging.debug('BAD OPENID STATUS') assert False, "Bad openid status: %s" % openid_response.status def not_authenticated(func): """ decorator that redirect user to next page if he/she is already logged in.""" def decorated(request, *args, **kwargs): if request.user.is_authenticated(): return HttpResponseRedirect(get_next_url(request)) return func(request, *args, **kwargs) return decorated def complete_oauth_signin(request): if 'next_url' in request.session: next_url = request.session['next_url'] del request.session['next_url'] else: next_url = reverse('index') if 'denied' in request.GET: return HttpResponseRedirect(next_url) if 'oauth_problem' in request.GET: return HttpResponseRedirect(next_url) try: oauth_token = request.GET['oauth_token'] logging.debug('have token %s' % oauth_token) oauth_verifier = request.GET['oauth_verifier'] logging.debug('have verifier %s' % oauth_verifier) session_oauth_token = request.session['oauth_token'] logging.debug('have token from session') assert(oauth_token == session_oauth_token['oauth_token']) oauth_provider_name = request.session['oauth_provider_name'] logging.debug('have saved provider name') del request.session['oauth_provider_name'] oauth = util.OAuthConnection(oauth_provider_name) user_id = oauth.get_user_id( oauth_token = session_oauth_token, oauth_verifier = oauth_verifier ) logging.debug('have %s user id=%s' % (oauth_provider_name, user_id)) user = authenticate( oauth_user_id = user_id, provider_name = oauth_provider_name, method = 'oauth' ) logging.debug('finalizing oauth signin') request.session['email'] = ''#todo: pull from profile request.session['username'] = ''#todo: pull from profile return finalize_generic_signin( request = request, user = user, user_identifier = user_id, login_provider_name = oauth_provider_name, redirect_url = next_url ) except Exception, e: logging.critical(e) msg = _('Unfortunately, there was some problem when ' 'connecting to %(provider)s, please try again ' 'or use another provider' ) % {'provider': oauth_provider_name} request.user.message_set.create(message = msg) return HttpResponseRedirect(next_url) #@not_authenticated @csrf.csrf_protect def signin(request): """ signin page. It manages the legacy authentification (user/password) and openid authentification url: /signin/ template : authopenid/signin.htm """ logging.debug('in signin view') on_failure = signin_failure email_feeds_form = askbot_forms.SimpleEmailSubscribeForm() #we need a special priority on where to redirect on successful login #here: #1) url parameter "next" - if explicitly set #2) url from django setting LOGIN_REDIRECT_URL #3) home page of the forum login_redirect_url = getattr(settings, 'LOGIN_REDIRECT_URL', None) next_url = get_next_url(request, default = login_redirect_url) logging.debug('next url is %s' % next_url) if askbot_settings.ALLOW_ADD_REMOVE_LOGIN_METHODS == False \ and request.user.is_authenticated(): return HttpResponseRedirect(next_url) if next_url == reverse('user_signin'): next_url = '%(next)s?next=%(next)s' % {'next': next_url} login_form = forms.LoginForm(initial = {'next': next_url}) #todo: get next url make it sticky if next is 'user_signin' if request.method == 'POST': login_form = forms.LoginForm(request.POST) if login_form.is_valid(): provider_name = login_form.cleaned_data['login_provider_name'] if login_form.cleaned_data['login_type'] == 'password': password_action = login_form.cleaned_data['password_action'] if askbot_settings.USE_LDAP_FOR_PASSWORD_LOGIN: assert(password_action == 'login') username = login_form.cleaned_data['username'] password = login_form.cleaned_data['password'] # will be None if authentication fails user = authenticate( username=username, password=password, method = 'ldap' ) if user is not None: login(request, user) return HttpResponseRedirect(next_url) else: return finalize_generic_signin( request = request, user = user, user_identifier = username, login_provider_name = ldap_provider_name, redirect_url = next_url ) else: if password_action == 'login': user = authenticate( username = login_form.cleaned_data['username'], password = login_form.cleaned_data['password'], provider_name = provider_name, method = 'password' ) if user is None: login_form.set_password_login_error() else: login(request, user) #todo: here we might need to set cookies #for external login sites return HttpResponseRedirect(next_url) elif password_action == 'change_password': if request.user.is_authenticated(): new_password = \ login_form.cleaned_data['new_password'] AuthBackend.set_password( user=request.user, password=new_password, provider_name=provider_name ) request.user.message_set.create( message = _('Your new password saved') ) return HttpResponseRedirect(next_url) else: logging.critical( 'unknown password action %s' % password_action ) raise Http404 elif login_form.cleaned_data['login_type'] == 'openid': #initiate communication process logging.debug('processing signin with openid submission') #todo: make a simple-use wrapper for openid protocol sreg_req = sreg.SRegRequest(optional=['nickname', 'email']) redirect_to = "%s%s?%s" % ( get_url_host(request), reverse('user_complete_signin'), urllib.urlencode({'next':next_url}) ) return ask_openid( request, login_form.cleaned_data['openid_url'], redirect_to, on_failure=signin_failure, sreg_request=sreg_req ) elif login_form.cleaned_data['login_type'] == 'oauth': try: #this url may need to have "next" piggibacked onto callback_url = reverse('user_complete_oauth_signin') connection = util.OAuthConnection( provider_name, callback_url = callback_url ) connection.start() request.session['oauth_token'] = connection.get_token() request.session['oauth_provider_name'] = provider_name request.session['next_url'] = next_url#special case for oauth oauth_url = connection.get_auth_url(login_only = False) return HttpResponseRedirect(oauth_url) except util.OAuthError, e: logging.critical(unicode(e)) msg = _('Unfortunately, there was some problem when ' 'connecting to %(provider)s, please try again ' 'or use another provider' ) % {'provider': provider_name} request.user.message_set.create(message = msg) elif login_form.cleaned_data['login_type'] == 'facebook': #have to redirect for consistency #there is a requirement that 'complete_signin' try: #this call may raise FacebookError user_id = util.get_facebook_user_id(request) user = authenticate( method = 'facebook', facebook_user_id = user_id ) return finalize_generic_signin( request = request, user = user, user_identifier = user_id, login_provider_name = provider_name, redirect_url = next_url ) except util.FacebookError, e: logging.critical(unicode(e)) msg = _('Unfortunately, there was some problem when ' 'connecting to %(provider)s, please try again ' 'or use another provider' ) % {'provider': 'Facebook'} request.user.message_set.create(message = msg) elif login_form.cleaned_data['login_type'] == 'wordpress_site': #here wordpress_site means for a self hosted wordpress blog not a wordpress.com blog wp = Client(askbot_settings.WORDPRESS_SITE_URL, login_form.cleaned_data['username'], login_form.cleaned_data['password']) try: wp_user = wp.call(GetUserInfo()) custom_wp_openid_url = '%s?user_id=%s' % (wp.url, wp_user.user_id) user = authenticate( method = 'wordpress_site', wordpress_url = wp.url, wp_user_id = wp_user.user_id ) return finalize_generic_signin( request = request, user = user, user_identifier = custom_wp_openid_url, login_provider_name = provider_name, redirect_url = next_url ) except WpFault, e: logging.critical(unicode(e)) msg = _('The login password combination was not correct') request.user.message_set.create(message = msg) else: #raise 500 error - unknown login type pass else: logging.debug('login form is not valid') logging.debug(login_form.errors) logging.debug(request.REQUEST) if request.method == 'GET' and request.user.is_authenticated(): view_subtype = 'change_openid' else: view_subtype = 'default' return show_signin_view( request, login_form = login_form, view_subtype = view_subtype ) @csrf.csrf_protect def show_signin_view( request, login_form = None, account_recovery_form = None, account_recovery_message = None, sticky = False, view_subtype = 'default' ): """url-less utility function that populates context of template 'authopenid/signin.html' and returns its rendered output """ allowed_subtypes = ( 'default', 'add_openid', 'email_sent', 'change_openid', 'bad_key' ) assert(view_subtype in allowed_subtypes) if sticky: next_url = reverse('user_signin') else: next_url = get_next_url(request) if login_form is None: login_form = forms.LoginForm(initial = {'next': next_url}) if account_recovery_form is None: account_recovery_form = forms.AccountRecoveryForm()#initial = initial_data) #if request is GET if request.method == 'GET': logging.debug('request method was GET') #todo: this sthuff must be executed on some signal #because askbot should have nothing to do with the login app from askbot.models import AnonymousQuestion as AQ session_key = request.session.session_key logging.debug('retrieving anonymously posted question associated with session %s' % session_key) qlist = AQ.objects.filter(session_key=session_key).order_by('-added_at') if len(qlist) > 0: question = qlist[0] else: question = None from askbot.models import AnonymousAnswer as AA session_key = request.session.session_key logging.debug('retrieving posted answer associated with session %s' % session_key) alist = AA.objects.filter(session_key=session_key).order_by('-added_at') if len(alist) > 0: answer = alist[0] else: answer = None if request.user.is_authenticated(): existing_login_methods = UserAssociation.objects.filter(user = request.user) #annotate objects with extra data providers = util.get_enabled_login_providers() for login_method in existing_login_methods: try: provider_data = providers[login_method.provider_name] if provider_data['type'] == 'password': #only external password logins will not be deletable #this is because users with those can lose access to their accounts permanently login_method.is_deletable = provider_data.get('password_changeable', False) else: login_method.is_deletable = True except KeyError: logging.critical( 'login method %s is no longer available ' 'please delete records for this login method ' 'from the UserAssociation table', login_method.provider_name ) continue if view_subtype == 'default': page_title = _('Please click any of the icons below to sign in') elif view_subtype == 'email_sent': page_title = _('Account recovery email sent') elif view_subtype == 'change_openid': if len(existing_login_methods) == 0: page_title = _('Please add one or more login methods.') else: page_title = _('If you wish, please add, remove or re-validate your login methods') elif view_subtype == 'add_openid': page_title = _('Please wait a second! Your account is recovered, but ...') elif view_subtype == 'bad_key': page_title = _('Sorry, this account recovery key has expired or is invalid') logging.debug('showing signin view') data = { 'page_class': 'openid-signin', 'view_subtype': view_subtype, #add_openid|default 'page_title': page_title, 'question':question, 'answer':answer, 'login_form': login_form, 'use_password_login': util.use_password_login(), 'account_recovery_form': account_recovery_form, 'openid_error_message': request.REQUEST.get('msg',''), 'account_recovery_message': account_recovery_message, 'use_password_login': util.use_password_login(), } major_login_providers = util.get_enabled_major_login_providers() minor_login_providers = util.get_enabled_minor_login_providers() #determine if we are only using password login active_provider_names = [p['name'] for p in major_login_providers.values()] active_provider_names.extend([p['name'] for p in minor_login_providers.values()]) have_buttons = True if (len(active_provider_names) == 1 and active_provider_names[0] == 'local'): if askbot_settings.SIGNIN_ALWAYS_SHOW_LOCAL_LOGIN == True: #in this case the form is not using javascript, so set initial values #here have_buttons = False login_form.initial['login_provider_name'] = 'local' if request.user.is_authenticated(): login_form.initial['password_action'] = 'change_password' else: login_form.initial['password_action'] = 'login' data['have_buttons'] = have_buttons if request.user.is_authenticated(): data['existing_login_methods'] = existing_login_methods active_provider_names = [ item.provider_name for item in existing_login_methods ] util.set_login_provider_tooltips( major_login_providers, active_provider_names = active_provider_names ) util.set_login_provider_tooltips( minor_login_providers, active_provider_names = active_provider_names ) data['major_login_providers'] = major_login_providers.values() data['minor_login_providers'] = minor_login_providers.values() return render_into_skin('authopenid/signin.html', data, request) @login_required def delete_login_method(request): if askbot_settings.ALLOW_ADD_REMOVE_LOGIN_METHODS == False: raise Http404 if request.is_ajax() and request.method == 'POST': provider_name = request.POST['provider_name'] try: login_method = UserAssociation.objects.get( user = request.user, provider_name = provider_name ) login_method.delete() return HttpResponse('', mimetype = 'application/json') except UserAssociation.DoesNotExist: #error response message = _('Login method %(provider_name)s does not exist') return HttpResponse(message, status=500, mimetype = 'application/json') except UserAssociation.MultipleObjectsReturned: logging.critical( 'have multiple %(provider)s logins for user %(id)s' ) % {'provider':provider_name, 'id': request.user.id} message = _('Oops, sorry - there was some error - please try again') return HttpResponse(message, status=500, mimetype = 'application/json') else: raise Http404 def complete_signin(request): """ in case of complete signin with openid """ logging.debug('')#blank log just for the trace return complete( request, on_success = signin_success, on_failure = signin_failure, return_to = get_url_host(request) + reverse('user_complete_signin') ) def signin_success(request, identity_url, openid_response): """ this is not a view, has no url pointing to this this function is called when OpenID provider returns successful response to user authentication Does actual authentication in Django site and redirects to the registration page, if necessary or adds another login method. """ logging.debug('') openid_data = util.from_openid_response(openid_response) #create janrain OpenID object request.session['openid'] = openid_data openid_url = str(openid_data) user = authenticate( openid_url = openid_url, method = 'openid' ) next_url = get_next_url(request) provider_name = util.get_provider_name(openid_url) request.session['email'] = openid_data.sreg.get('email', '') request.session['username'] = openid_data.sreg.get('nickname', '') return finalize_generic_signin( request = request, user = user, user_identifier = openid_url, login_provider_name = provider_name, redirect_url = next_url ) def finalize_generic_signin( request = None, user = None, login_provider_name = None, user_identifier = None, redirect_url = None ): """non-view function generic signin, run after all protocol-dependent details have been resolved """ if request.user.is_authenticated(): #this branch is for adding a new association if user is None: #register new association UserAssociation( user = request.user, provider_name = login_provider_name, openid_url = user_identifier, last_used_timestamp = datetime.datetime.now() ).save() return HttpResponseRedirect(redirect_url) elif user != request.user: #prevent theft of account by another pre-existing user logging.critical( 'possible account theft attempt by %s,%d to %s %d' % \ ( request.user.username, request.user.id, user.username, user.id ) ) logout(request)#log out current user login(request, user)#login freshly authenticated user return HttpResponseRedirect(redirect_url) else: #user just checks if another login still works msg = _('Your %(provider)s login works fine') % \ {'provider': login_provider_name} request.user.message_set.create(message = msg) return HttpResponseRedirect(redirect_url) else: if user is None: #need to register request.method = 'GET'#this is not a good thing to do #but necessary at the moment to reuse the register() #method return register( request, login_provider_name=login_provider_name, user_identifier=user_identifier ) else: #login branch login(request, user) logging.debug('login success') return HttpResponseRedirect(redirect_url) @not_authenticated @csrf.csrf_protect def register(request, login_provider_name=None, user_identifier=None): """ this function is used via it's own url with request.method=POST or as a simple function call from "finalize_generic_signin" in which case request.method must ge 'GET' and login_provider_name and user_identifier arguments must not be None this function may need to be refactored to simplify the usage pattern template : authopenid/complete.html """ logging.debug('') next_url = get_next_url(request) user = None is_redirect = False username = request.session.get('username', '') email = request.session.get('email', '') logging.debug('request method is %s' % request.method) register_form = forms.OpenidRegisterForm( initial={ 'next': next_url, 'username': request.session.get('username', ''), 'email': request.session.get('email', ''), } ) email_feeds_form = askbot_forms.SimpleEmailSubscribeForm() if request.method == 'GET': assert(login_provider_name is not None) assert(user_identifier is not None) #store this data into the session #to persist for the post request request.session['login_provider_name'] = login_provider_name request.session['user_identifier'] = user_identifier elif request.method == 'POST': if 'login_provider_name' not in request.session \ or 'user_identifier' not in request.session: logging.critical('illegal attempt to register') return HttpResponseRedirect(reverse('user_signin')) #load this data from the session user_identifier = request.session['user_identifier'] login_provider_name = request.session['login_provider_name'] logging.debug('trying to create new account associated with openid') register_form = forms.OpenidRegisterForm(request.POST) email_feeds_form = askbot_forms.SimpleEmailSubscribeForm(request.POST) if not register_form.is_valid(): logging.debug('OpenidRegisterForm is INVALID') elif not email_feeds_form.is_valid(): logging.debug('SimpleEmailSubscribeForm is INVALID') else: logging.debug('OpenidRegisterForm and SimpleEmailSubscribeForm are valid') is_redirect = True username = register_form.cleaned_data['username'] email = register_form.cleaned_data['email'] user = User.objects.create_user(username, email) logging.debug('creating new openid user association for %s') UserAssociation( openid_url = user_identifier, user = user, provider_name = login_provider_name, last_used_timestamp = datetime.datetime.now() ).save() del request.session['user_identifier'] del request.session['login_provider_name'] logging.debug('logging the user in') user = authenticate(method = 'force', user_id = user.id) if user is None: error_message = 'please make sure that ' + \ 'askbot.deps.django_authopenid.backends.AuthBackend' + \ 'is in your settings.AUTHENTICATION_BACKENDS' raise Exception(error_message) login(request, user) logging.debug('saving email feed settings') email_feeds_form.save(user) #check if we need to post a question that was added anonymously #this needs to be a function call becase this is also done #if user just logged in and did not need to create the new account if user != None: if askbot_settings.EMAIL_VALIDATION == True: logging.debug('sending email validation') send_new_email_key(user, nomessage=True) output = validation_email_sent(request) set_email_validation_message(user) #message set after generating view return output if user.is_authenticated(): logging.debug('success, send user to main page') return HttpResponseRedirect(reverse('index')) else: logging.debug('have really strange error') raise Exception('openid login failed')#should not ever get here providers = { 'yahoo':'<font color="purple">Yahoo!</font>', 'flickr':'<font color="#0063dc">flick</font><font color="#ff0084">r</font>&trade;', 'google':'Google&trade;', 'aol':'<font color="#31658e">AOL</font>', 'myopenid':'MyOpenID', } if login_provider_name not in providers: provider_logo = login_provider_name logging.error('openid provider named "%s" has no pretty customized logo' % login_provider_name) else: provider_logo = providers[login_provider_name] logging.debug('printing authopenid/complete.html output') data = { 'openid_register_form': register_form, 'email_feeds_form': email_feeds_form, 'provider':mark_safe(provider_logo), 'username': username, 'email': email, 'login_type':'openid', 'gravatar_faq_url':reverse('faq') + '#gravatar', } return render_into_skin('authopenid/complete.html', data, request) def signin_failure(request, message): """ falure with openid signin. Go back to signin page. """ request.user.message_set.create(message = message) return show_signin_view(request) @not_authenticated @decorators.valid_password_login_provider_required @csrf.csrf_protect @fix_recaptcha_remote_ip def signup_with_password(request): """Create a password-protected account template: authopenid/signup_with_password.html """ logging.debug(get_request_info(request)) next = get_next_url(request) login_form = forms.LoginForm(initial = {'next': next}) #this is safe because second decorator cleans this field provider_name = request.REQUEST['login_provider'] if askbot_settings.USE_RECAPTCHA: RegisterForm = forms.SafeClassicRegisterForm else: RegisterForm = forms.ClassicRegisterForm logging.debug('request method was %s' % request.method) if request.method == 'POST': form = RegisterForm(request.POST) email_feeds_form = askbot_forms.SimpleEmailSubscribeForm(request.POST) #validation outside if to remember form values logging.debug('validating classic register form') form1_is_valid = form.is_valid() if form1_is_valid: logging.debug('classic register form validated') else: logging.debug('classic register form is not valid') form2_is_valid = email_feeds_form.is_valid() if form2_is_valid: logging.debug('email feeds form validated') else: logging.debug('email feeds form is not valid') if form1_is_valid and form2_is_valid: logging.debug('both forms are valid') next = form.cleaned_data['next'] username = form.cleaned_data['username'] password = form.cleaned_data['password1'] email = form.cleaned_data['email'] provider_name = form.cleaned_data['login_provider'] User.objects.create_user(username, email, password) logging.debug('new user %s created' % username) if provider_name != 'local': raise NotImplementedError('must run create external user code') user = authenticate( username = username, password = password, provider_name = provider_name, method = 'password' ) login(request, user) logging.debug('new user logged in') email_feeds_form.save(user) logging.debug('email feeds form saved') # send email #subject = _("Welcome email subject line") #message_template = get_emplate( # 'authopenid/confirm_email.txt' #) #message_context = Context({ # 'signup_url': askbot_settings.APP_URL + reverse('user_signin'), # 'username': username, # 'password': password, #}) #message = message_template.render(message_context) #send_mail(subject, message, settings.DEFAULT_FROM_EMAIL, # [user.email]) #logging.debug('new password acct created, confirmation email sent!') return HttpResponseRedirect(next) else: #todo: this can be solved with a decorator, maybe form.initial['login_provider'] = provider_name logging.debug('create classic account forms were invalid') else: #todo: here we have duplication of get_password_login_provider... form = RegisterForm( initial={ 'next':next, 'login_provider': provider_name } ) email_feeds_form = askbot_forms.SimpleEmailSubscribeForm() logging.debug('printing legacy signup form') major_login_providers = util.get_enabled_major_login_providers() minor_login_providers = util.get_enabled_minor_login_providers() context_data = { 'form': form, 'page_class': 'openid-signin', 'email_feeds_form': email_feeds_form, 'major_login_providers': major_login_providers.values(), 'minor_login_providers': minor_login_providers.values(), 'login_form': login_form } return render_into_skin( 'authopenid/signup_with_password.html', context_data, request ) #what if request is not posted? @login_required def signout(request): """ signout from the website. Remove openid from session and kill it. url : /signout/" """ logging.debug('') try: logging.debug('deleting openid session var') del request.session['openid'] except KeyError: logging.debug('failed') pass logout(request) logging.debug('user logged out') return HttpResponseRedirect(get_next_url(request)) XRDF_TEMPLATE = """<?xml version='1.0' encoding='UTF-8'?> <xrds:XRDS xmlns:xrds='xri://$xrds' xmlns:openid='http://openid.net/xmlns/1.0' xmlns='xri://$xrd*($v*2.0)'> <XRD> <Service> <Type>http://specs.openid.net/auth/2.0/return_to</Type> <URI>%(return_to)s</URI> </Service> </XRD> </xrds:XRDS>""" def xrdf(request): url_host = get_url_host(request) return_to = "%s%s" % (url_host, reverse('user_complete_signin')) return HttpResponse(XRDF_TEMPLATE % {'return_to': return_to}) def find_email_validation_messages(user): msg_text = _('your email needs to be validated see %(details_url)s') \ % {'details_url':reverse('faq') + '#validate'} return user.message_set.filter(message__exact=msg_text) def set_email_validation_message(user): messages = find_email_validation_messages(user) msg_text = _('your email needs to be validated see %(details_url)s') \ % {'details_url':reverse('faq') + '#validate'} if len(messages) == 0: user.message_set.create(message=msg_text) def clear_email_validation_message(user): messages = find_email_validation_messages(user) messages.delete() def set_new_email(user, new_email, nomessage=False): if new_email != user.email: user.email = new_email user.email_isvalid = False user.save() if askbot_settings.EMAIL_VALIDATION == True: send_new_email_key(user,nomessage=nomessage) def _send_email_key(user): """private function. sends email containing validation key to user's email address """ subject = _("Recover your %(site)s account") % {'site': askbot_settings.APP_SHORT_NAME} url = urlparse(askbot_settings.APP_URL) data = { 'validation_link': url.scheme + '://' + url.netloc + \ reverse( 'user_account_recover', kwargs={'key':user.email_key} ) } template = get_template('authopenid/email_validation.txt') message = template.render(data) send_mail(subject, message, settings.DEFAULT_FROM_EMAIL, [user.email]) def send_new_email_key(user,nomessage=False): import random random.seed() user.email_key = '%032x' % random.getrandbits(128) user.save() _send_email_key(user) if nomessage==False: set_email_validation_message(user) @login_required @csrf.csrf_protect def send_email_key(request): """ url = /email/sendkey/ view that is shown right after sending email key email sending is called internally raises 404 if email validation is off if current email is valid shows 'key_not_sent' view of authopenid/changeemail.html template """ if askbot_settings.EMAIL_VALIDATION == True: if request.user.email_isvalid: data = { 'email': request.user.email, 'action_type': 'key_not_sent', 'change_link': reverse('user_changeemail') } return render_into_skin( 'authopenid/changeemail.html', data, request ) else: send_new_email_key(request.user) return validation_email_sent(request) else: raise Http404 def account_recover(request, key = None): """view similar to send_email_key, except it allows user to recover an account by entering his/her email address this view will both - send the recover link and process it url name 'user_account_recover' """ if not askbot_settings.ALLOW_ACCOUNT_RECOVERY_BY_EMAIL: raise Http404 if request.method == 'POST': form = forms.AccountRecoveryForm(request.POST) if form.is_valid(): user = form.cleaned_data['user'] send_new_email_key(user, nomessage = True) message = _( 'Please check your email and visit the enclosed link.' ) return show_signin_view( request, account_recovery_message = message, view_subtype = 'email_sent' ) else: return show_signin_view( request, account_recovery_form = form ) else: if key is None: return HttpResponseRedirect(reverse('user_signin')) user = authenticate(email_key = key, method = 'email') if user: if request.user.is_authenticated(): if user != request.user: logout(request) login(request, user) else: login(request, user) #need to show "sticky" signin view here return show_signin_view( request, view_subtype = 'add_openid', sticky = True ) else: return show_signin_view(request, view_subtype = 'bad_key') #internal server view used as return value by other views def validation_email_sent(request): """this function is called only if EMAIL_VALIDATION setting is set to True bolean value, basically dead now""" assert(askbot_settings.EMAIL_VALIDATION == True) logging.debug('') data = { 'email': request.user.email, 'change_email_url': reverse('user_changeemail'), 'action_type': 'validate' } return render_into_skin('authopenid/changeemail.html', data, request) def verifyemail(request,id=None,key=None): """ view that is shown when user clicks email validation link url = /email/verify/{{user.id}}/{{user.email_key}}/ """ logging.debug('') if askbot_settings.EMAIL_VALIDATION == True: user = User.objects.get(id=id) if user: if user.email_key == key: user.email_isvalid = True clear_email_validation_message(user) user.save() data = {'action_type': 'validation_complete'} return render_into_skin( 'authopenid/changeemail.html', data, request ) else: logging.error('hmm, no user found for email validation message - foul play?') raise Http404
gpl-3.0
-5,702,246,370,040,461,000
38.724448
137
0.571249
false
nmercier/linux-cross-gcc
linux/lib/python2.7/dist-packages/blueman/plugins/applet/TransferService.py
1
3021
# Copyright (C) 2008 Valmantas Paliksa <walmis at balticum-tv dot lt> # Copyright (C) 2008 Tadas Dailyda <tadas at dailyda dot com> # # Licensed under the GNU General Public License Version 3 # # This program is free software: you can redistribute it and/or modify # it under the terms of the GNU General Public License as published by # the Free Software Foundation, either version 3 of the License, or # (at your option) any later version. # # This program is distributed in the hope that it will be useful, # but WITHOUT ANY WARRANTY; without even the implied warranty of # MERCHANTABILITY or FITNESS FOR A PARTICULAR PURPOSE. See the # GNU General Public License for more details. # # You should have received a copy of the GNU General Public License # along with this program. If not, see <http://www.gnu.org/licenses/>. # from blueman.Functions import * from blueman.plugins.AppletPlugin import AppletPlugin from blueman.main.applet.Transfer import Transfer from gi.repository import GObject from gi.repository import Gtk import dbus class TransferService(AppletPlugin): __author__ = "Walmis" __description__ = _("Provides OBEX file transfer capabilities") __icon__ = "blueman-send-file" def on_load(self, applet): self.Transfer = None self.add_dbus_method(self.TransferControl, in_signature="ss", out_signature="") self.add_dbus_method(self.TransferStatus, in_signature="s", out_signature="i") self.sess_bus = dbus.SessionBus() self.__watch = dbus.bus.NameOwnerWatch(self.sess_bus, "org.openobex", self.on_obex_owner_changed) #self.try_start_ods() def on_unload(self): if self.__watch: self.__watch.cancel() if self.Transfer: self.Transfer.DisconnectAll() self.Transfer = None def on_manager_state_changed(self, state): if state: self.try_start_ods() else: if self.Transfer: self.Transfer.DisconnectAll() self.Transfer = None def try_start_ods(self): try: self.sess_bus.start_service_by_name("org.openobex") except dbus.DBusException, e: dprint("Could not acquire obex-data-server", e) def on_obex_owner_changed(self, owner): dprint("obex owner changed:", owner) if owner != "": self.Transfer = Transfer(self.Applet) else: if self.Transfer: self.Transfer.DisconnectAll() self.Transfer = None def TransferControl(self, pattern, action): dprint(pattern, action) if not self.Transfer: return if action == "destroy": self.Transfer.destroy_server(pattern) elif action == "stop": server = self.Transfer.get_server(pattern) if server != None: server.Stop() elif action == "create": self.Transfer.create_server(pattern) elif action == "start": self.Transfer.start_server(pattern) else: dprint("Got unknown action") def TransferStatus(self, pattern): if not self.Transfer: return -1 server = self.Transfer.get_server(pattern) if server != None: if server.IsStarted(): return 2 else: return 1 else: return 0
bsd-3-clause
-387,308,072,825,584,800
25.973214
99
0.706058
false
PcBoy111/PCBOT
plugins/summary.py
1
11839
""" Plugin for generating markov text, or a summary if you will. """ import logging import random import re from collections import defaultdict, deque from functools import partial import asyncio import discord from pcbot import utils, Annotate, config, Config import plugins client = plugins.client # type: discord.Client try: import markovify except ImportError: logging.warning("Markovify could not be imported and as such !summary +strict will not work.") # The messages stored per session, where every key is a channel id stored_messages = defaultdict(partial(deque, maxlen=10000)) logs_from_limit = 5000 max_summaries = 5 max_admin_summaries = 15 update_task = asyncio.Event() update_task.set() # Define some regexes for option checking in "summary" command valid_num = re.compile(r"\*(?P<num>\d+)") valid_member = utils.member_mention_pattern valid_member_silent = re.compile(r"@\((?P<name>.+)\)") valid_role = re.compile(r"<@&(?P<id>\d+)>") valid_channel = utils.channel_mention_pattern valid_options = ("+re", "+regex", "+case", "+tts", "+nobot", "+bot", "+coherent", "+strict") on_no_messages = "**There were no messages to generate a summary from, {0.author.name}.**" on_fail = "**I was unable to construct a summary, {0.author.name}.**" summary_options = Config("summary_options", data=dict(no_bot=False, no_self=False), pretty=True) async def update_messages(channel: discord.Channel): """ Download messages. """ messages = stored_messages[channel.id] # type: deque # We only want to log messages when there are none # Any messages after this logging will be logged in the on_message event if messages: return # Make sure not to download messages twice by setting this handy task update_task.clear() # Download logged messages try: async for m in client.logs_from(channel, limit=logs_from_limit): if not m.content: continue # We have no messages, so insert each from the left, leaving us with the oldest at index -1 messages.appendleft(m) except: # When something goes wrong, clear the messages messages.clear() finally: # Really have to make sure we clear this task in all cases update_task.set() @plugins.event(bot=True, self=True) async def on_message(message: discord.Message): """ Whenever a message is sent, see if we can update in one of the channels. """ if message.channel.id in stored_messages and message.content: stored_messages[message.channel.id].append(message) async def on_reload(name: str): """ Preserve the summary message cache when reloading. """ global stored_messages local_messages = stored_messages await plugins.reload(name) stored_messages = local_messages def indexes_of_word(words: list, word: str): """ Return a list of indexes with the given word. """ return [i for i, s in enumerate(words) if s.lower() == word] def random_with_bias(messages: list, word: str): """ Go through all the messages and try to choose the ones where the given word is not at the end of the string. """ last_word_messages = [] non_last_word_messages = [] for m in messages: words = m.split() if words[-1].lower() == word: last_word_messages.append(m) else: non_last_word_messages.append(m) if not last_word_messages: return random.choice(non_last_word_messages) elif not non_last_word_messages: return random.choice(last_word_messages) else: return random.choice(last_word_messages if random.randint(0, 5) == 0 else non_last_word_messages) def markov_messages(messages, coherent=False): """ Generate some kind of markov chain that somehow works with discord. I found this makes better results than markovify would. """ imitated = [] word = "" if all(True if s.startswith("@") or s.startswith("http") else False for s in messages): return "**The given phrase would crash the bot.**" # First word while True: m_split = random.choice(messages).split() if not m_split: continue # Choose the first word in the sentence to simulate a markov chain word = m_split[0] if not word.startswith("@") and not word.startswith("http"): break # Add the first word imitated.append(word) valid = [] im = "" # Next words while True: # Set the last word and find all messages with the last word in it if not im == imitated[-1].lower(): im = imitated[-1].lower() valid = [m for m in messages if im in m.lower().split()] # Add a word from the message found if valid: # # Choose one of the matched messages and split it into a list or words m = random_with_bias(valid, im).split() m_indexes = indexes_of_word(m, im) m_index = random.choice(m_indexes) # Choose a random index m_from = m[m_index:] # Are there more than the matched word in the message (is it not the last word?) if len(m_from) > 1: imitated.append(m_from[1]) # Then we'll add the next word continue else: # Have the chance of breaking be 1/4 at start and 1/1 when imitated approaches 150 words # unless the entire summary should be coherent chance = 0 if coherent else int(-0.02 * len(imitated) + 4) chance = chance if chance >= 0 else 0 if random.randint(0, chance) == 0: break # Add a random word if all valid messages are one word or there are less than 2 messages if len(valid) <= 1 or all(len(m.split()) <= 1 for m in valid): seq = random.choice(messages).split() word = random.choice(seq) imitated.append(word) # Remove links after, because you know imitated = [s for s in imitated if "http://" not in s and "https://" not in s] return " ".join(imitated) def filter_messages(message_content: list, phrase: str, regex: bool=False, case: bool=False): """ Filter messages by searching and yielding each message. """ for content in message_content: if regex: try: if re.search(phrase, content, 0 if case else re.IGNORECASE): yield content except: # Return error message when regex does not work raise AssertionError("**Invalid regex.**") elif not regex and (phrase in content if case else phrase.lower() in content.lower()): yield content def is_valid_option(arg: str): if valid_num.match(arg) or valid_member.match(arg) or valid_member_silent.match(arg) \ or valid_channel.match(arg) or valid_role.match(arg): return True if arg.lower() in valid_options: return True return False @plugins.command(usage="([*<num>] [@<user/role> ...] [#<channel>] [+re(gex)] [+case] [+tts] [+(no)bot] [+coherent]) " "[phrase ...]", pos_check=is_valid_option, aliases="markov") async def summary(message: discord.Message, *options, phrase: Annotate.Content=None): """ Run a markov chain through the past 5000 messages + up to another 5000 messages after first use. This command needs some time after the plugin reloads as it downloads the past 5000 messages in the given channel. """ # This dict stores all parsed options as keywords member, channel, num = [], None, None regex, case, tts, coherent, strict = False, False, False, False, False bots = not summary_options.data["no_bot"] for value in options: num_match = valid_num.match(value) if num_match: assert not num num = int(num_match.group("num")) continue member_match = valid_member.match(value) if member_match: member.append(message.server.get_member(member_match.group("id"))) continue member_match = valid_member_silent.match(value) if member_match: member.append(utils.find_member(message.server, member_match.group("name"))) continue role_match = valid_role.match(value) if role_match: role = discord.utils.get(message.server.roles, id=role_match.group("id")) member.extend(m for m in message.server.members if role in m.roles) continue channel_match = valid_channel.match(value) if channel_match: assert not channel channel = utils.find_channel(message.server, channel_match.group()) continue if value in valid_options: if value == "+re" or value == "+regex": regex = True if value == "+case": case = True if value == "+tts": tts = True if value == "+coherent": coherent = True if value == "+strict": strict = True bots = False if value == "+nobot" else True if value == "+bot" else bots # Assign defaults and number of summaries limit is_privileged = message.author.permissions_in(message.channel).manage_messages if num is None or num < 1: num = 1 elif num > max_admin_summaries and is_privileged: num = max_admin_summaries elif num > max_summaries: num = max_summaries if not is_privileged else num if not channel: channel = message.channel # Check channel permissions after the given channel has been decided assert channel.permissions_for(message.server.me).read_message_history, "**I can't see this channel.**" assert not tts or message.author.permissions_in(message.channel).send_tts_messages, \ "**You don't have permissions to send tts messages in this channel.**" await client.send_typing(message.channel) await update_task.wait() await update_messages(channel) # Split the messages into content and filter member and phrase if member: messages = [m for m in stored_messages[channel.id] if m.author in member] else: messages = [m for m in stored_messages[channel.id]] # Filter bot messages or own messages if the option is enabled in the config if not bots: messages = [m for m in messages if not m.author.bot] elif summary_options.data["no_self"]: messages = [m for m in messages if not m.author.id == client.user.id] # Convert all messages to content message_content = [m.clean_content for m in messages] # Filter looking for phrases if specified if phrase: message_content = list(filter_messages(message_content, phrase, regex, case)) command_prefix = config.server_command_prefix(message.server) # Clean up by removing all commands from the summaries if phrase is None or not phrase.startswith(command_prefix): message_content = [s for s in message_content if not s.startswith(command_prefix)] # Check if we even have any messages assert message_content, on_no_messages.format(message) markovify_model = None if strict: try: markovify_model = markovify.Text(message_content) except NameError: logging.warning("+strict was used but markovify is not imported") strict = False # Generate the summary, or num summaries for i in range(num): if strict: sentence = markovify_model.make_sentence(tries=1000) else: sentence = markov_messages(message_content, coherent) await client.send_message(message.channel, sentence or on_fail.format(message), tts=tts)
mit
-7,238,924,322,491,007,000
35.767081
117
0.633077
false
hperala/kontuwikibot
scripts/pagefromfile.py
1
11275
#!/usr/bin/python # -*- coding: utf-8 -*- """ Bot to upload pages from a file. This bot takes its input from a file that contains a number of pages to be put on the wiki. The pages should all have the same begin and end text (which may not overlap). By default the text should have the intended title of the page as the first text in bold (that is, between ''' and '''), you can modify this behavior with command line options. The default is not to include the begin and end text in the page, if you want to include that text, use the -include option. Specific arguments: -start:xxx Specify the text that marks the beginning of a page -end:xxx Specify the text that marks the end of a page -file:xxx Give the filename we are getting our material from (default: dict.txt) -include The beginning and end markers should be included in the page. -titlestart:xxx Use xxx in place of ''' for identifying the beginning of page title -titleend:xxx Use xxx in place of ''' for identifying the end of page title -notitle do not include the title, including titlestart, and titleend, in the page -nocontent If page has this statment it doesn't append (example: -nocontent:"{{infobox") -noredirect if you don't want to upload on redirect page it is True by default and bot adds pages to redirected pages -summary:xxx Use xxx as the edit summary for the upload - if a page exists, standard messages are appended after xxx for appending, prepending, or replacement -autosummary Use MediaWikis autosummary when creating a new page, overrides -summary in this case -minor set minor edit flag on page edits If the page to be uploaded already exists: -safe do nothing (default) -appendtop add the text to the top of it -appendbottom add the text to the bottom of it -force overwrite the existing page """ # # (C) Andre Engels, 2004 # (C) Pywikibot team, 2005-2014 # # Distributed under the terms of the MIT license. # from __future__ import unicode_literals __version__ = '$Id: 209355ac7be2d220436a3b2f9e9c0409a5c8e074 $' # import os import re import codecs import pywikibot from pywikibot import config, Bot, i18n class NoTitle(Exception): """No title found.""" def __init__(self, offset): """Constructor.""" self.offset = offset class PageFromFileRobot(Bot): """ Responsible for writing pages to the wiki. Titles and contents are given by a PageFromFileReader. """ def __init__(self, reader, **kwargs): """Constructor.""" self.availableOptions.update({ 'always': True, 'force': False, 'append': None, 'summary': None, 'minor': False, 'autosummary': False, 'nocontent': '', 'redirect': True }) super(PageFromFileRobot, self).__init__(**kwargs) self.reader = reader def run(self): """Start file processing and upload content.""" for title, contents in self.reader.run(): self.save(title, contents) def save(self, title, contents): """Upload page content.""" mysite = pywikibot.Site() page = pywikibot.Page(mysite, title) self.current_page = page if self.getOption('summary'): comment = self.getOption('summary') else: comment = i18n.twtranslate(mysite, 'pagefromfile-msg') comment_top = comment + " - " + i18n.twtranslate( mysite, 'pagefromfile-msg_top') comment_bottom = comment + " - " + i18n.twtranslate( mysite, 'pagefromfile-msg_bottom') comment_force = "%s *** %s ***" % ( comment, i18n.twtranslate(mysite, 'pagefromfile-msg_force')) # Remove trailing newlines (cause troubles when creating redirects) contents = re.sub('^[\r\n]*', '', contents) if page.exists(): if not self.getOption('redirect') and page.isRedirectPage(): pywikibot.output(u"Page %s is redirect, skipping!" % title) return pagecontents = page.get(get_redirect=True) if self.getOption('nocontent') != u'': if pagecontents.find(self.getOption('nocontent')) != -1 or \ pagecontents.find(self.getOption('nocontent').lower()) != -1: pywikibot.output(u'Page has %s so it is skipped' % self.getOption('nocontent')) return if self.getOption('append') == 'top': pywikibot.output(u"Page %s already exists, appending on top!" % title) contents = contents + pagecontents comment = comment_top elif self.getOption('append') == 'bottom': pywikibot.output(u"Page %s already exists, appending on bottom!" % title) contents = pagecontents + contents comment = comment_bottom elif self.getOption('force'): pywikibot.output(u"Page %s already exists, ***overwriting!" % title) comment = comment_force else: pywikibot.output(u"Page %s already exists, not adding!" % title) return else: if self.getOption('autosummary'): comment = '' config.default_edit_summary = '' self.userPut(page, page.text, contents, summary=comment, minor=self.getOption('minor'), show_diff=False, ignore_save_related_errors=True) class PageFromFileReader: """ Responsible for reading the file. The run() method yields a (title, contents) tuple for each found page. """ def __init__(self, filename, pageStartMarker, pageEndMarker, titleStartMarker, titleEndMarker, include, notitle): """Constructor. Check if self.file name exists. If not, ask for a new filename. User can quit. """ self.filename = filename self.pageStartMarker = pageStartMarker self.pageEndMarker = pageEndMarker self.titleStartMarker = titleStartMarker self.titleEndMarker = titleEndMarker self.include = include self.notitle = notitle def run(self): """Read file and yield page title and content.""" pywikibot.output('\n\nReading \'%s\'...' % self.filename) try: with codecs.open(self.filename, 'r', encoding=config.textfile_encoding) as f: text = f.read() except IOError as err: pywikibot.output(str(err)) raise IOError position = 0 length = 0 while True: try: length, title, contents = self.findpage(text[position:]) except AttributeError: if not length: pywikibot.output(u'\nStart or end marker not found.') else: pywikibot.output(u'End of file.') break except NoTitle as err: pywikibot.output(u'\nNo title found - skipping a page.') position += err.offset continue position += length yield title, contents def findpage(self, text): """Find page to work on.""" pageR = re.compile(re.escape(self.pageStartMarker) + "(.*?)" + re.escape(self.pageEndMarker), re.DOTALL) titleR = re.compile(re.escape(self.titleStartMarker) + "(.*?)" + re.escape(self.titleEndMarker)) location = pageR.search(text) if self.include: contents = location.group() else: contents = location.group(1) try: title = titleR.search(contents).group(1) if self.notitle: # Remove title (to allow creation of redirects) contents = titleR.sub('', contents, count=1) except AttributeError: raise NoTitle(location.end()) else: return location.end(), title, contents def main(*args): """ Process command line arguments and invoke bot. If args is an empty list, sys.argv is used. @param args: command line arguments @type args: list of unicode """ # Adapt these to the file you are using. 'pageStartMarker' and # 'pageEndMarker' are the beginning and end of each entry. Take text that # should be included and does not occur elsewhere in the text. # TODO: make config variables for these. filename = "dict.txt" pageStartMarker = "{{-start-}}" pageEndMarker = "{{-stop-}}" titleStartMarker = u"'''" titleEndMarker = u"'''" options = {} include = False notitle = False for arg in pywikibot.handle_args(args): if arg.startswith("-start:"): pageStartMarker = arg[7:] elif arg.startswith("-end:"): pageEndMarker = arg[5:] elif arg.startswith("-file:"): filename = arg[6:] elif arg == "-include": include = True elif arg.startswith('-append') and arg[7:] in ('top', 'bottom'): options['append'] = arg[7:] elif arg == "-force": options['force'] = True elif arg == "-safe": options['force'] = False options['append'] = None elif arg == "-noredirect": options['redirect'] = False elif arg == '-notitle': notitle = True elif arg == '-minor': options['minor'] = True elif arg.startswith('-nocontent:'): options['nocontent'] = arg[11:] elif arg.startswith("-titlestart:"): titleStartMarker = arg[12:] elif arg.startswith("-titleend:"): titleEndMarker = arg[10:] elif arg.startswith("-summary:"): options['summary'] = arg[9:] elif arg == '-autosummary': options['autosummary'] = True else: pywikibot.output(u"Disregarding unknown argument %s." % arg) failed_filename = False while not os.path.isfile(filename): pywikibot.output('\nFile \'%s\' does not exist. ' % filename) _input = pywikibot.input( 'Please enter the file name [q to quit]:') if _input == 'q': failed_filename = True break else: filename = _input # show help text from the top of this file if reader failed # or User quit. if failed_filename: pywikibot.showHelp() else: reader = PageFromFileReader(filename, pageStartMarker, pageEndMarker, titleStartMarker, titleEndMarker, include, notitle) bot = PageFromFileRobot(reader, **options) bot.run() if __name__ == "__main__": main()
mit
5,619,537,847,152,305,000
33.270517
99
0.565233
false
nilsbore/mongodb_store
mongodb_store/scripts/replicator_node.py
1
4745
#!/usr/bin/env python # -*- coding: utf-8 -*- """ Provides a service to store ROS message objects in a mongodb database in JSON. """ import rospy import actionlib import pymongo import os import shutil import subprocess from mongodb_store_msgs.msg import MoveEntriesAction, MoveEntriesFeedback from datetime import * import mongodb_store.util MongoClient = mongodb_store.util.import_MongoClient() class Replicator(object): def __init__(self): # don't start up until master is there if not mongodb_store.util.wait_for_mongo(): raise Exception("No Datacentre?") # this is just a test, connections are remade every call for long-running processes master, extras = self.make_connections() if master is None: raise Exception("No master datacentre found using mongodb_host and mongodb_port") self.server = actionlib.SimpleActionServer('move_mongodb_entries', MoveEntriesAction, self.move_entries, False) self.server.start() self.dump_path = '/tmp/mongodb_replicator' self.make_path() self.remove_path() def make_path(self): if not os.path.isdir(self.dump_path): os.makedirs(self.dump_path) elif not os.access(self.dump_path, os.W_OK): raise Exception('Cannot write to dump path: %s' % self.dump_path) def remove_path(self): shutil.rmtree(self.dump_path) def make_connections(self): mongodb_host = rospy.get_param("mongodb_host") mongodb_port = rospy.get_param("mongodb_port") master = None try: master = MongoClient(mongodb_host, mongodb_port) except pymongo.errors.ConnectionFailure, e: rospy.logwarn('Could not connect to master datacentre at %s:%s' % (mongodb_host, mongodb_port)) return None, None extras = rospy.get_param('mongodb_store_extras', []) extra_clients = [] for extra in extras: try: extra_clients.append(MongoClient(extra[0], extra[1])) except pymongo.errors.ConnectionFailure, e: rospy.logwarn('Could not connect to extra datacentre at %s:%s' % (extra[0], extra[1])) rospy.loginfo('Replicating content from %s:%s to a futher %s datacentres', mongodb_host, mongodb_port, len(extra_clients)) return master, extra_clients def move_entries(self, goal): # create place to put temp stuf self.make_path() # don't use the connections, just sanity check their existence master, extras = self.make_connections() if len(extras) == 0: rospy.logwarn('No datacentres to move to, not performing move') self.server.set_aborted() return completed = [] feedback = MoveEntriesFeedback(completed=completed) less_time_time = rospy.get_rostime() - goal.move_before for collection in goal.collections.data: self.do_dump(collection, master, less_time_time) self.do_restore(extras) if goal.delete_after_move: for collection in goal.collections.data: self.do_delete(collection, master, less_time_time) # clean up self.remove_path() self.server.set_succeeded() def do_restore(self, extras, db='message_store'): # restore collection to extras for extra in extras: rest_args = ['mongorestore', '--host', extra.host, '--port', str(extra.port), self.dump_path] subprocess.call(rest_args) def do_delete(self, collection, master, less_time_time=None, db='message_store'): coll = master[db][collection] spec = None if less_time_time is not None: spec = {"_meta.inserted_at": { "$lt": datetime.utcfromtimestamp(less_time_time.to_sec())}} coll.remove(spec) def do_dump(self, collection, master, less_time_time=None, db='message_store'): # dump collection # print 'dumping ', collection args = ['mongodump', '--host', master.host, '--port', str(master.port), '--db', db, '--collection', collection, '-o', self.dump_path] if less_time_time is not None: # match only objects with an insterted data less than this args.append('--query') args.append('{ \"_meta.inserted_at\": { $lt: new Date(%s)}}' % (less_time_time.secs * 1000)) # print args subprocess.call(args) if __name__ == '__main__': rospy.init_node("mongodb_replicator") store = Replicator() rospy.spin()
bsd-3-clause
-4,346,565,988,069,184,500
31.951389
144
0.602529
false
pbougue/navitia
source/jormungandr/jormungandr/realtime_schedule/tests/sytral_test.py
1
12100
# coding=utf-8 # Copyright (c) 2001-2016, Canal TP and/or its affiliates. All rights reserved. # # This file is part of Navitia, # the software to build cool stuff with public transport. # # Hope you'll enjoy and contribute to this project, # powered by Canal TP (www.canaltp.fr). # Help us simplify mobility and open public transport: # a non ending quest to the responsive locomotion way of traveling! # # LICENCE: This program is free software; you can redistribute it and/or modify # it under the terms of the GNU Affero General Public License as published by # the Free Software Foundation, either version 3 of the License, or # (at your option) any later version. # # This program is distributed in the hope that it will be useful, # but WITHOUT ANY WARRANTY; without even the implied warranty of # MERCHANTABILITY or FITNESS FOR A PARTICULAR PURPOSE. See the # GNU Affero General Public License for more details. # # You should have received a copy of the GNU Affero General Public License # along with this program. If not, see <http://www.gnu.org/licenses/>. # # Stay tuned using # twitter @navitia # IRC #navitia on freenode # https://groups.google.com/d/forum/navitia # www.navitia.io from __future__ import absolute_import, print_function, division import mock from jormungandr.realtime_schedule.sytral import Sytral import validators import datetime import pytz import pytest def make_url_test(): sytral = Sytral(id='tata', service_url='http://bob.com/') url = sytral._make_url(MockRoutePoint(line_code='line_toto', stop_id='stop_tutu')) # it should be a valid url assert validators.url(url) assert url == 'http://bob.com/?stop_id=stop_tutu' def make_url_invalid_code_test(): """ test make_url when RoutePoint does not have a mandatory code we should not get any url """ sytral = Sytral(id='tata', service_url='http://bob.com/') url = sytral._make_url(MockRoutePoint(line_code='line_toto', stop_id=None)) assert url is None class MockResponse(object): def __init__(self, data, status_code, url, *args, **kwargs): self.data = data self.status_code = status_code self.url = url def json(self): return self.data class MockRequests(object): def __init__(self, responses): self.responses = responses def get(self, url, *args, **kwargs): return MockResponse(self.responses[url][0], self.responses[url][1], url) @pytest.fixture(scope="module") def mock_multiline_response(): return { "departures": [ { "direction_id": "3341", "direction_name": "Piscine Chambéry", "datetime": "2016-04-11T14:37:15+02:00", "type": "E", "line": "05A", "stop": "42", }, { "direction_id": "3341", "direction_name": "Piscine Chambéry", "datetime": "2016-04-11T14:38:15+02:00", "type": "E", "line": "04", "stop": "42", }, { "direction_id": "3341", "direction_name": "Piscine Chambéry", "datetime": "2016-04-11T14:45:35+02:00", "type": "E", "line": "05B", "stop": "42", }, { "direction_id": "3341", "direction_name": "Piscine Chambéry", "datetime": "2016-04-11T14:49:35+02:00", "type": "E", "line": "04", "stop": "42", }, ] } @pytest.fixture(scope="module") def mock_good_response(): return { "departures": [ { "direction_id": "3341", "direction_name": "Piscine Chambéry", "datetime": "2016-04-11T14:37:15+02:00", "type": "E", "line": "05", "stop": "42", }, { "direction_id": "3341", "direction_name": "Piscine Chambéry", "datetime": "2016-04-11T14:38:15+02:00", "type": "E", "line": "04", "stop": "42", }, { "direction_id": "3341", "direction_name": "Piscine Chambéry", "datetime": "2016-04-11T14:45:35+02:00", "type": "E", "line": "05", "stop": "42", }, { "direction_id": "3341", "direction_name": "Piscine Chambéry", "datetime": "2016-04-11T14:49:35+02:00", "type": "E", "line": "04", "stop": "42", }, ] } @pytest.fixture(scope="module") def mock_empty_response(): return {} @pytest.fixture(scope="module") def mock_no_departure_response(): return {"departures": []} @pytest.fixture(scope="module") def mock_missing_line_response(): return { "departures": [ { "direction_id": "3341", "direction_name": "Piscine Chambéry", "datetime": "2016-04-11T14:38:15+02:00", "type": "E", "line": "04", "stop": "42", }, { "direction_id": "3341", "direction_name": "Piscine Chambéry", "datetime": "2016-04-11T14:49:35+02:00", "type": "E", "line": "04", "stop": "42", }, ] } @pytest.fixture(scope="module") def mock_theoric_response(): return { "departures": [ { "direction_id": "3341", "direction_name": "Piscine Chambéry", "datetime": "2016-04-11T14:37:15+01:00", "type": "T", "line": "05", "stop": "42", }, { "direction_id": "3341", "direction_name": "Piscine Chambéry", "datetime": "2016-04-11T14:38:15+01:00", "type": "E", "line": "04", "stop": "42", }, { "direction_id": "3341", "direction_name": "Piscine Chambéry", "datetime": "2016-04-11T14:45:35+01:00", "type": "E", "line": "05", "stop": "42", }, { "direction_id": "3341", "direction_name": "Piscine Chambéry", "datetime": "2016-04-11T14:49:35+01:00", "type": "E", "line": "04", "stop": "42", }, ] } class MockRoutePoint(object): def __init__(self, *args, **kwargs): l = kwargs['line_code'] if isinstance(l, list): self._hardcoded_line_ids = l else: self._hardcoded_line_ids = [l] self._hardcoded_stop_id = kwargs['stop_id'] def fetch_stop_id(self, object_id_tag): return self._hardcoded_stop_id def fetch_all_line_id(self, object_id_tag): return self._hardcoded_line_ids def next_passage_for_route_point_test(mock_good_response): """ test the whole next_passage_for_route_point mock the http call to return a good response, we should get some next_passages """ sytral = Sytral(id='tata', service_url='http://bob.com/') mock_requests = MockRequests({'http://bob.com/?stop_id=42': (mock_good_response, 200)}) route_point = MockRoutePoint(line_code='05', stop_id='42') with mock.patch('requests.get', mock_requests.get): passages = sytral.next_passage_for_route_point(route_point) assert len(passages) == 2 assert passages[0].datetime == datetime.datetime(2016, 4, 11, 12, 37, 15, tzinfo=pytz.UTC) assert passages[0].is_real_time assert passages[1].datetime == datetime.datetime(2016, 4, 11, 12, 45, 35, tzinfo=pytz.UTC) assert passages[1].is_real_time def next_passage_for_empty_response_test(mock_empty_response): """ test the whole next_passage_for_route_point mock the http call to return a empty response, we should get None """ sytral = Sytral(id='tata', service_url='http://bob.com/') mock_requests = MockRequests({'http://bob.com/?stop_id=42': (mock_empty_response, 500)}) route_point = MockRoutePoint(line_code='05', stop_id='42') with mock.patch('requests.get', mock_requests.get): passages = sytral.next_passage_for_route_point(route_point) assert passages is None def next_passage_for_no_departures_response_test(mock_no_departure_response): """ test the whole next_passage_for_route_point mock the http call to return a response without any departures, we should get no departure """ sytral = Sytral(id='tata', service_url='http://bob.com/') mock_requests = MockRequests({'http://bob.com/?stop_id=42': (mock_no_departure_response, 200)}) route_point = MockRoutePoint(line_code='05', stop_id='42') with mock.patch('requests.get', mock_requests.get): passages = sytral.next_passage_for_route_point(route_point) assert passages == [] def next_passage_for_missing_line_response_test(mock_missing_line_response): """ test the whole next_passage_for_route_point mock the http call to return a response without wanted line we should get no departure """ sytral = Sytral(id='tata', service_url='http://bob.com/', service_args={'a': 'bobette', 'b': '12'}) mock_requests = MockRequests({'http://bob.com/?stop_id=42': (mock_missing_line_response, 200)}) route_point = MockRoutePoint(line_code='05', stop_id='42') with mock.patch('requests.get', mock_requests.get): passages = sytral.next_passage_for_route_point(route_point) assert passages == [] def next_passage_with_theoric_time_response_test(mock_theoric_response): """ test the whole next_passage_for_route_point mock the http call to return a response with a theoric time we should get one departure """ sytral = Sytral(id='tata', service_url='http://bob.com/', service_args={'a': 'bobette', 'b': '12'}) mock_requests = MockRequests({'http://bob.com/?stop_id=42': (mock_theoric_response, 200)}) route_point = MockRoutePoint(line_code='05', stop_id='42') with mock.patch('requests.get', mock_requests.get): passages = sytral.next_passage_for_route_point(route_point) assert len(passages) == 2 assert passages[0].datetime == datetime.datetime(2016, 4, 11, 13, 37, 15, tzinfo=pytz.UTC) assert not passages[0].is_real_time assert passages[1].datetime == datetime.datetime(2016, 4, 11, 13, 45, 35, tzinfo=pytz.UTC) assert passages[1].is_real_time def status_test(): sytral = Sytral( id=u'tata-é$~#@"*!\'`§èû', service_url='http://bob.com/', service_args={'a': 'bobette', 'b': '12'} ) status = sytral.status() assert status['id'] == u"tata-é$~#@\"*!'`§èû" def next_passage_for_route_point_multiline_test(mock_multiline_response): """ test the whole next_passage_for_route_point with a routepoint having multiple SAE lines """ sytral = Sytral(id='tata', service_url='http://bob.com/') mock_requests = MockRequests({'http://bob.com/?stop_id=42': (mock_multiline_response, 200)}) route_point = MockRoutePoint(line_code=['05A', '05B'], stop_id='42') with mock.patch('requests.get', mock_requests.get): passages = sytral.next_passage_for_route_point(route_point) assert len(passages) == 2 assert passages[0].datetime == datetime.datetime(2016, 4, 11, 12, 37, 15, tzinfo=pytz.UTC) assert passages[0].is_real_time assert passages[1].datetime == datetime.datetime(2016, 4, 11, 12, 45, 35, tzinfo=pytz.UTC) assert passages[1].is_real_time
agpl-3.0
-1,132,391,332,243,707,600
31.380697
106
0.556466
false
barbarahui/harvester
harvester/fetcher/__init__.py
1
1684
from .fetcher import Fetcher from .fetcher import NoRecordsFetchedException from .oai_fetcher import OAIFetcher from .solr_fetcher import SolrFetcher from .solr_fetcher import PySolrFetcher from .solr_fetcher import PySolrQueryFetcher from .solr_fetcher import RequestsSolrFetcher from .marc_fetcher import MARCFetcher from .marc_fetcher import AlephMARCXMLFetcher from .nuxeo_fetcher import NuxeoFetcher from .nuxeo_fetcher import UCLDCNuxeoFetcher from .oac_fetcher import OAC_XML_Fetcher from .oac_fetcher import OAC_JSON_Fetcher from .ucsf_xml_fetcher import UCSF_XML_Fetcher from .cmis_atom_feed_fetcher import CMISAtomFeedFetcher from .flickr_fetcher import Flickr_Fetcher from .youtube_fetcher import YouTube_Fetcher from .xml_fetcher import XML_Fetcher from .ucd_json_fetcher import UCD_JSON_Fetcher from .emuseum_fetcher import eMuseum_Fetcher from .controller import HARVEST_TYPES from .controller import HarvestController from .controller import get_log_file_path from .controller import main from .controller import EMAIL_RETURN_ADDRESS __all__ = ( Fetcher, NoRecordsFetchedException, HARVEST_TYPES, OAIFetcher, SolrFetcher, PySolrFetcher, MARCFetcher, AlephMARCXMLFetcher, NuxeoFetcher, UCLDCNuxeoFetcher, OAC_XML_Fetcher, OAC_JSON_Fetcher, UCSF_XML_Fetcher, CMISAtomFeedFetcher, HarvestController, XML_Fetcher, eMuseum_Fetcher, UCD_JSON_Fetcher, PySolrQueryFetcher, Flickr_Fetcher, YouTube_Fetcher, RequestsSolrFetcher, EMAIL_RETURN_ADDRESS, get_log_file_path, main )
bsd-3-clause
-9,063,328,917,686,228,000
30.185185
55
0.735748
false
chireiden/shanghai
tests/test_config.py
1
11543
# Copyright © 2016 Lars Peter Søndergaard <[email protected]> # Copyright © 2016 FichteFoll <[email protected]> # # This file is part of Shanghai, an asynchronous multi-server IRC bot. # # Shanghai is free software: you can redistribute it and/or modify # it under the terms of the GNU General Public License as published by # the Free Software Foundation, either version 3 of the License, or # (at your option) any later version. # # Shanghai is distributed in the hope that it will be useful, # but WITHOUT ANY WARRANTY; without even the implied warranty of # MERCHANTABILITY or FITNESS FOR A PARTICULAR PURPOSE. See the # GNU General Public License for more details. # # You should have received a copy of the GNU General Public License # along with Shanghai. If not, see <http://www.gnu.org/licenses/>. import os import tempfile from textwrap import dedent import pytest from ruamel import yaml as ryaml from shanghai.config import ( Server, Configuration, ConfigurationError, ShanghaiConfiguration, FallbackConfiguration, NetworkConfiguration, ) @pytest.fixture(scope='module') def load(): def _load(yaml_string): return ryaml.safe_load(dedent(yaml_string)) return _load class TestServer: def test_defaults(self): server = Server.with_optional_port("host") assert server.host == "host" assert server.port == 6667 assert server.ssl is False server = Server.with_optional_port("host", ssl=True) assert server.host == "host" assert server.port == 6697 assert server.ssl is True def test_from_string(self): server = Server.from_string("my_host:999") assert server.host == "my_host" assert server.port == 999 assert server.ssl is False server = Server.from_string("my_host:+123") assert server.host == "my_host" assert server.port == 123 assert server.ssl is True @pytest.mark.parametrize( "source,expected", [ ("my_host:123", "my_host:123"), ("my_host:+123", "my_host:+123"), ("my_host:", "my_host:6667"), ("my_host:+", "my_host:+6697"), ] ) def test_str(self, source, expected): server = Server.from_string(source) assert str(server) == expected class TestConfig: @pytest.fixture(scope='class') def fake_yaml(self): return { 'foo': 123, 'bar': { 'foo': "baz", 'bar': None, }, 'ellipsis': ..., } @pytest.fixture(scope='class') def c(self, fake_yaml): return Configuration(fake_yaml) def test_init(self): assert Configuration() with pytest.raises(ValueError) as excinfo: Configuration([]) excinfo.match("Must be a mapping") with pytest.raises(ValueError) as excinfo: Configuration("str") excinfo.match("Must be a mapping") def test_get(self, c, fake_yaml): assert c.get('foo', 456) == 123 assert c.get('bar') == fake_yaml['bar'] assert c.get('bar.foo') == "baz" assert c.get('bar.bar', 123) is None assert c.get('baz') is None assert c.get('baz', 123) == 123 assert c.get('baz', 123) == 123 assert c.get('bar.baz', 234) == 234 assert c.get('baz.baz', 234) == 234 with pytest.raises(KeyError) as excinfo: c.get('foo.baz') excinfo.match("Element ['\"]foo['\"] is not a mapping") with pytest.raises(KeyError) as excinfo: c.get('bar..baz') excinfo.match("Empty sub-key after ['\"]bar['\"]") def test_getitem(self, c, fake_yaml): assert c['foo'] == 123 assert c['bar'] == fake_yaml['bar'] assert c['bar.foo'] == "baz" assert c['bar.bar'] is None assert c['ellipsis'] is ... with pytest.raises(KeyError) as excinfo: c['foo.baz'] excinfo.match("Element ['\"]foo['\"] is not a mapping") with pytest.raises(KeyError) as excinfo: c['foo.baz.bar'] excinfo.match("Element ['\"]foo['\"] is not a mapping") with pytest.raises(KeyError) as excinfo: c['baz'] excinfo.match("Cannot find ['\"]baz['\"]") with pytest.raises(KeyError) as excinfo: c['bar.baz'] excinfo.match("Cannot find ['\"]bar.baz['\"]") with pytest.raises(KeyError) as excinfo: c['bar..baz'] excinfo.match("Empty sub-key after ['\"]bar['\"]") def test_contains(self, c): assert 'foo' in c assert 'bar.foo' in c assert 'baz' not in c assert 'bar.baz' not in c assert 'ellipsis' in c class TestFallbackConfig: @pytest.fixture(scope='class') def fake_yaml(self): return { 'foo': 456, 'ellipsis': ..., } @pytest.fixture(scope='class') def fake_fallback_yaml(self): return { 'foo': 123, 'bar': { 'foo': "baz", 'bar': None, }, } @pytest.fixture(scope='class') def fb_c(self, fake_yaml, fake_fallback_yaml): return FallbackConfiguration(fake_yaml, Configuration(fake_fallback_yaml)) def test_get(self, fb_c, fake_fallback_yaml): assert fb_c.get('foo') == 456 assert fb_c.get('bar') == fake_fallback_yaml['bar'] assert fb_c.get('bar.foo') == 'baz' assert fb_c.get('bar.baz') is None with pytest.raises(KeyError) as excinfo: fb_c.get('foo.baz') excinfo.match("Element ['\"]foo['\"] is not a mapping") with pytest.raises(KeyError) as excinfo: fb_c.get('bar..baz') excinfo.match("Empty sub-key after ['\"]bar['\"]") def test_getitem(self, fb_c, fake_fallback_yaml): assert fb_c['foo'] == 456 assert fb_c['bar'] == fake_fallback_yaml['bar'] assert fb_c['bar.foo'] == "baz" assert fb_c['bar.bar'] is None assert fb_c['ellipsis'] is ... with pytest.raises(KeyError) as excinfo: fb_c['foo.baz'] excinfo.match("Element ['\"]foo['\"] is not a mapping") with pytest.raises(KeyError) as excinfo: fb_c['bar.foo.bar'] excinfo.match("Element ['\"]bar.foo['\"] is not a mapping") with pytest.raises(KeyError) as excinfo: fb_c['baz'] excinfo.match("Cannot find ['\"]baz['\"]") with pytest.raises(KeyError) as excinfo: fb_c['bar.baz'] excinfo.match("Cannot find ['\"]bar.baz['\"]") with pytest.raises(KeyError) as excinfo: fb_c['bar..baz'] excinfo.match("Empty sub-key after ['\"]bar['\"]") def test_contains(self, fb_c): assert 'foo' in fb_c assert 'bar.foo' in fb_c assert 'baz' not in fb_c assert 'bar.baz' not in fb_c assert 'ellipsis' in fb_c class TestNetworkConfig(): @pytest.fixture def base_yaml(self, load): return load("""\ name: Network2 nick: Nick user: User realname: Realname servers: - irc.foobar.net:+ """) def test_init(self, base_yaml): nw_c = NetworkConfiguration("my_netw", base_yaml) assert nw_c.name == "my_netw" def test_require_keys(self, base_yaml): test_yaml = base_yaml.copy() del test_yaml['nick'] with pytest.raises(ConfigurationError) as excinfo: NetworkConfiguration("my_netw", test_yaml) excinfo.match("Network ['\"]my_netw['\"] is missing the following options: nick") del test_yaml['user'] del test_yaml['realname'] with pytest.raises(ConfigurationError) as excinfo: NetworkConfiguration("my_netw", test_yaml) excinfo.match("Network ['\"]my_netw['\"] is missing the following options:" " nick, realname, user") def test_parse_servers(self, base_yaml): nw_c = NetworkConfiguration("my_netw", base_yaml) assert len(nw_c.servers) == 1 assert isinstance(nw_c.servers[0], Server) assert nw_c.servers[0].host == "irc.foobar.net" assert nw_c.servers[0].port == 6697 assert nw_c.servers[0].ssl is True del base_yaml['servers'][0] with pytest.raises(ConfigurationError) as excinfo: NetworkConfiguration("my_netw", base_yaml) excinfo.match("Network ['\"]my_netw['\"] has no servers") base_yaml['servers'] = "a string" with pytest.raises(ConfigurationError) as excinfo: NetworkConfiguration("my_netw", base_yaml) excinfo.match("Servers of Network ['\"]my_netw['\"] are not a list") del base_yaml['servers'] with pytest.raises(ConfigurationError) as excinfo: NetworkConfiguration("my_netw", base_yaml) excinfo.match("Network ['\"]my_netw['\"] has no servers") @pytest.mark.skip("feature to be moved elsewhere") def test_fix_channels(self): pass class TestShanghaiConfig: @pytest.fixture def sample_yaml(self, load): return load('''\ nick: TestBot realname: Sample Bot logging: level: INFO encoding: utf-16 networks: sample_network: user: Shanghai fallback_encoding: cp1252 servers: - host: irc.example.org ssl: true - irc.example.org:6667 # TODO readd this once channels core plugin exists and it's not modified anymore #channels: # foochannel: # barchannel: null # otherchannel: # key: some_key # '##foobar': second_network: nick: NickOverride user: Shanghai2 servers: - host: irc.foobar.net ssl: true ''') def test_init(self, sample_yaml): config = ShanghaiConfiguration(sample_yaml) assert config['logging.level'] == 'INFO' def test_parse_networks(self, sample_yaml): config = ShanghaiConfiguration(sample_yaml) networks = config.networks assert len(networks) == 2 assert isinstance(networks[0], NetworkConfiguration) netw_map = {netw.name: netw for netw in networks} assert netw_map['sample_network']['nick'] == "TestBot" assert netw_map['sample_network']['user'] == "Shanghai" assert netw_map['sample_network']['encoding'] == "utf-16" assert netw_map['second_network']['nick'] == "NickOverride" assert netw_map['second_network']['user'] == "Shanghai2" del sample_yaml['networks'] with pytest.raises(ConfigurationError) as excinfo: ShanghaiConfiguration(sample_yaml) excinfo.match("No networks found") def test_fileloading(self, sample_yaml): # Cannot use tempfile.NamedTemporaryFile because of Windows's file locks fd, fname = tempfile.mkstemp('w') try: with open(fd, 'w', encoding='utf-8') as f: ryaml.dump(sample_yaml, f) config = ShanghaiConfiguration.from_filename(fname) finally: os.remove(fname) assert config.mapping == sample_yaml
gpl-3.0
-8,030,794,685,028,742,000
30.790634
96
0.566464
false
dallingham/regenerate
regenerate/extras/regrst.py
1
20854
# # Manage registers in a hardware design # # Copyright (C) 2008 Donald N. Allingham # # This program is free software; you can redistribute it and/or modify # it under the terms of the GNU General Public License as published by # the Free Software Foundation; either version 2 of the License, or # (at your option) any later version. # # This program is distributed in the hope that it will be useful, # but WITHOUT ANY WARRANTY; without even the implied warranty of # MERCHANTABILITY or FITNESS FOR A PARTICULAR PURPOSE. See the # GNU General Public License for more details. # # You should have received a copy of the GNU General Public License # along with this program; if not, write to the Free Software # Foundation, Inc., 59 Temple Place, Suite 330, Boston, MA 02111-1307 USA """ Produces RestructuredText documentation from the definition of the register. Docutils is used to convert the output to the desired format. Currently, only HTML is supported now. """ try: from docutils.core import publish_parts _HTML = True except: _HTML = False from cStringIO import StringIO from regenerate.db import TYPE_TO_SIMPLE_TYPE import re from token import full_token, in_groups, uvm_name CSS = ''' <style type="text/css"> table td{ padding: 3pt; font-size: 10pt; } table th{ padding: 3pt; font-size: 11pt; } table th.field-name{ padding-bottom: 0pt; padding-left: 5pt; font-size: 10pt; } table td.field-body{ padding-bottom: 0pt; font-size: 10pt; } table{ border-spacing: 0pt; } h1{ font-family: Arial,Helvetica,Sans; font-size: 12pt; } h1.title{ font-family: Arial,Helvetica,Sans; font-size: 14pt; } body{ font-size: 10pt; font-family: Arial,Helvetica,Sans; } div.admonition, div.attention, div.caution, div.danger, div.error, div.hint, div.important, div.note, div.tip, div.warning { margin: 2em ; border: medium outset ; padding: 1em } div.admonition p.admonition-title, div.hint p.admonition-title, div.important p.admonition-title, div.note p.admonition-title, div.tip p.admonition-title { font-weight: bold ; font-family: sans-serif } div.attention p.admonition-title, div.caution p.admonition-title, div.danger p.admonition-title, div.error p.admonition-title, div.warning p.admonition-title { color: red ; font-weight: bold ; font-family: sans-serif } span.overline, span.bar { text-decoration: overline; } .fraction, .fullfraction { display: inline-block; vertical-align: middle; text-align: center; } .fraction .fraction { font-size: 80%; line-height: 100%; } span.numerator { display: block; } span.denominator { display: block; padding: 0ex; border-top: thin solid; } sup.numerator, sup.unit { font-size: 70%; vertical-align: 80%; } sub.denominator, sub.unit { font-size: 70%; vertical-align: -20%; } span.sqrt { display: inline-block; vertical-align: middle; padding: 0.1ex; } sup.root { font-size: 70%; position: relative; left: 1.4ex; } span.radical { display: inline-block; padding: 0ex; font-size: 150%; vertical-align: top; } span.root { display: inline-block; border-top: thin solid; padding: 0ex; vertical-align: middle; } span.symbol { line-height: 125%; font-size: 125%; } span.bigsymbol { line-height: 150%; font-size: 150%; } span.largesymbol { font-size: 175%; } span.hugesymbol { font-size: 200%; } span.scripts { display: inline-table; vertical-align: middle; } .script { display: table-row; text-align: left; line-height: 150%; } span.limits { display: inline-table; vertical-align: middle; } .limit { display: table-row; line-height: 99%; } sup.limit, sub.limit { line-height: 100%; } span.symbolover { display: inline-block; text-align: center; position: relative; float: right; right: 100%; bottom: 0.5em; width: 0px; } span.withsymbol { display: inline-block; } span.symbolunder { display: inline-block; text-align: center; position: relative; float: right; right: 80%; top: 0.3em; width: 0px; } </style> ''' def reg_addr(register, offset): base = register.address + offset if register.ram_size > 32: return "%08x - %08x" % (base, base + register.ram_size) else: return "%08x" % base def norm_name(text): if text is not None: return text.lower().replace(" ", "-").replace("_", "-") else: return "" class RegisterRst: """ Produces documentation from a register definition """ def __init__(self, register, regset_name=None, project=None, inst=None, highlight=None, show_defines=True, show_uvm=False, decode=None, group=None, maxlines=9999999, db=None, max_values=24, bootstrap=False, header_level=1): self._max_values = max_values self._reg = register self._highlight = highlight self._prj = project self._regset_name = regset_name self._show_defines = show_defines self._show_uvm = show_uvm self._group = group self._inst = inst self._maxlines = maxlines self._bootstrap = bootstrap self._header_level = header_level if db is None: self.reglist = set() else: self.reglist = set([reg.register_name for reg in db.get_all_registers()]) if decode: try: if isinstance(decode, str) or isinstance(decode, unicode): decode = int(decode, 16) elif isinstance(decode, int): decode = decode else: decode = None except ValueError: decide = None self._decode = decode self._db = db def html_css(self, text=""): """ Returns the definition with the basic, default CSS provided """ return CSS + self.html(text) def text(self, line): return line.strip() def restructured_text(self, text=""): """ Returns the definition of the register in RestructuredText format """ o = StringIO() self.str_title(o) self.str_overview(o) if self._reg.ram_size < 32: # Temporary hack self._write_bit_fields(o) if self._show_defines: self._write_defines(o, True, False) o.write(text) return o.getvalue() def refname(self, reg_name): return "%s-%s-%s" % (norm_name(self._inst), norm_name(self._group), norm_name(reg_name)) def field_ref(self, name): return "%s-%s-%s-%s" % (norm_name(self._inst), norm_name(self._group), norm_name(self._reg.register_name), norm_name(name)) def str_title(self, o=None): ret_str = False if o is None: o = StringIO() ret_str = True o.write(".. _%s:\n\n" % self.refname(self._reg.register_name)) if ret_str: return o.getvalue() def str_title(self, o=None): ret_str = False if o is None: o = StringIO() ret_str = True rlen = len(self._reg.register_name) + 2 o.write(".. _%s:\n\n" % self.refname(self._reg.register_name)) o.write(self._reg.register_name) o.write("\n%s\n\n" % ('_' * rlen)) if ret_str: return o.getvalue() def str_overview(self, o=None): ret_str = False if o is None: o = StringIO() ret_str = True o.write("%s\n\n" % self._reg.description.encode('ascii', 'replace')) if ret_str: return o.getvalue() def str_bit_fields(self, o=None): ret_str = False if o is None: o = StringIO() ret_str = True o.write(".. role:: resetvalue\n\n") o.write(".. role:: editable\n\n") o.write(".. role:: mono\n\n") o.write(".. list-table::\n") o.write(" :name: bit_table\n") o.write(" :widths: 8, 10, 7, 25, 50\n") if self._bootstrap: o.write(" :class: table table-bordered table-striped table-condensed display\n") else: o.write(" :class: bit-table\n") o.write(" :header-rows: 1\n\n") o.write(" * - Bits\n") if self._decode: o.write(" - Decode\n") else: o.write(" - Reset\n") o.write(" - Type\n") o.write(" - Name\n") o.write(" - Description\n") last_index = self._reg.width - 1 extra_text = [] for field in reversed(self._reg.get_bit_fields()): if field.msb != last_index: display_reserved(o, last_index, field.msb + 1) if field.width == 1: o.write(" * - %02d\n" % field.lsb) else: o.write(" * - %02d:%02d\n" % (field.msb, field.lsb)) if self._decode: val = (self._decode & mask(field.msb, field.lsb)) >> field.lsb if val != field.reset_value: o.write(" - :resetvalue:`0x%x`\n" % val) else: o.write(" - 0x%x\n" % val) else: o.write(" - 0x%x\n" % field.reset_value) o.write(" - %s\n" % TYPE_TO_SIMPLE_TYPE[field.field_type]) o.write(" - %s\n" % field.field_name) descr = field.description.strip() marked_descr = "\n ".join(descr.split("\n")) encoded_descr = marked_descr.encode('ascii', 'replace').rstrip() lines = encoded_descr.split("\n") if len(lines) > self._maxlines: o.write(" - See :ref:`Description for %s <%s>`\n" % (field.field_name, self.field_ref(field.field_name))) extra_text.append((self.field_ref(field.field_name), field.field_name, encoded_descr)) else: o.write(" - %s\n" % encoded_descr) if field.values and len(field.values) < self._max_values: o.write("\n") for val in sorted(field.values, key=lambda x: int(int(x[0], 16))): if val[1] and val[2]: o.write(" 0x%x : %s\n %s\n\n" % (int(val[0], 16), val[1], val[2])) elif val[1]: o.write(" 0x%x : %s\n %s\n\n" % (int(val[0], 16), val[1], "*no description available*")) else: o.write(" 0x%x : %s\n %s\n\n" % (int(val[0], 16), "*no token available*", val[2])) last_index = field.lsb - 1 if last_index >= 0: display_reserved(o, last_index, 0) for ref, name, descr in extra_text: o.write(".. _%s:\n\n" % ref) title = "Description for %s\n" % name o.write(title) o.write("+" * len(title)) o.write("\n\n") o.write(descr) o.write("\n\n") if ret_str: return o.getvalue() def _write_bit_fields(self, o): o.write("Bit fields\n+++++++++++++++++++++++++++\n\n") self.str_bit_fields(o) def _write_defines(self, o, use_uvm=True, use_id=True): o.write("\n\nAddresses\n+++++++++++++++++++++++\n\n") self.str_defines(o, use_uvm, use_id) def str_defines(self, o=None, use_uvm=True, use_id=True): ret_str = False if o is None: o = StringIO() ret_str = True x_addr_maps = self._prj.get_address_maps() instances = in_groups(self._regset_name, self._prj) addr_maps = set([]) for inst in instances: for x in x_addr_maps: groups_in_addr_map = self._prj.get_address_map_groups(x.name) if inst.group in groups_in_addr_map: addr_maps.add(x) if len(addr_maps) == 0: o.write(".. warning::\n") o.write(" :class: alert alert-warning\n\n") o.write(" This register has not been mapped into any address space.\n\n") elif in_groups(self._regset_name, self._prj): o.write(".. list-table::\n") o.write(" :header-rows: 1\n") if len(addr_maps) == 1: o.write(" :widths: 50, 50\n") elif len(addr_maps) == 2: o.write(" :widths: 50, 25, 25\n") elif len(addr_maps) == 3: o.write(" :widths: 50, 16, 16, 17\n") if self._bootstrap: o.write(" :class: table table-bordered table-striped table-condensed\n\n") else: o.write(" :class: summary\n\n") o.write(" *") if use_uvm: o.write(" - Register Name\n") if use_id: if use_uvm: o.write(" ") o.write(" - ID\n") for amap in addr_maps: o.write(" - %s\n" % amap.name) for inst in in_groups(self._regset_name, self._prj): if self._group and inst.group != self._group: continue if self._inst and inst.inst != self._inst: continue for grp_inst in range(0, inst.grpt): found_addr = True if inst.repeat == 1 and not inst.array: if self._reg.dimension <= 1: self._addr_entry(o, inst, use_uvm, use_id, addr_maps, grp_inst, -1, -1) else: for i in range(self._reg.dimension): self._addr_entry(o, inst, use_uvm, use_id, addr_maps, grp_inst, -1, i) else: for gi in range(0, inst.repeat): if self._reg.dimension <= 1: self._addr_entry(o, inst, use_uvm, use_id, addr_maps, grp_inst, gi, -1) else: for i in range(self._reg.dimension): self._addr_entry(o, inst, use_uvm, use_id, addr_maps, grp_inst, gi, i) o.write("\n\n") if ret_str: return o.getvalue() def _addr_entry(self, o, inst, use_uvm, use_id, addr_maps, grp_inst, group_index, index): if inst.grpt == 1: u_grp_name = inst.group t_grp_name = inst.group else: u_grp_name = "{0}[{1}]".format(inst.group, grp_inst) t_grp_name = "{0}{1}".format(inst.group, grp_inst) o.write(" *") if use_uvm: name = uvm_name(u_grp_name, self._reg.token, inst.inst, group_index) if index < 0: o.write(" - %s\n" % name) else: o.write(" - %s[%d]\n" % (name, index)) if use_id: name = full_token(t_grp_name, self._reg.token, inst.inst, group_index, inst.format) if use_uvm: o.write(" ") o.write(" - %s\n" % name) for map_name in addr_maps: map_base = self._prj.get_address_base(map_name.name) offset = map_base + inst.offset + inst.base + ( grp_inst * inst.grpt_offset) if group_index > 0: offset += group_index * inst.roffset if index < 0: o.write(" - ``%s``\n" % reg_addr(self._reg, offset)) else: o.write(" - ``%s``\n" % reg_addr(self._reg, offset + (index * (self._reg.width/8)))) def _display_uvm_entry(self, inst, index, o): name = full_token(inst.group, self._reg.token, self._regset_name, index, inst.format) o.write(" * - %s\n" % name) name = uvm_name(inst.group, self._reg.token, inst.inst, index) o.write(" - %s\n" % name) def _write_uvm(self, o): """ Writes the UVM path name(s) for the register as a table in restructuredText format. """ o.write("\n\n") o.write("UVM names\n") o.write("---------\n") o.write(".. list-table::\n") o.write(" :header-rows: 1\n") if self._bootstrap: o.write(" :class: table table-bordered table-striped table-condensed\n\n") else: o.write(" :class: summary\n\n") o.write(" * - ID\n") o.write(" - UVM name\n") for inst in in_groups(self._regset_name, self._prj): if self._group and inst.group != self._group: continue if self._inst and inst.inst != self._inst: continue if inst.repeat == 1: self._display_uvm_entry(inst, -1, o) else: for i in range(0, inst.repeat): self._display_uvm_entry(inst, i, o) o.write("\n\n") def html_from_text(self, text, links=None): if text is None: return "No data" if _HTML: refs = [] if links: for vals in re.findall("`[^`]+`_", text): v = vals[1:-2] if v in links: refs.append(".. _`%s`: %s" % (v, links[v])) try: if self._header_level > 1: overrides = { 'initial_header_level': self._header_level, 'doctitle_xform': False, 'report_level': 'quiet' } else: overrides = { 'report_level': 'quiet' } parts = publish_parts( text + "\n".join(refs), writer_name="html", settings_overrides=overrides ) if self._highlight is None: return parts['html_title'] + parts['html_subtitle'] + parts['body'] else: paren_re = re.compile("(%s)" % self._highlight, flags=re.IGNORECASE) return parts['html_title'] + parts['html_subtitle'] + \ paren_re.sub(r"<mark>\1</mark>", parts['body']) except TypeError, msg: return "<h3>Error</h3><p>" + str(msg) + "</p><p>" + text + "</p>" except AttributeError, msg: return "<h3>Error</h3><p>" + str(msg) + "</p><p>" + text + "</p>" except ZeroDivisionError: return "<h3>Error in Restructured Text</h3>Please contact the developer to get the documentation fixed" else: return "<pre>{0}</pre>".format(self.restructured_text()) def html(self, text="", links=None): """ Produces a HTML subsection of the document (no header/body). """ return self.html_from_text(self.restructured_text(text), links) def html_bit_fields(self, text="", links=None): return self.html_from_text(self.str_bit_fields() + "\n" + text, links) def html_title(self, links=None): return self.html_from_text(self.str_title(), links) def html_addresses(self, text="", links=None): return self.html_from_text(self.str_defines(None, True, False) + "\n" + text, links) def html_overview(self, text="", links=None): return self.html_from_text(self.str_overview() + "\n" + text, links) def display_reserved(o, stop, start): if stop == start: o.write(" * - ``%02d``\n" % stop) else: o.write(" * - ``%02d:%02d``\n" % (stop, start)) o.write(' - ``0x0``\n') o.write(' - RO\n') o.write(' - \n') o.write(' - *reserved*\n') def mask(stop, start): value = 0 for i in range(start, stop + 1): value |= (1 << i) return value
gpl-2.0
8,270,414,968,194,198,000
29.577713
125
0.493143
false
pddring/pygame-examples
02-different-colours.py
1
1462
# pygame example: github.com/pddring/pygame-examples """ This example shows you how to experiment with different colours in pygame. It will fill the whole pygame window in different colours Here are some things to try to adapt the code: TODO: Make the screen appear black TODO: Make the screen appear blue TODO: Make the screen appear yellow """ # import pygame module import pygame # show the pygame window pygame.init() screen = pygame.display.set_mode((400,300)) pygame.display.set_caption("Pygame Example") # fill the screen in white (Red = 255/255, Green = 255/255, Blue = 255/255) screen.fill((255,255,255)) """ Pygame doesn't draw directly to the screen. If it did, games would look messy because you'd see each item being drawn one after the other, rather than just seeing the whole game screen appear 'instantly' Think of it like drawing a comic book scene on a piece of A4 paper. You hold up the paper so everyone else can see the blank side whilst you draw on the side facing you. When you've finished drawing your picture, you flip over the paper so everyone can see the finished picture while you draw the next scene on the other side. """ # update the display pygame.display.flip() # This stops the pygame window from closing straight away raw_input("Press enter to go red") # Fill the screen in red (Red = 255/255, Green = 0/255, Blue = 0/255) screen.fill((255,0,0)) pygame.display.flip() raw_input("Press enter to quit") pygame.quit()
unlicense
-3,988,145,037,399,547,400
30.106383
79
0.75513
false
Faaux/DingoEngine
HelperScripts/parseC.py
1
8282
from pathlib import Path from multiprocessing import Pool, freeze_support import os import datetime import clang.cindex import subprocess from paths import path_to_components, path_to_gameobjects, path_to_cmake, path_to_src args = ["-xc++", "-D__CODE_GENERATOR__", "-std=c++17", "-IC:/Projects/DingoEngine/src", "-IC:/Projects/DingoEngine/src/misc", "-IC:/Projects/DingoEngine/src/graphics", "-IC:/Projects/DingoEngine/src/components", "-IC:/Projects/DingoEngine/ThirdParty/SDL-mirror/include", "-IC:/Projects/DingoEngine/ThirdParty/glm", "-IC:/Projects/DingoEngine/ThirdParty/glad/include", "-IC:/Projects/DingoEngine/ThirdParty/imgui", "-IC:/Projects/DingoEngine/ThirdParty/imguiGizmo", "-IC:/Projects/DingoEngine/ThirdParty/tinyGltf", "-IC:/Projects/DingoEngine/ThirdParty/freetype-2.9", "-IC:/Projects/DingoEngine/ThirdParty/stb", "-IC:/Projects/DingoEngine/ThirdParty/physx-3.4/Include", "-Ic:/Program Files/LLVM/include"] class Field: def __init__(self, cursor): self.name = cursor.spelling self.attributes = [] self.type = cursor.type.spelling for c in cursor.get_children(): if c.kind == clang.cindex.CursorKind.ANNOTATE_ATTR: self.attributes.append(c.spelling or c.displayname) def __str__(self) -> str: result = "{}({})".format(self.name, self.type) if self.attributes: result += " -> {}".format(" ,".join(self.attributes)) return result class Class: def __init__(self, cursor): self.cursor = cursor self.name = cursor.spelling or cursor.displayname self.isTypeBase = False self.fields = [] self.attributes = [] self.base = [] for c in cursor.get_children(): if c.kind == clang.cindex.CursorKind.FIELD_DECL: f = Field(c) self.fields.append(f) elif c.kind == clang.cindex.CursorKind.ANNOTATE_ATTR: self.attributes.append(c.spelling or c.displayname) elif c.kind == clang.cindex.CursorKind.CXX_BASE_SPECIFIER: self.base.append(c.type.spelling) assert (len(self.base) <= 1) def __str__(self) -> str: result = "{}".format(self.name) if self.attributes: result += " -> {}".format(" ,".join(self.attributes)) return result class File: def __init__(self, filename): self.classes = [] self.candidateClasses = {} self.filename: Path = filename self.output_filename_h: Path = filename.name.replace(".h", ".generated.h") self.output_filename_cpp: Path = filename.name.replace(".h", ".generated.cpp") def needs_update(self): path = self.filename.parent / "generated" path_gen_header = (path / self.output_filename_h) path_gen_cpp = (path / self.output_filename_cpp) if path_gen_header.is_file() and path_gen_cpp.is_file(): modify_generated_h = path_gen_header.lstat().st_mtime modify_generated_cpp = path_gen_cpp.lstat().st_mtime modify_header = self.filename.lstat().st_mtime if modify_header < modify_generated_h and modify_header < modify_generated_cpp: return False return True def generate(self): # Output to file index = clang.cindex.Index.create() translation_unit = index.parse(str(self.filename), args) self.build_classes(translation_unit.cursor) candidates = [c for c in self.candidateClasses.values() if self.filename.samefile(Path(c.cursor.location.file.name)) and len(c.base) == 1] for candidate in candidates: base = candidate while len(base.base) == 1: key = base.base[0] if key not in self.candidateClasses.keys(): break base = self.candidateClasses[key] if base.cursor.type.spelling == "DG::TypeBase": self.classes.append(candidate) path = self.filename.parent / "generated" if len(self.classes) > 0: self.print() # Make sure folder exists if not os.path.exists(str(path)): os.makedirs(str(path)) with open(str(path / self.output_filename_h), "w") as file: output_file(file, False, self.output_filename_h, self) with open(str(path / self.output_filename_cpp), "w") as file: output_file(file, True, self.output_filename_cpp, self) # format outputted files arguments = [r"c:\Program Files\LLVM\bin\clang-format.exe", "-i", "-style=file", str(path / self.output_filename_h), str(path / self.output_filename_cpp)] subprocess.Popen(arguments) def build_classes(self, cursor): for c in cursor.get_children(): if c.kind == clang.cindex.CursorKind.NAMESPACE: self.build_classes(c) if c.location.file and path_to_src in Path(c.location.file.name).parents: if c.kind == clang.cindex.CursorKind.CLASS_DECL or c.kind == clang.cindex.CursorKind.STRUCT_DECL: a_class = Class(c) self.candidateClasses[c.type.spelling] = a_class def print(self): print(self.filename) indent_size = 4 for c in self.classes: indent = " " * indent_size print(indent + "+-- " + c.name) indent = indent + "| " for f in c.fields: print(indent + "+-- " + f.name) def __str__(self) -> str: return "{}(File)".format(str(self.filename)) def output_file(file, with_impl, filename, ast_file): file.write("/**\n" "* @file {}\n" "* @author Generated by DingoGenerator (written by Faaux)\n" "* @date {}\n" "* This file was generated, do not edit!" "*/\n" "\n".format(filename, datetime.datetime.now().strftime("%d %B %Y"))) file.write( "#pragma once\n" ) if with_impl: file.write('#include "engine/Serialize.h"\n') file.write('#include "{}"\n'.format(filename.replace(".cpp", ".h"))) file.write( '#include "../{}"\n' "\n".format(ast_file.filename.name) ) file.write( "namespace DG\n" "{\n" ) # Output all functions here for c in ast_file.classes: parsed_class: Class = c file.write( 'void Serialize{}(const {}* item, nlohmann::json& json)'.format(parsed_class.name, parsed_class.name)) if with_impl: file.write( '\n' '{\n' ) # Find all attributes in files and export them here! for f in parsed_class.fields: field: Field = f if field.attributes: if field.attributes[0] == "DPROPERTY": file.write( ' json["{}"] = Serialize(item->{});\n'.format(field.name, field.name) ) file.write( '}\n' ) else: file.write(";\n") file.write( "} // namespace DG\n" ) def generate_for_file(file): file.generate() def main(): freeze_support() pathlist = list(Path(path_to_components).glob('**/*.h')) pathlist = pathlist + list(Path(path_to_gameobjects).glob('**/*.h')) filelist = [File(p) for p in pathlist if not str(p).endswith(".generated.h") and not str(p).endswith("Actor.h") and not str(p).endswith("BaseComponent.h")] filelist = [f for f in filelist if f.needs_update()] if len(filelist) > 0: if len(filelist) >= 4: p = Pool(4) p.map(generate_for_file, filelist) else: for file in filelist: file.generate() path_to_cmake.touch() if __name__ == "__main__": main()
mit
-4,985,849,433,667,174,000
33.65272
113
0.545037
false
MiroK/DolfinSurface
demo/undocumented/meshfunction/python/demo_meshfunction.py
1
1231
"""This demo illustrates use of the MeshFunction class. Original implementation: ../cpp/main.cpp by Ola Skavhaug.""" # Copyright (C) 2007 Kristian B. Oelgaard # # This file is part of DOLFIN. # # DOLFIN is free software: you can redistribute it and/or modify # it under the terms of the GNU Lesser General Public License as published by # the Free Software Foundation, either version 3 of the License, or # (at your option) any later version. # # DOLFIN is distributed in the hope that it will be useful, # but WITHOUT ANY WARRANTY; without even the implied warranty of # MERCHANTABILITY or FITNESS FOR A PARTICULAR PURPOSE. See the # GNU Lesser General Public License for more details. # # You should have received a copy of the GNU Lesser General Public License # along with DOLFIN. If not, see <http://www.gnu.org/licenses/>. # # First added: 2007-11-15 # Last changed: 2008-03-31 from dolfin import * # Read mesh from file mesh = Mesh("../unitsquare_2_2.xml.gz") # Read mesh function from file file_in = File("../unitsquare_2_2_subdomains.xml.gz") f = MeshFunction("double", mesh) file_in >> f # Write mesh function to file out = File("meshfunction_out.xml.gz"); out << f # Plot mesh function plot(f, interactive=True)
gpl-3.0
-5,013,314,975,686,665,000
29.775
77
0.735987
false
google-research/remixmatch
pseudo_label.py
1
5410
# Copyright 2019 Google LLC # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # https://www.apache.org/licenses/LICENSE-2.0 # # Unless required by applicable law or agreed to in writing, software # distributed under the License is distributed on an "AS IS" BASIS, # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. """Pseudo-label: The simple and efficient semi-supervised learning method fordeep neural networks. Reimplementation of http://deeplearning.net/wp-content/uploads/2013/03/pseudo_label_final.pdf """ import functools import os import tensorflow as tf from absl import app from absl import flags from libml import utils, data, models from libml.utils import EasyDict FLAGS = flags.FLAGS class PseudoLabel(models.MultiModel): def model(self, batch, lr, wd, ema, warmup_pos, consistency_weight, threshold, **kwargs): hwc = [self.dataset.height, self.dataset.width, self.dataset.colors] xt_in = tf.placeholder(tf.float32, [batch] + hwc, 'xt') # For training x_in = tf.placeholder(tf.float32, [None] + hwc, 'x') y_in = tf.placeholder(tf.float32, [batch] + hwc, 'y') l_in = tf.placeholder(tf.int32, [batch], 'labels') l = tf.one_hot(l_in, self.nclass) wd *= lr warmup = tf.clip_by_value(tf.to_float(self.step) / (warmup_pos * (FLAGS.train_kimg << 10)), 0, 1) classifier = lambda x, **kw: self.classifier(x, **kw, **kwargs).logits logits_x = classifier(xt_in, training=True) post_ops = tf.get_collection(tf.GraphKeys.UPDATE_OPS) # Take only first call to update batch norm. logits_y = classifier(y_in, training=True) # Get the pseudo-label loss loss_pl = tf.nn.sparse_softmax_cross_entropy_with_logits( labels=tf.argmax(logits_y, axis=-1), logits=logits_y ) # Masks denoting which data points have high-confidence predictions greater_than_thresh = tf.reduce_any( tf.greater(tf.nn.softmax(logits_y), threshold), axis=-1, keepdims=True, ) greater_than_thresh = tf.cast(greater_than_thresh, loss_pl.dtype) # Only enforce the loss when the model is confident loss_pl *= greater_than_thresh # Note that we also average over examples without confident outputs; # this is consistent with the realistic evaluation codebase loss_pl = tf.reduce_mean(loss_pl) loss = tf.nn.softmax_cross_entropy_with_logits_v2(labels=l, logits=logits_x) loss = tf.reduce_mean(loss) tf.summary.scalar('losses/xe', loss) tf.summary.scalar('losses/pl', loss_pl) ema = tf.train.ExponentialMovingAverage(decay=ema) ema_op = ema.apply(utils.model_vars()) ema_getter = functools.partial(utils.getter_ema, ema) post_ops.append(ema_op) post_ops.extend([tf.assign(v, v * (1 - wd)) for v in utils.model_vars('classify') if 'kernel' in v.name]) train_op = tf.train.AdamOptimizer(lr).minimize(loss + loss_pl * warmup * consistency_weight, colocate_gradients_with_ops=True) with tf.control_dependencies([train_op]): train_op = tf.group(*post_ops) return EasyDict( xt=xt_in, x=x_in, y=y_in, label=l_in, train_op=train_op, classify_raw=tf.nn.softmax(classifier(x_in, training=False)), # No EMA, for debugging. classify_op=tf.nn.softmax(classifier(x_in, getter=ema_getter, training=False))) def main(argv): utils.setup_main() del argv # Unused. dataset = data.DATASETS()[FLAGS.dataset]() log_width = utils.ilog2(dataset.width) model = PseudoLabel( os.path.join(FLAGS.train_dir, dataset.name), dataset, lr=FLAGS.lr, wd=FLAGS.wd, arch=FLAGS.arch, warmup_pos=FLAGS.warmup_pos, batch=FLAGS.batch, nclass=dataset.nclass, ema=FLAGS.ema, smoothing=FLAGS.smoothing, consistency_weight=FLAGS.consistency_weight, threshold=FLAGS.threshold, scales=FLAGS.scales or (log_width - 2), filters=FLAGS.filters, repeat=FLAGS.repeat) model.train(FLAGS.train_kimg << 10, FLAGS.report_kimg << 10) if __name__ == '__main__': utils.setup_tf() flags.DEFINE_float('wd', 0.02, 'Weight decay.') flags.DEFINE_float('consistency_weight', 1., 'Consistency weight.') flags.DEFINE_float('threshold', 0.95, 'Pseudo-label threshold.') flags.DEFINE_float('warmup_pos', 0.4, 'Relative position at which constraint loss warmup ends.') flags.DEFINE_float('ema', 0.999, 'Exponential moving average of params.') flags.DEFINE_float('smoothing', 0.1, 'Label smoothing.') flags.DEFINE_integer('scales', 0, 'Number of 2x2 downscalings in the classifier.') flags.DEFINE_integer('filters', 32, 'Filter size of convolutions.') flags.DEFINE_integer('repeat', 4, 'Number of residual layers per stage.') FLAGS.set_default('dataset', 'cifar10.3@250-5000') FLAGS.set_default('batch', 64) FLAGS.set_default('lr', 0.002) FLAGS.set_default('train_kimg', 1 << 16) app.run(main)
apache-2.0
1,373,210,983,404,664,600
41.598425
113
0.65268
false